diff --git a/.DS_Store b/.DS_Store deleted file mode 100644 index 35503c666de99849e6ab702aa1acd48e46fba584..0000000000000000000000000000000000000000 Binary files a/.DS_Store and /dev/null differ diff --git a/.gitattributes b/.gitattributes index 2d1e57de186c468b51c10ac12cddfbacc7ccbf78..a6344aac8c09253b3b630fb776ae94478aa0275b 100644 --- a/.gitattributes +++ b/.gitattributes @@ -33,8 +33,3 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text *.zip filter=lfs diff=lfs merge=lfs -text *.zst filter=lfs diff=lfs merge=lfs -text *tfevents* filter=lfs diff=lfs merge=lfs -text -*.png filter=lfs diff=lfs merge=lfs -text -*.jpeg filter=lfs diff=lfs merge=lfs -text -*.jpg filter=lfs diff=lfs merge=lfs -text -*.wav filter=lfs diff=lfs merge=lfs -text -*.gif filter=lfs diff=lfs merge=lfs -text diff --git a/__pycache__/gradio_alt_text.cpython-312.pyc b/__pycache__/gradio_alt_text.cpython-312.pyc deleted file mode 100644 index fbd9b22ba05d4204bd4f2b17653bb215f534eeb4..0000000000000000000000000000000000000000 Binary files a/__pycache__/gradio_alt_text.cpython-312.pyc and /dev/null differ diff --git a/__pycache__/gradio_final_app.cpython-312.pyc b/__pycache__/gradio_final_app.cpython-312.pyc deleted file mode 100644 index 53310321c3b834da18e50b5dbb481ddce5e68497..0000000000000000000000000000000000000000 Binary files a/__pycache__/gradio_final_app.cpython-312.pyc and /dev/null differ diff --git a/__pycache__/gradio_gemma.cpython-312.pyc b/__pycache__/gradio_gemma.cpython-312.pyc deleted file mode 100644 index 152b8e2b1eb825d2ac14f9ef4f32a275672e03d2..0000000000000000000000000000000000000000 Binary files a/__pycache__/gradio_gemma.cpython-312.pyc and /dev/null differ diff --git a/__pycache__/gradio_gemma_alt_text.cpython-312.pyc b/__pycache__/gradio_gemma_alt_text.cpython-312.pyc deleted file mode 100644 index 387ba40407ad9d8456799a245a1d8c24b6ce4236..0000000000000000000000000000000000000000 Binary files a/__pycache__/gradio_gemma_alt_text.cpython-312.pyc and /dev/null differ diff --git a/app.py b/app.py deleted file mode 100644 index b5962041fc97d5a79cf2df7a24244ffdc672133c..0000000000000000000000000000000000000000 --- a/app.py +++ /dev/null @@ -1,1084 +0,0 @@ -import gradio as gr -import json -import markdown -import cv2 -import numpy as np -from PIL import Image -from transformers import AutoProcessor, VisionEncoderDecoderModel, AutoModelForImageTextToText -import torch -try: - from sentence_transformers import SentenceTransformer - import numpy as np - from sklearn.metrics.pairwise import cosine_similarity - RAG_DEPENDENCIES_AVAILABLE = True -except ImportError as e: - print(f"RAG dependencies not available: {e}") - print("Please install: pip install sentence-transformers scikit-learn") - RAG_DEPENDENCIES_AVAILABLE = False - SentenceTransformer = None -import os -import tempfile -import uuid -import base64 -import io -from utils.utils import * -from utils.markdown_utils import MarkdownConverter - -# Voice functionality imports -import time -import librosa -from dataclasses import dataclass, field -from pydub import AudioSegment -try: - from voice_chat.utils.vad import get_speech_timestamps, collect_chunks, VadOptions - from voice_chat.gemma3n_inference import Gemma3nInference - VOICE_DEPENDENCIES_AVAILABLE = True -except ImportError as e: - print(f"Voice dependencies not available: {e}") - VOICE_DEPENDENCIES_AVAILABLE = False - -# Math extension is optional for enhanced math rendering -MATH_EXTENSION_AVAILABLE = False -try: - from mdx_math import MathExtension - MATH_EXTENSION_AVAILABLE = True -except ImportError: - pass - -# Initialize voice model early to avoid NameError -voice_model = None -if VOICE_DEPENDENCIES_AVAILABLE: - try: - print("Loading voice model...") - voice_model = Gemma3nInference(device='cuda' if torch.cuda.is_available() else 'cpu') - print("Warming up voice model...") - voice_model.warm_up() - print("✅ Voice model loaded and warmed up successfully") - except Exception as e: - print(f"⚠️ Voice model initialization failed: {e}") - voice_model = None - - -class DOLPHIN: - def __init__(self, model_id_or_path): - """Initialize the Hugging Face model optimized for powerful GPU""" - self.processor = AutoProcessor.from_pretrained(model_id_or_path) - self.model = VisionEncoderDecoderModel.from_pretrained( - model_id_or_path, - torch_dtype=torch.float16, - device_map="auto" if torch.cuda.is_available() else None - ) - self.model.eval() - - self.device = "cuda" if torch.cuda.is_available() else "cpu" - if not torch.cuda.is_available(): - self.model = self.model.float() - - self.tokenizer = self.processor.tokenizer - - def chat(self, prompt, image): - """Process an image or batch of images with the given prompt(s)""" - is_batch = isinstance(image, list) - - if not is_batch: - images = [image] - prompts = [prompt] - else: - images = image - prompts = prompt if isinstance(prompt, list) else [prompt] * len(images) - - batch_inputs = self.processor(images, return_tensors="pt", padding=True) - batch_pixel_values = batch_inputs.pixel_values - - if torch.cuda.is_available(): - batch_pixel_values = batch_pixel_values.half().to(self.device) - else: - batch_pixel_values = batch_pixel_values.to(self.device) - - prompts = [f"{p} " for p in prompts] - batch_prompt_inputs = self.tokenizer( - prompts, - add_special_tokens=False, - return_tensors="pt" - ) - - batch_prompt_ids = batch_prompt_inputs.input_ids.to(self.device) - batch_attention_mask = batch_prompt_inputs.attention_mask.to(self.device) - - with torch.no_grad(): - outputs = self.model.generate( - pixel_values=batch_pixel_values, - decoder_input_ids=batch_prompt_ids, - decoder_attention_mask=batch_attention_mask, - min_length=1, - max_length=2048, - pad_token_id=self.tokenizer.pad_token_id, - eos_token_id=self.tokenizer.eos_token_id, - use_cache=True, - bad_words_ids=[[self.tokenizer.unk_token_id]], - return_dict_in_generate=True, - do_sample=False, - num_beams=1, - repetition_penalty=1.1, - temperature=1.0 - ) - - sequences = self.tokenizer.batch_decode(outputs.sequences, skip_special_tokens=False) - - results = [] - for i, sequence in enumerate(sequences): - cleaned = sequence.replace(prompts[i], "").replace("", "").replace("", "").strip() - results.append(cleaned) - - if not is_batch: - return results[0] - return results - - -class Gemma3nModel: - def __init__(self, model_id="google/gemma-3n-E4B-it"): - """Initialize the Gemma 3n model for text generation and image description""" - self.model_id = model_id - self.processor = AutoProcessor.from_pretrained(model_id) - self.model = AutoModelForImageTextToText.from_pretrained( - model_id, - torch_dtype="auto", - device_map="auto" - ) - self.model.eval() - print(f"✅ Gemma 3n loaded (Device: {self.model.device}, DType: {self.model.dtype})") - - def generate_alt_text(self, pil_image): - """Generate alt text for an image using local Gemma 3n""" - try: - # Ensure image is in RGB mode - if pil_image.mode != 'RGB': - pil_image = pil_image.convert('RGB') - - # Create a detailed prompt for alt text generation - prompt = """You are an accessibility expert creating alt text for images to help visually impaired users understand visual content. Analyze this image and provide a clear, concise description that captures the essential visual information. - -Focus on: -- Main subject or content of the image -- Important details, text, or data shown -- Layout and structure if relevant (charts, diagrams, tables) -- Context that would help someone understand the image's purpose - -Provide a descriptive alt text in 1-2 sentences that is informative but not overly verbose. Start directly with the description without saying "This image shows" or similar phrases.""" - - # Prepare the message format - message = { - "role": "user", - "content": [ - {"type": "image", "image": pil_image}, - {"type": "text", "text": prompt} - ] - } - - # Apply chat template and generate - input_ids = self.processor.apply_chat_template( - [message], - add_generation_prompt=True, - tokenize=True, - return_dict=True, - return_tensors="pt", - ) - input_len = input_ids["input_ids"].shape[-1] - - input_ids = input_ids.to(self.model.device, dtype=self.model.dtype) - outputs = self.model.generate( - **input_ids, - max_new_tokens=256, - disable_compile=True, - do_sample=False, - temperature=0.1 - ) - - text = self.processor.batch_decode( - outputs[:, input_len:], - skip_special_tokens=True, - clean_up_tokenization_spaces=True - ) - - alt_text = text[0].strip() - - # Clean up the alt text - alt_text = alt_text.replace('\n', ' ').replace('\r', ' ') - # Remove common prefixes if they appear - prefixes_to_remove = ["This image shows", "The image shows", "This shows", "The figure shows"] - for prefix in prefixes_to_remove: - if alt_text.startswith(prefix): - alt_text = alt_text[len(prefix):].strip() - break - - return alt_text if alt_text else "Image description unavailable" - - except Exception as e: - print(f"❌ Error generating alt text: {e}") - import traceback - traceback.print_exc() - return "Image description unavailable" - - def chat(self, prompt, history=None): - """Chat functionality using Gemma 3n for text-only conversations""" - try: - # Create message format - message = { - "role": "user", - "content": [ - {"type": "text", "text": prompt} - ] - } - - # If history exists, include it - conversation = history if history else [] - conversation.append(message) - - # Apply chat template and generate - input_ids = self.processor.apply_chat_template( - conversation, - add_generation_prompt=True, - tokenize=True, - return_dict=True, - return_tensors="pt", - ) - input_len = input_ids["input_ids"].shape[-1] - - input_ids = input_ids.to(self.model.device, dtype=self.model.dtype) - outputs = self.model.generate( - **input_ids, - max_new_tokens=1024, - disable_compile=True, - do_sample=False, - pad_token_id=self.processor.tokenizer.pad_token_id - ) - - text = self.processor.batch_decode( - outputs[:, input_len:], - skip_special_tokens=True, - clean_up_tokenization_spaces=True - ) - - return text[0].strip() - - except Exception as e: - print(f"❌ Error in chat: {e}") - import traceback - traceback.print_exc() - return f"Error generating response: {str(e)}" - - -def convert_pdf_to_images_gradio(pdf_file): - """Convert uploaded PDF file to list of PIL Images""" - try: - import pymupdf - - if isinstance(pdf_file, str): - pdf_document = pymupdf.open(pdf_file) - else: - pdf_bytes = pdf_file.read() - pdf_document = pymupdf.open(stream=pdf_bytes, filetype="pdf") - - images = [] - for page_num in range(len(pdf_document)): - page = pdf_document[page_num] - mat = pymupdf.Matrix(2.0, 2.0) - pix = page.get_pixmap(matrix=mat) - img_data = pix.tobytes("png") - pil_image = Image.open(io.BytesIO(img_data)).convert("RGB") - images.append(pil_image) - - pdf_document.close() - return images - - except Exception as e: - raise Exception(f"Error converting PDF: {str(e)}") - - -def process_pdf_document(pdf_file, model, progress=gr.Progress()): - """Process uploaded PDF file page by page""" - if pdf_file is None: - return "No PDF file uploaded", "" - - try: - progress(0.1, desc="Converting PDF to images...") - images = convert_pdf_to_images_gradio(pdf_file) - - if not images: - return "Failed to convert PDF to images", "" - - all_results = [] - - for page_idx, pil_image in enumerate(images): - progress((page_idx + 1) / len(images) * 0.8 + 0.1, - desc=f"Processing page {page_idx + 1}/{len(images)}...") - - layout_output = model.chat("Parse the reading order of this document.", pil_image) - - padded_image, dims = prepare_image(pil_image) - recognition_results = process_elements_optimized( - layout_output, - padded_image, - dims, - model, - max_batch_size=4 - ) - - try: - markdown_converter = MarkdownConverter() - markdown_content = markdown_converter.convert(recognition_results) - except: - markdown_content = generate_fallback_markdown(recognition_results) - - page_result = { - "page_number": page_idx + 1, - "markdown": markdown_content - } - all_results.append(page_result) - - progress(1.0, desc="Processing complete!") - - combined_markdown = "\n\n---\n\n".join([ - f"# Page {result['page_number']}\n\n{result['markdown']}" - for result in all_results - ]) - - return combined_markdown, "processing_complete" - - except Exception as e: - error_msg = f"Error processing PDF: {str(e)}" - return error_msg, "error" - - -def process_elements_optimized(layout_results, padded_image, dims, model, max_batch_size=4): - """Optimized element processing for powerful GPU""" - layout_results = parse_layout_string(layout_results) - - text_elements = [] - table_elements = [] - figure_results = [] - previous_box = None - reading_order = 0 - - for bbox, label in layout_results: - try: - x1, y1, x2, y2, orig_x1, orig_y1, orig_x2, orig_y2, previous_box = process_coordinates( - bbox, padded_image, dims, previous_box - ) - - cropped = padded_image[y1:y2, x1:x2] - if cropped.size > 0 and cropped.shape[0] > 3 and cropped.shape[1] > 3: - if label == "fig": - pil_crop = Image.fromarray(cv2.cvtColor(cropped, cv2.COLOR_BGR2RGB)) - pil_crop = crop_margin(pil_crop) - - # Generate alt text for accessibility using local Gemma 3n - alt_text = gemma_model.generate_alt_text(pil_crop) - - buffered = io.BytesIO() - pil_crop.save(buffered, format="PNG") - img_base64 = base64.b64encode(buffered.getvalue()).decode() - data_uri = f"data:image/png;base64,{img_base64}" - - figure_results.append({ - "label": label, - "text": f"![{alt_text}]({data_uri})\n\n*{alt_text}*", - "bbox": [orig_x1, orig_y1, orig_x2, orig_y2], - "reading_order": reading_order, - "alt_text": alt_text, - }) - else: - pil_crop = Image.fromarray(cv2.cvtColor(cropped, cv2.COLOR_BGR2RGB)) - element_info = { - "crop": pil_crop, - "label": label, - "bbox": [orig_x1, orig_y1, orig_x2, orig_y2], - "reading_order": reading_order, - } - - if label == "tab": - table_elements.append(element_info) - else: - text_elements.append(element_info) - - reading_order += 1 - - except Exception as e: - print(f"Error processing element {label}: {str(e)}") - continue - - recognition_results = figure_results.copy() - - if text_elements: - text_results = process_element_batch_optimized( - text_elements, model, "Read text in the image.", max_batch_size - ) - recognition_results.extend(text_results) - - if table_elements: - table_results = process_element_batch_optimized( - table_elements, model, "Parse the table in the image.", max_batch_size - ) - recognition_results.extend(table_results) - - recognition_results.sort(key=lambda x: x.get("reading_order", 0)) - return recognition_results - - -def process_element_batch_optimized(elements, model, prompt, max_batch_size=4): - """Process elements in batches for powerful GPU""" - results = [] - batch_size = min(len(elements), max_batch_size) - - for i in range(0, len(elements), batch_size): - batch_elements = elements[i:i+batch_size] - crops_list = [elem["crop"] for elem in batch_elements] - prompts_list = [prompt] * len(crops_list) - - batch_results = model.chat(prompts_list, crops_list) - - for j, result in enumerate(batch_results): - elem = batch_elements[j] - results.append({ - "label": elem["label"], - "bbox": elem["bbox"], - "text": result.strip(), - "reading_order": elem["reading_order"], - }) - - del crops_list, batch_elements - if torch.cuda.is_available(): - torch.cuda.empty_cache() - - return results - - -def generate_fallback_markdown(recognition_results): - """Generate basic markdown if converter fails""" - markdown_content = "" - for element in recognition_results: - if element["label"] == "tab": - markdown_content += f"\n\n{element['text']}\n\n" - elif element["label"] in ["para", "title", "sec", "sub_sec"]: - markdown_content += f"{element['text']}\n\n" - elif element["label"] == "fig": - # Image should already have alt text from processing - markdown_content += f"{element['text']}\n\n" - return markdown_content - - -# Initialize models -model_path = "./hf_model" -if not os.path.exists(model_path): - model_path = "ByteDance/DOLPHIN" - -# Model paths and configuration -model_path = "./hf_model" if os.path.exists("./hf_model") else "ByteDance/DOLPHIN" -hf_token = os.getenv('HF_TOKEN') -gemma_model_id = "google/gemma-3n-E4B-it" - -# Initialize models -print("Loading DOLPHIN model...") -dolphin_model = DOLPHIN(model_path) -print(f"✅ DOLPHIN model loaded (Device: {dolphin_model.device})") - -print("Loading Gemma 3n model...") -gemma_model = Gemma3nModel(gemma_model_id) - -model_status = "✅ Both models loaded successfully" - -# Initialize embedding model -if RAG_DEPENDENCIES_AVAILABLE: - try: - print("Loading embedding model for RAG...") - embedding_model = SentenceTransformer('all-MiniLM-L6-v2', device='cpu') - print("✅ Embedding model loaded successfully (CPU)") - except Exception as e: - print(f"❌ Error loading embedding model: {e}") - embedding_model = None -else: - print("❌ RAG dependencies not available") - embedding_model = None - - -# Global state for managing tabs -processed_markdown = "" -show_results_tab = False -document_chunks = [] -document_embeddings = None - -# Voice chat parameters and state -IN_CHANNELS = 1 -IN_RATE = 24000 -IN_CHUNK = 1024 -IN_SAMPLE_WIDTH = 2 -VAD_STRIDE = 0.5 -OUT_CHANNELS = 1 -OUT_RATE = 24000 -OUT_SAMPLE_WIDTH = 2 -OUT_CHUNK = 20 * 4096 - -# Voice model already initialized earlier in the file - -@dataclass -class VoiceAppState: - stream: np.ndarray | None = None - sampling_rate: int = 0 - pause_detected: bool = False - started_talking: bool = False - stopped: bool = False - conversation: list = field(default_factory=list) - - -# Voice functionality -def run_vad(ori_audio, sr): - """Voice Activity Detection""" - _st = time.time() - try: - audio = ori_audio - if isinstance(audio, bytes): - audio = np.frombuffer(audio, dtype=np.int16) - audio = audio.astype(np.float32) / 32768.0 - sampling_rate = 16000 - if sr != sampling_rate: - audio = librosa.resample(audio, orig_sr=sr, target_sr=sampling_rate) - - vad_parameters = {} - vad_parameters = VadOptions(**vad_parameters) - speech_chunks = get_speech_timestamps(audio, vad_parameters) - audio = collect_chunks(audio, speech_chunks) - duration_after_vad = audio.shape[0] / sampling_rate - - if sr != sampling_rate: - vad_audio = librosa.resample(audio, orig_sr=sampling_rate, target_sr=sr) - else: - vad_audio = audio - vad_audio = np.round(vad_audio * 32768.0).astype(np.int16) - vad_audio_bytes = vad_audio.tobytes() - - return duration_after_vad, vad_audio_bytes, round(time.time() - _st, 4) - except Exception as e: - msg = f"[asr vad error] audio_len: {len(ori_audio)/(sr*2):.3f} s, trace: {e}" - print(msg) - return -1, ori_audio, round(time.time() - _st, 4) - -def determine_pause(audio: np.ndarray, sampling_rate: int, state: VoiceAppState) -> bool: - """Determine if a pause happened in the audio stream""" - temp_audio = audio - dur_vad, _, time_vad = run_vad(temp_audio, sampling_rate) - duration = len(audio) / sampling_rate - - if dur_vad > 0.5 and not state.started_talking: - print("started talking") - state.started_talking = True - return False - - print(f"duration_after_vad: {dur_vad:.3f} s, time_vad: {time_vad:.3f} s") - return (duration - dur_vad) > 1 - -def process_voice_audio(audio: tuple, state: VoiceAppState): - """Process streaming audio input""" - if not VOICE_DEPENDENCIES_AVAILABLE or voice_model is None: - return None, state - - if state.stream is None: - state.stream = audio[1] - state.sampling_rate = audio[0] - else: - state.stream = np.concatenate((state.stream, audio[1])) - - pause_detected = determine_pause(state.stream, state.sampling_rate, state) - state.pause_detected = pause_detected - - if state.pause_detected and state.started_talking: - return gr.Audio(recording=False), state - return None, state - -def generate_voice_response(state: VoiceAppState): - """Generate voice response from audio input""" - if not VOICE_DEPENDENCIES_AVAILABLE or voice_model is None: - return None, VoiceAppState() - - if not state.pause_detected and not state.started_talking: - return None, VoiceAppState() - - try: - audio_buffer = io.BytesIO() - segment = AudioSegment( - state.stream.tobytes(), - frame_rate=state.sampling_rate, - sample_width=state.stream.dtype.itemsize, - channels=(1 if len(state.stream.shape) == 1 else state.stream.shape[1]), - ) - segment.export(audio_buffer, format="wav") - - with tempfile.NamedTemporaryFile(suffix=".wav", delete=False) as f: - f.write(audio_buffer.getvalue()) - temp_audio_path = f.name - - try: - # Generate text response from audio - text_response = voice_model.generate_response(temp_audio_path) - print(f"Generated voice response: {text_response}") - - # Convert text to speech - audio_response = voice_model.text_to_speech_simple(text_response) - - # Convert to format expected by Gradio - audio_segment = AudioSegment.from_file(io.BytesIO(audio_response), format="wav") - audio_array = np.array(audio_segment.get_array_of_samples()) - - if audio_segment.channels == 2: - audio_array = audio_array.reshape((-1, 2)) - - # Update conversation history - state.conversation.append({"role": "user", "content": f"[Audio message]"}) - state.conversation.append({"role": "assistant", "content": text_response}) - - return (audio_segment.frame_rate, audio_array), VoiceAppState(conversation=state.conversation) - - finally: - if os.path.exists(temp_audio_path): - os.unlink(temp_audio_path) - - except Exception as e: - print(f"Error generating voice response: {e}") - return None, VoiceAppState() - -def start_voice_recording(state: VoiceAppState): - """Start recording user voice input""" - if not state.stopped: - return gr.Audio(recording=True) - return gr.Audio(recording=False) - -def chunk_document(text, chunk_size=1024, overlap=100): - """Split document into overlapping chunks for RAG""" - words = text.split() - chunks = [] - - for i in range(0, len(words), chunk_size - overlap): - chunk = ' '.join(words[i:i + chunk_size]) - if chunk.strip(): - chunks.append(chunk) - - return chunks - -def create_embeddings(chunks): - """Create embeddings for document chunks""" - if embedding_model is None: - return None - - try: - # Process in smaller batches on CPU - batch_size = 32 - embeddings = [] - - for i in range(0, len(chunks), batch_size): - batch = chunks[i:i + batch_size] - batch_embeddings = embedding_model.encode(batch, show_progress_bar=False) - embeddings.extend(batch_embeddings) - - return np.array(embeddings) - except Exception as e: - print(f"Error creating embeddings: {e}") - return None - -def retrieve_relevant_chunks(question, chunks, embeddings, top_k=3): - """Retrieve most relevant chunks for a question""" - if embedding_model is None or embeddings is None: - return chunks[:3] # Fallback to first 3 chunks - - try: - question_embedding = embedding_model.encode([question], show_progress_bar=False) - similarities = cosine_similarity(question_embedding, embeddings)[0] - - # Get top-k most similar chunks - top_indices = np.argsort(similarities)[-top_k:][::-1] - relevant_chunks = [chunks[i] for i in top_indices] - - return relevant_chunks - except Exception as e: - print(f"Error retrieving chunks: {e}") - return chunks[:3] # Fallback - -def process_uploaded_pdf(pdf_file, progress=gr.Progress()): - """Main processing function for uploaded PDF""" - global processed_markdown, show_results_tab, document_chunks, document_embeddings - - if pdf_file is None: - return "❌ No PDF uploaded", gr.Tabs(visible=False) - - try: - # Process PDF - progress(0.1, desc="Processing PDF...") - combined_markdown, status = process_pdf_document(pdf_file, dolphin_model, progress) - - if status == "processing_complete": - processed_markdown = combined_markdown - - # Create chunks and embeddings for RAG - progress(0.9, desc="Creating document chunks for RAG...") - document_chunks = chunk_document(processed_markdown) - document_embeddings = create_embeddings(document_chunks) - print(f"Created {len(document_chunks)} chunks") - - show_results_tab = True - progress(1.0, desc="PDF processed successfully!") - return "✅ PDF processed successfully! Chatbot is ready in the Chat tab.", gr.Tabs(visible=True) - else: - show_results_tab = False - return combined_markdown, gr.Tabs(visible=False) - - except Exception as e: - show_results_tab = False - error_msg = f"❌ Error processing PDF: {str(e)}" - return error_msg, gr.Tabs(visible=False) - - -def get_processed_markdown(): - """Return the processed markdown content""" - global processed_markdown - return processed_markdown if processed_markdown else "No document processed yet." - - -def clear_all(): - """Clear all data and hide results tab""" - global processed_markdown, show_results_tab, document_chunks, document_embeddings - processed_markdown = "" - show_results_tab = False - document_chunks = [] - document_embeddings = None - - # Clear GPU cache - if torch.cuda.is_available(): - torch.cuda.empty_cache() - - return None, "", gr.Tabs(visible=False) - - -# Create Gradio interface -with gr.Blocks( - title="DOLPHIN PDF AI - Local Gemma 3n", - theme=gr.themes.Soft(), - css=""" - @import url('https://fonts.googleapis.com/css2?family=Inter:wght@300;400;500;600;700&display=swap'); - - * { - font-family: 'Inter', -apple-system, BlinkMacSystemFont, 'Segoe UI', sans-serif !important; - } - - .main-container { - max-width: 1000px; - margin: 0 auto; - } - .upload-container { - text-align: center; - padding: 40px 20px; - border: 2px dashed #e0e0e0; - border-radius: 15px; - margin: 20px 0; - } - .upload-button { - font-size: 18px !important; - padding: 15px 30px !important; - margin: 20px 0 !important; - font-weight: 600 !important; - } - .status-message { - text-align: center; - padding: 15px; - margin: 10px 0; - border-radius: 8px; - font-weight: 500; - } - .chatbot-container { - max-height: 600px; - } - h1, h2, h3 { - font-weight: 700 !important; - } - #progress-container { - margin: 10px 0; - min-height: 20px; - } - """ -) as demo: - - with gr.Tabs() as main_tabs: - # Home Tab - with gr.TabItem("🏠 Home", id="home"): - embedding_status = "✅ RAG ready" if embedding_model else "❌ RAG not loaded" - voice_status = "✅ Voice chat ready" if VOICE_DEPENDENCIES_AVAILABLE and voice_model else "❌ Voice chat not available" - gr.Markdown( - "# Scholar Express - Local Gemma 3n Version with Voice\n" - "### Upload a research paper to get a web-friendly version with AI-generated alt text for accessibility. Includes an AI chatbot and voice chat powered by local Gemma 3n.\n" - f"**System:** {model_status}\n" - f"**RAG System:** {embedding_status}\n" - f"**Voice Chat:** {voice_status}\n" - f"**DOLPHIN:** Local model for PDF processing\n" - f"**Gemma 3n:** Local model for alt text generation, chat, and voice\n" - f"**Alt Text:** Gemma 3n generates descriptive alt text for images\n" - f"**GPU:** {'CUDA available' if torch.cuda.is_available() else 'CPU only'}\n\n" - "**Features:**\n" - "- 📄 PDF processing with OCR and layout analysis\n" - "- 💬 Text-based chat about your documents\n" - "- 🎙️ Voice chat with Gemma 3n (new!)\n" - "- ♿ AI-generated alt text for accessibility" - ) - - with gr.Column(elem_classes="upload-container"): - gr.Markdown("## 📄 Upload Your PDF Document") - - pdf_input = gr.File( - file_types=[".pdf"], - label="", - height=150, - elem_id="pdf_upload" - ) - - process_btn = gr.Button( - "🚀 Process PDF", - variant="primary", - size="lg", - elem_classes="upload-button" - ) - - clear_btn = gr.Button( - "🗑️ Clear", - variant="secondary" - ) - - # Dedicated progress space - progress_space = gr.HTML( - value="", - visible=False, - elem_id="progress-container" - ) - - # Status output (hidden during processing) - status_output = gr.Markdown( - "", - elem_classes="status-message" - ) - - # Results Tab (initially hidden) - with gr.TabItem("📖 Document", id="results", visible=False) as results_tab: - gr.Markdown("## Processed Document") - - markdown_display = gr.Markdown( - value="", - latex_delimiters=[ - {"left": "$$", "right": "$$", "display": True}, - {"left": "$", "right": "$", "display": False} - ], - height=700 - ) - - # Chatbot Tab (initially hidden) - with gr.TabItem("💬 Chat", id="chat", visible=False) as chat_tab: - gr.Markdown("## Ask Questions About Your Document") - - chatbot = gr.Chatbot( - value=[], - height=500, - type='messages', - elem_classes="chatbot-container", - placeholder="Your conversation will appear here once you process a document..." - ) - - with gr.Row(): - msg_input = gr.Textbox( - placeholder="Ask a question about the processed document...", - scale=4, - container=False - ) - send_btn = gr.Button("Send", variant="primary", scale=1) - - gr.Markdown( - "*Ask questions about your processed document. The AI uses RAG (Retrieval-Augmented Generation) with local Gemma 3n to find relevant sections and provide accurate answers.*", - elem_id="chat-notice" - ) - - # Voice Chat Tab - with gr.TabItem("🎙️ Talk with Gemma", id="voice") as voice_tab: - voice_status = "✅ Voice chat ready" if VOICE_DEPENDENCIES_AVAILABLE and voice_model else "❌ Voice chat not available" - gr.Markdown(f"## Voice Chat with Gemma 3n\n{voice_status}") - - if VOICE_DEPENDENCIES_AVAILABLE and voice_model: - with gr.Row(): - with gr.Column(): - voice_input_audio = gr.Audio( - label="Speak to Gemma", - sources=["microphone"], - type="numpy", - streaming=True - ) - with gr.Column(): - voice_output_audio = gr.Audio( - label="Gemma's Response", - streaming=True, - autoplay=True - ) - voice_chatbot = gr.Chatbot( - label="Voice Conversation", - type="messages", - height=300 - ) - - with gr.Row(): - voice_stop_btn = gr.Button("⏹️ Stop Conversation", variant="stop") - - gr.Markdown( - "*Speak naturally to Gemma 3n. The AI will listen to your voice, process your speech, and respond with both text and voice. You can have conversations before or after processing PDFs.*" - ) - - # Voice state - voice_state = gr.State(value=VoiceAppState()) - else: - gr.Markdown( - "### Voice chat is not available\n" - "To enable voice chat, please install the required dependencies:\n" - "```bash\n" - "pip install librosa pydub onnxruntime\n" - "```\n" - "And ensure the voice_chat directory is properly set up." - ) - - # Event handlers - process_btn.click( - fn=process_uploaded_pdf, - inputs=[pdf_input], - outputs=[status_output, results_tab], - show_progress=True - ).then( - fn=get_processed_markdown, - outputs=[markdown_display] - ).then( - fn=lambda: gr.TabItem(visible=True), - outputs=[chat_tab] - ) - - clear_btn.click( - fn=clear_all, - outputs=[pdf_input, status_output, results_tab] - ).then( - fn=lambda: gr.HTML(visible=False), - outputs=[progress_space] - ).then( - fn=lambda: gr.TabItem(visible=False), - outputs=[chat_tab] - ) - - # Chatbot functionality with local Gemma 3n - def chatbot_response(message, history): - if not message.strip(): - return history - - if not processed_markdown: - return history + [{"role": "user", "content": message}, {"role": "assistant", "content": "❌ Please process a PDF document first before asking questions."}] - - try: - # Use RAG to get relevant chunks from markdown - if document_chunks and len(document_chunks) > 0: - relevant_chunks = retrieve_relevant_chunks(message, document_chunks, document_embeddings, top_k=3) - context = "\n\n".join(relevant_chunks) - # Smart truncation: aim for ~6000 chars for local model - if len(context) > 6000: - # Try to cut at sentence boundaries - sentences = context[:6000].split('.') - context = '.'.join(sentences[:-1]) + '...' if len(sentences) > 1 else context[:6000] + '...' - else: - # Fallback to truncated document if RAG fails - context = processed_markdown[:6000] + "..." if len(processed_markdown) > 6000 else processed_markdown - - # Create prompt for Gemma 3n - prompt = f"""You are a helpful assistant that answers questions about documents. Use the provided context to answer questions accurately and concisely. - -Context from the document: -{context} - -Question: {message} - -Please provide a clear and helpful answer based on the context provided.""" - - # Generate response using local Gemma 3n - response_text = gemma_model.chat(prompt) - return history + [{"role": "user", "content": message}, {"role": "assistant", "content": response_text}] - - except Exception as e: - error_msg = f"❌ Error generating response: {str(e)}" - print(f"Full error: {e}") - import traceback - traceback.print_exc() - return history + [{"role": "user", "content": message}, {"role": "assistant", "content": error_msg}] - - send_btn.click( - fn=chatbot_response, - inputs=[msg_input, chatbot], - outputs=[chatbot] - ).then( - lambda: "", - outputs=[msg_input] - ) - - # Also allow Enter key to send message - msg_input.submit( - fn=chatbot_response, - inputs=[msg_input, chatbot], - outputs=[chatbot] - ).then( - lambda: "", - outputs=[msg_input] - ) - - # Voice chat event handlers - if VOICE_DEPENDENCIES_AVAILABLE and voice_model: - # Stream processing - voice_stream = voice_input_audio.stream( - process_voice_audio, - [voice_input_audio, voice_state], - [voice_input_audio, voice_state], - stream_every=0.50, - time_limit=30, - ) - - # Response generation - voice_respond = voice_input_audio.stop_recording( - generate_voice_response, - [voice_state], - [voice_output_audio, voice_state] - ) - - # Update chatbot display - voice_respond.then( - lambda s: s.conversation, - [voice_state], - [voice_chatbot] - ) - - # Restart recording - voice_restart = voice_output_audio.stop( - start_voice_recording, - [voice_state], - [voice_input_audio] - ) - - # Stop conversation - voice_stop_btn.click( - lambda: (VoiceAppState(stopped=True), gr.Audio(recording=False)), - None, - [voice_state, voice_input_audio], - cancels=[voice_respond, voice_restart] - ) - - -if __name__ == "__main__": - demo.launch( - server_name="0.0.0.0", - server_port=7860, - share=False, - show_error=True, - max_threads=4, - inbrowser=False, - quiet=True - ) \ No newline at end of file diff --git a/assets/demo.gif b/assets/demo.gif deleted file mode 100644 index 98f33498c8c94752659e45c709fe32cb7d0e70bf..0000000000000000000000000000000000000000 --- a/assets/demo.gif +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:003bcda91af8e23c007d6d1c5e23bee177c5735c7ba914b9ee33670829d59a2c -size 3226511 diff --git a/assets/dolphin.png b/assets/dolphin.png deleted file mode 100644 index bdf7283cca792b84dd643a1839bdfd7e610a8ad3..0000000000000000000000000000000000000000 --- a/assets/dolphin.png +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:3f462bb6eaf6cf9ba02caa04966ec354e1352f2cb1ac3e03ead082a0ba725170 -size 83267 diff --git a/assets/framework.png b/assets/framework.png deleted file mode 100644 index 0cc20b3895d97f17bda56c109f2a6c909d5b009d..0000000000000000000000000000000000000000 --- a/assets/framework.png +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:f23f47c5ec092369a0707fa6e82ec4dd03ed10044b00ef10aff5f7c89570187e -size 2004229 diff --git a/chat.py b/chat.py deleted file mode 100644 index 4f310f6d49303ccc2682df226ccd0cfb6702a76c..0000000000000000000000000000000000000000 --- a/chat.py +++ /dev/null @@ -1,198 +0,0 @@ -""" -Copyright (c) 2025 Bytedance Ltd. and/or its affiliates -SPDX-License-Identifier: MIT -""" - -import os -import warnings -from collections import OrderedDict - -from omegaconf import ListConfig - -warnings.filterwarnings("ignore", category=UserWarning) -warnings.filterwarnings("ignore", category=FutureWarning) -os.environ.setdefault("PROTOCOL_BUFFERS_PYTHON_IMPLEMENTATION", "python") - -import torch -from PIL import Image -from transformers import PreTrainedTokenizerFast - -from utils.model import DonutConfig, DonutModel, SwinEncoder -from utils.processor import DolphinProcessor - - -def try_rename_lagacy_weights(ckpt, output_path=""): - if "state_dict" in ckpt.keys(): - ckpt = ckpt["state_dict"] - if "module" in ckpt.keys(): - ckpt = ckpt["module"] - new_ckpt = OrderedDict() - for k, v in ckpt.items(): - if k.startswith("model."): - k = k[len("model.") :] - if k.startswith("encoder"): - new_ckpt["vpm" + k[len("encoder") :]] = v - elif k.startswith("decoder"): - new_ckpt["llm" + k[len("encoder") :]] = v - else: - new_ckpt[k] = v - if output_path: - torch.save(new_ckpt, output_path) - return new_ckpt - - -def convert_listconfig_to_list(config): - new_config = {} - for k, v in config.items(): - if isinstance(v, ListConfig): - new_config[k] = list(v) - else: - new_config[k] = v - return new_config - - -class DOLPHIN: - def __init__(self, config, ckpt_path="") -> None: - self.model_args = config.model - self.swin_args = config.model.pop("swin_args") - self.swin_args = convert_listconfig_to_list(self.swin_args) - - vision_tower = SwinEncoder( - input_size=self.swin_args["img_size"], - patch_size=self.swin_args["patch_size"], - embed_dim=self.swin_args["embed_dim"], - window_size=self.swin_args["window_size"], - encoder_layer=self.swin_args["encoder_layer"], - num_heads=self.swin_args["num_heads"], - align_long_axis=self.swin_args["align_long_axis"], - ) - - self.tokenizer = PreTrainedTokenizerFast(tokenizer_file=self.model_args.tokenizer_path) - self.tokenizer.pad_token = "" - self.tokenizer.bos_token = "" - self.tokenizer.eos_token = "" - self.tokenizer.unk_token = "" - - if self.model_args.get("extra_answer_tokens", False): - # print("Allowing multitask training: adding to the tokenizer.") - prompt_end_token = " " - self.tokenizer.add_special_tokens({"additional_special_tokens": sorted(set([prompt_end_token]))}) - self.tokenizer._prompt_end_token = prompt_end_token - self.tokenizer._prompt_end_token_id = self.tokenizer.convert_tokens_to_ids(prompt_end_token) - - donut_config = DonutConfig( - decoder_layer=self.model_args.decoder_layer, - max_length=self.model_args.max_length, - max_position_embeddings=self.model_args.max_position_embeddings, - hidden_dimension=self.model_args.hidden_dimension, - ) - - self.model = DonutModel(config=donut_config, vision_tower=vision_tower, tokenizer=self.tokenizer) - if self.model_args.model_name_or_path: - ckpt = torch.load(self.model_args.model_name_or_path) - ckpt = try_rename_lagacy_weights(ckpt) - self.model.load_state_dict(ckpt, strict=True) - - device = "cuda" if torch.cuda.is_available() else "cpu" - self.model.to(device) - self.model.eval() - transform_args = { - "input_size": self.swin_args["img_size"], - "max_length": self.model_args.max_length, - } - self.processor = DolphinProcessor({}, self.tokenizer, transform_args=transform_args) - - def chat( - self, - question, - image, - return_raw=False, - return_score=False, - return_img_size=False, - only_return_img_size=False, - max_batch_size=16, - ): - - def _preprocess_image(image): - if isinstance(image, str): - image = Image.open(image).convert("RGB") - if return_img_size or only_return_img_size: - image_tensor, ori_size = self.processor.process_image_for_inference(image, return_img_size=True) - else: - image_tensor = self.processor.process_image_for_inference(image, return_img_size=False) - ori_size = None - return image_tensor, ori_size - - def _preprocess_prompt(question): - if self.model_args.get("extra_answer_tokens", False): - if self.tokenizer._prompt_end_token not in question: - question = question + self.tokenizer._prompt_end_token - prompt_ids = self.processor.process_prompt_for_inference(question) - return prompt_ids - - def _preprocess_prompt_batch(question): - if self.model_args.get("extra_answer_tokens", False): - for i in range(len(question)): - if self.tokenizer._prompt_end_token not in question[i]: - question[i] = question[i] + self.tokenizer._prompt_end_token - if not question[i].startswith(""): - question[i] = "" + question[i] - return question - - def _postprocess(output, question): - output = output.replace("", "").replace(question, "").replace("", "").replace("", "") - if self.model_args.get("extra_answer_tokens", False): - output = output.split(self.tokenizer._prompt_end_token)[-1] - return output - - if isinstance(question, list): - image_tensor_list = [] - for i in image: - image_tensor, ori_size = _preprocess_image(i) - image_tensor_list.append(image_tensor) - image_tensor = torch.cat(image_tensor_list, dim=0) - - question = _preprocess_prompt_batch(question) - self.processor.tokenizer.padding_side = "left" - prompt_ids = self.processor.tokenizer( - question, add_special_tokens=False, return_tensors="pt", padding=True - ).input_ids - else: - image_tensor, ori_size = _preprocess_image(image) - prompt_ids = _preprocess_prompt(question) - - if only_return_img_size: - return ori_size - - model_output_batch = [] - for i in range(0, image_tensor.shape[0], max_batch_size): - image_tensor_batch = image_tensor[i : i + max_batch_size] - prompt_ids_batch = prompt_ids[i : i + max_batch_size] - model_output = self.model.inference(image_tensors=image_tensor_batch, prompt_ids=prompt_ids_batch) - model_output_batch.append(model_output) - model_output = {} - for k, v in model_output_batch[0].items(): - if isinstance(v, torch.Tensor): - model_output[k] = sum( - [v_batch[k].cpu().numpy().tolist() for v_batch in model_output_batch], - [], - ) - else: - model_output[k] = sum([v_batch[k] for v_batch in model_output_batch], []) - - if return_raw: - if return_img_size: - return model_output, ori_size - return model_output - else: - if isinstance(question, list): - output = [_postprocess(model_output["repetitions"][i], question[i]) for i in range(len(question))] - score = model_output["scores"] - else: - output = _postprocess(model_output["repetitions"][0], question) - score = model_output["scores"][0] - if return_score: - return output, score - if return_img_size: - return output, ori_size - return output diff --git a/config/Dolphin.yaml b/config/Dolphin.yaml deleted file mode 100644 index 4ec86a247cf90caee0eb1c0df9c6ce61e8739df6..0000000000000000000000000000000000000000 --- a/config/Dolphin.yaml +++ /dev/null @@ -1,17 +0,0 @@ -model: - model_name_or_path: "./checkpoints/dolphin_model.bin" - tokenizer_path: "./checkpoints/dolphin_tokenizer.json" - extra_answer_tokens: True # add token - max_length: 4096 - decoder_layer: 10 - max_position_embeddings: 4096 - hidden_dimension: 1024 - swin_args: - name: 'swin' - img_size: [896, 896] - patch_size: 4 - embed_dim: 128 - align_long_axis: False - window_size: 7 - encoder_layer: [2, 2, 14, 2] - num_heads: [4, 8, 16, 32] diff --git a/demo/.DS_Store b/demo/.DS_Store deleted file mode 100644 index e370d9ef5ee9a360323364eb8040c64d16f6ba2a..0000000000000000000000000000000000000000 Binary files a/demo/.DS_Store and /dev/null differ diff --git a/demo/element_imgs/.DS_Store b/demo/element_imgs/.DS_Store deleted file mode 100644 index c511bfba902f4dc41d7279a5e74ad22af375fa24..0000000000000000000000000000000000000000 Binary files a/demo/element_imgs/.DS_Store and /dev/null differ diff --git a/demo/element_imgs/block_formula.jpeg b/demo/element_imgs/block_formula.jpeg deleted file mode 100644 index 1caa8685179eb2ffefc7b82f8ff450341a3dffd5..0000000000000000000000000000000000000000 --- a/demo/element_imgs/block_formula.jpeg +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:5dc9c328d058816ef31d878a0d42f0751606afd3b77854057910a81451dae1b4 -size 92460 diff --git a/demo/element_imgs/line_formula.jpeg b/demo/element_imgs/line_formula.jpeg deleted file mode 100644 index 43902d0651d953c9ea13cfb704ab3c7a6567f382..0000000000000000000000000000000000000000 --- a/demo/element_imgs/line_formula.jpeg +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:65e2be8cc82c609364e1f921cacb822213f0ca2eafd86f5721b6f0499ceb8712 -size 55284 diff --git a/demo/element_imgs/markdown/.DS_Store b/demo/element_imgs/markdown/.DS_Store deleted file mode 100644 index b343a3db7e87ffc4c94b8eb06e74c0c6ac0a722c..0000000000000000000000000000000000000000 Binary files a/demo/element_imgs/markdown/.DS_Store and /dev/null differ diff --git a/demo/element_imgs/markdown/table_1.md b/demo/element_imgs/markdown/table_1.md deleted file mode 100644 index 59a69dfde27ab1b494fe69bba67db832fc130ff3..0000000000000000000000000000000000000000 --- a/demo/element_imgs/markdown/table_1.md +++ /dev/null @@ -1,2 +0,0 @@ -
100-class (top-1 acc.)1000-class (top-1 acc.)
4096-d (float)77.1 ± 1.565.0
1024 bitsBP72.9 ± 1.358.1
CBE73.0 ± 1.359.2
SP73.8 ± 1.360.1
4096 bitsthreshold [1]73.5 ± 1.459.1
BP76.0 ± 1.563.2
CBE75.9 ± 1.463.0
SP76.3 ± 1.563.3
8192 bitsSP76.8 ± 1.464.2
16384 bitsSP77.1 ± 1.664.5
- diff --git a/demo/element_imgs/para_1.jpg b/demo/element_imgs/para_1.jpg deleted file mode 100644 index 3d085edd48e5ba7aa4c5c8082132a35e9231a82a..0000000000000000000000000000000000000000 --- a/demo/element_imgs/para_1.jpg +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:68308a404e8e4c111f5cc1568e7f4b74f1f0c08ad4485e2ad9e78869f79a556b -size 18705 diff --git a/demo/element_imgs/para_2.jpg b/demo/element_imgs/para_2.jpg deleted file mode 100644 index bdb57b0857babea97e1a74f66df8afaf6a9f0df2..0000000000000000000000000000000000000000 --- a/demo/element_imgs/para_2.jpg +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:8d9eda1c71490b76ac5d3ef33f436fb6e6db4ca3b625d5d74f35c3b248949c56 -size 69820 diff --git a/demo/element_imgs/para_3.jpeg b/demo/element_imgs/para_3.jpeg deleted file mode 100644 index f136c748402218a2262a164bc4b763501f25379b..0000000000000000000000000000000000000000 --- a/demo/element_imgs/para_3.jpeg +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:b372541d80263c5508b8b85ccf847123874efdb4c25473845fbf042f2d9cc5a9 -size 83992 diff --git a/demo/element_imgs/recognition_json/table_1.json b/demo/element_imgs/recognition_json/table_1.json deleted file mode 100644 index c9e62ab799dd3be087e8d71f6b6e8c1cb1be918b..0000000000000000000000000000000000000000 --- a/demo/element_imgs/recognition_json/table_1.json +++ /dev/null @@ -1,6 +0,0 @@ -[ - { - "label": "tab", - "text": "
100-class (top-1 acc.)1000-class (top-1 acc.)
4096-d (float)77.1 ± 1.565.0
1024 bitsBP72.9 ± 1.358.1
CBE73.0 ± 1.359.2
SP73.8 ± 1.360.1
4096 bitsthreshold [1]73.5 ± 1.459.1
BP76.0 ± 1.563.2
CBE75.9 ± 1.463.0
SP76.3 ± 1.563.3
8192 bitsSP76.8 ± 1.464.2
16384 bitsSP77.1 ± 1.664.5
" - } -] \ No newline at end of file diff --git a/demo/element_imgs/table_1.jpeg b/demo/element_imgs/table_1.jpeg deleted file mode 100644 index 1ec07745f6322667171e1bc3809cc176b715d914..0000000000000000000000000000000000000000 --- a/demo/element_imgs/table_1.jpeg +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:1ccce9dab1a1b537ae502183f461ad3331a2b9eeb8574790e6ec43ca54f24e2c -size 183433 diff --git a/demo/element_imgs/table_2.jpeg b/demo/element_imgs/table_2.jpeg deleted file mode 100644 index 1f06ebc4619e544769b7619d287c53632abd5675..0000000000000000000000000000000000000000 --- a/demo/element_imgs/table_2.jpeg +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:3fdc67f4bb8afee58ff4ee84412581deb771cf26f5fe9eead742108700e9650e -size 405600 diff --git a/demo/page_imgs/.DS_Store b/demo/page_imgs/.DS_Store deleted file mode 100644 index 32e6add596aebb44fd534edfafb69962406515f4..0000000000000000000000000000000000000000 Binary files a/demo/page_imgs/.DS_Store and /dev/null differ diff --git a/demo/page_imgs/markdown/.DS_Store b/demo/page_imgs/markdown/.DS_Store deleted file mode 100644 index 8d644337ff1dc6314c76b22efd2d94e9c6aca995..0000000000000000000000000000000000000000 Binary files a/demo/page_imgs/markdown/.DS_Store and /dev/null differ diff --git a/demo/page_imgs/markdown/figures/.DS_Store b/demo/page_imgs/markdown/figures/.DS_Store deleted file mode 100644 index 5008ddfcf53c02e82d7eee2e57c38e5672ef89f6..0000000000000000000000000000000000000000 Binary files a/demo/page_imgs/markdown/figures/.DS_Store and /dev/null differ diff --git a/demo/page_imgs/markdown/figures/test_page3_figure_000.png b/demo/page_imgs/markdown/figures/test_page3_figure_000.png deleted file mode 100644 index 94b188555651d9045f315f9ef3c66793a389c9ef..0000000000000000000000000000000000000000 --- a/demo/page_imgs/markdown/figures/test_page3_figure_000.png +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:eba97bcb2eefbc653f4b5db7572799a9674b8fd39e5f14d261c33e1916a9f009 -size 63414 diff --git a/demo/page_imgs/markdown/test_page3.md b/demo/page_imgs/markdown/test_page3.md deleted file mode 100644 index 849e1ec00f026bec26bb83e063fc87066febdaa5..0000000000000000000000000000000000000000 --- a/demo/page_imgs/markdown/test_page3.md +++ /dev/null @@ -1,22 +0,0 @@ -![Figure](figures/test_page3_figure_000.png) - -Figure 2: (left) Scaled Dot-Product Attention. (right) Multi-Head Attention consists of several attention layers running in parallel. - -query with all keys, divide each by $\sqrt{d_k}$ , and apply a softmax function to obtain the weights on the values. - -In practice, we compute the attention function on a set of queries simultaneously, packed together into a matrix $Q$ . The keys and values are also packed together into matrices $K$ and $V$ . We compute the matrix of outputs as: $$ \\ \text{Attention}(Q, K, V) = \mathrm{softmax}(\frac{QK^T}{\sqrt{d_k}})V \\ $$ - -The two most commonly used attention functions are additive attention [2] , and dot-product (multiplicative) attention. Dot-product attention is identical to our algorithm, except for the scaling factor of $\frac{1}{\sqrt{d_k}}$ . Additive attention computes the compatibility function using a feed-forward network with a single hidden layer. While the two are similar in theoretical complexity, dot-product attention is much faster and more space-efficient in practice, since it can be implemented using highly optimized matrix multiplication code. - -While for small values of $d_k$ the two mechanisms perform similarly, additive attention outperforms dot product attention without scaling for larger values of $d_k$ [ 3 ] . We suspect that for large values of $d_k$ , the dot products grow large in magnitude, pushing the softmax function into regions where it has extremely small gradients 4 To counteract this effect, we scale the dot products by $\frac{1}{\sqrt{d_k}}$ . - -3.2.2 Multi-Head Attention - -Instead of performing a single attention function with $d_{\text{model}}$ -dimensional keys, values and queries, we found it beneficial to linearly project the queries, keys and values $h$ times with different, learned linear projections to $d_k$ , $d_k$ and $d_v$ dimensions, respectively. On each of these projected versions of queries, keys and values we then perform the attention function in parallel, yielding $d_v$ -dimensional output values. These are concatenated and once again projected, resulting in the final values, as depicted in Figure 2 . - -Multi­head attention allows the model to jointly attend to information from different representation subspaces at different positions. With a single attention head, averaging inhibits this. - -${ }^{4}$ To illustrate why the dot products get large, assume that the components of $q$ and $k$ are independent random variables with mean 0 and variance 1 . Then their dot product, $q \cdot k=\sum_{i=1}^{d_{k}} q_{i} k_{i}$, has mean 0 and variance $d_{k}$. - -4 - diff --git a/demo/page_imgs/page_1.jpeg b/demo/page_imgs/page_1.jpeg deleted file mode 100644 index b7f50168f2db16ee1aa4add478848d84290b504d..0000000000000000000000000000000000000000 --- a/demo/page_imgs/page_1.jpeg +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:aba4e06f5debeb14a59a193818f6787aa06f17f4cb21c0e483d8267f5397b627 -size 1519387 diff --git a/demo/page_imgs/page_2.jpeg b/demo/page_imgs/page_2.jpeg deleted file mode 100644 index d865acf2998f255ae2126c964527b79c7efd2e2e..0000000000000000000000000000000000000000 --- a/demo/page_imgs/page_2.jpeg +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:25e08746f10d4472d80659869eb73a477ad665d7aaaa850e70aae1bd6076d826 -size 1474223 diff --git a/demo/page_imgs/page_3.jpeg b/demo/page_imgs/page_3.jpeg deleted file mode 100644 index 10f0e41d28bc5e5c89333b7d64f16f0707af63cd..0000000000000000000000000000000000000000 --- a/demo/page_imgs/page_3.jpeg +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:fe6e35a3c888c77ec36cf48cb762556e489e288d30a457a353ac6bba6fab9251 -size 449411 diff --git a/demo/page_imgs/page_4.png b/demo/page_imgs/page_4.png deleted file mode 100755 index f98e6dc688bd32eb7834b1d78e39e212e09c2bbf..0000000000000000000000000000000000000000 --- a/demo/page_imgs/page_4.png +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:497cdabe38a4db8318284c0f8963304a876ceceebb796059903703834e4713ed -size 371500 diff --git a/demo/page_imgs/page_5.jpg b/demo/page_imgs/page_5.jpg deleted file mode 100755 index 328a2af3bac6a16276372b2e0d22bc77f9f80207..0000000000000000000000000000000000000000 --- a/demo/page_imgs/page_5.jpg +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:17cdc261fcd7eb8db4a0bdfb56dc2b1f77c8890956f8451f810695e115f6f894 -size 641053 diff --git a/demo/page_imgs/page_6.pdf b/demo/page_imgs/page_6.pdf deleted file mode 100644 index f1fb765bf74e4166a3219e8d256548d154c9255e..0000000000000000000000000000000000000000 --- a/demo/page_imgs/page_6.pdf +++ /dev/null @@ -1,19707 +0,0 @@ -%PDF-1.3 -1 0 obj -<< -/Kids [ 3 0 R 4 0 R 5 0 R 6 0 R 7 0 R 8 0 R 9 0 R 10 0 R 11 0 R ] -/Type /Pages -/Count 9 ->> -endobj -2 0 obj -<< -/Title (Deep Residual Learning for Image Recognition) -/Producer (PyPDF2) -/Author (Kaiming He\054 Xiangyu Zhang\054 Shaoqing Ren\054 Jian Sun) -/Subject (2016 IEEE Conference on Computer Vision and Pattern Recognition) ->> -endobj -3 0 obj -<< -/Parent 1 0 R -/Rotate 0 -/Type /Page -/Contents 13 0 R -/Resources << -/XObject << -/x8 14 0 R -/x6 17 0 R -/x12 20 0 R -/x10 23 0 R ->> -/ExtGState << -/s9 26 0 R -/R9 29 0 R -/s5 32 0 R -/s7 35 0 R -/R28 38 0 R -/s11 39 0 R -/a0 << -/CA 1 -/ca 1 ->> -/R20 42 0 R -/R23 43 0 R ->> -/Font << -/F2 44 0 R -/R21 45 0 R -/R12 48 0 R -/F1 53 0 R -/R14 54 0 R -/R16 59 0 R -/R18 64 0 R -/R24 69 0 R -/R26 73 0 R ->> -/ProcSet [ /ImageC /Text /PDF /ImageI /ImageB ] -/ColorSpace << -/R11 76 0 R ->> ->> -/MediaBox [ 0 0 612 792 ] -/Annots [ ] ->> -endobj -4 0 obj -<< -/Parent 1 0 R -/Rotate 0 -/Type /Page -/Contents 78 0 R -/Resources << -/ColorSpace << -/R11 76 0 R ->> -/ExtGState << -/R28 38 0 R -/R9 29 0 R ->> -/Font << -/R44 79 0 R -/R41 85 0 R -/F2 90 0 R -/R12 48 0 R -/F1 91 0 R -/R14 54 0 R -/R16 59 0 R -/R39 92 0 R -/R18 64 0 R -/R37 97 0 R -/R35 102 0 R ->> -/ProcSet [ /ImageC /Text /PDF /ImageI /ImageB ] ->> -/MediaBox [ 0 0 612 792 ] -/Annots [ ] ->> -endobj -5 0 obj -<< -/Parent 1 0 R -/Rotate 0 -/Type /Page -/Contents 107 0 R -/Resources << -/ColorSpace << -/R11 76 0 R ->> -/ExtGState << -/R28 38 0 R -/R9 29 0 R -/R20 42 0 R ->> -/Font << -/R55 108 0 R -/R57 113 0 R -/R41 85 0 R -/R53 118 0 R -/F2 123 0 R -/R12 48 0 R -/F1 124 0 R -/R14 54 0 R -/R16 59 0 R -/R39 92 0 R -/R18 64 0 R ->> -/ProcSet [ /ImageC /Text /PDF /ImageI /ImageB ] ->> -/MediaBox [ 0 0 612 792 ] -/Annots [ ] ->> -endobj -6 0 obj -<< -/Parent 1 0 R -/Rotate 0 -/Type /Page -/Contents 125 0 R -/Resources << -/ColorSpace << -/R11 76 0 R ->> -/ExtGState << -/R28 38 0 R -/R9 29 0 R ->> -/Font << -/F2 126 0 R -/R57 113 0 R -/R12 48 0 R -/R53 118 0 R -/R65 127 0 R -/R67 132 0 R -/F1 137 0 R -/R14 54 0 R -/R16 59 0 R -/R39 92 0 R ->> -/ProcSet [ /ImageC /Text /PDF /ImageI /ImageB ] ->> -/MediaBox [ 0 0 612 792 ] -/Annots [ ] ->> -endobj -7 0 obj -<< -/Parent 1 0 R -/Rotate 0 -/Type /Page -/Contents 138 0 R -/Resources << -/ColorSpace << -/R11 76 0 R ->> -/ExtGState << -/R28 38 0 R -/R23 43 0 R -/R80 139 0 R -/R75 140 0 R ->> -/Font << -/R78 141 0 R -/R57 113 0 R -/R76 146 0 R -/F2 151 0 R -/R12 48 0 R -/F1 152 0 R -/R14 54 0 R -/R16 59 0 R -/R39 92 0 R -/R18 64 0 R -/R81 153 0 R -/R24 69 0 R ->> -/ProcSet [ /ImageC /Text /PDF /ImageI /ImageB ] ->> -/MediaBox [ 0 0 612 792 ] -/Annots [ ] ->> -endobj -8 0 obj -<< -/Parent 1 0 R -/Rotate 0 -/Type /Page -/Contents 157 0 R -/Resources << -/ColorSpace << -/R11 76 0 R ->> -/ExtGState << -/R28 38 0 R -/R23 43 0 R -/R80 139 0 R -/R75 140 0 R ->> -/Font << -/R89 158 0 R -/F2 162 0 R -/R12 48 0 R -/F1 163 0 R -/R14 54 0 R -/R16 59 0 R -/R18 64 0 R -/R91 164 0 R -/R93 167 0 R -/R95 172 0 R -/R97 177 0 R ->> -/ProcSet [ /ImageC /Text /PDF /ImageI /ImageB ] ->> -/MediaBox [ 0 0 612 792 ] -/Annots [ ] ->> -endobj -9 0 obj -<< -/Parent 1 0 R -/Rotate 0 -/Type /Page -/Contents 182 0 R -/Resources << -/ColorSpace << -/R11 76 0 R ->> -/ExtGState << -/R28 38 0 R -/R9 29 0 R -/R20 42 0 R ->> -/Font << -/R105 183 0 R -/R107 186 0 R -/R53 118 0 R -/F2 189 0 R -/R12 48 0 R -/F1 190 0 R -/R14 54 0 R -/R16 59 0 R -/R39 92 0 R -/R18 64 0 R -/R81 153 0 R -/R97 177 0 R ->> -/ProcSet [ /ImageC /Text /PDF /ImageI /ImageB ] ->> -/MediaBox [ 0 0 612 792 ] -/Annots [ ] ->> -endobj -10 0 obj -<< -/Parent 1 0 R -/Rotate 0 -/Type /Page -/Contents 191 0 R -/Resources << -/ColorSpace << -/R11 76 0 R ->> -/ExtGState << -/R28 38 0 R -/R9 29 0 R -/R20 42 0 R ->> -/Font << -/R57 113 0 R -/R115 192 0 R -/F2 195 0 R -/R12 48 0 R -/F1 196 0 R -/R14 54 0 R -/R16 59 0 R -/R39 92 0 R -/R18 64 0 R -/R53 118 0 R -/R24 69 0 R -/R97 177 0 R ->> -/ProcSet [ /ImageC /Text /PDF /ImageI /ImageB ] ->> -/MediaBox [ 0 0 612 792 ] -/Annots [ ] ->> -endobj -11 0 obj -<< -/Parent 1 0 R -/Rotate 0 -/Type /Page -/Contents 197 0 R -/Resources << -/ColorSpace << -/R11 76 0 R ->> -/ExtGState << -/R28 38 0 R -/R9 29 0 R ->> -/Font << -/R18 64 0 R -/F2 198 0 R -/R12 48 0 R -/F1 199 0 R -/R14 54 0 R ->> -/ProcSet [ /ImageC /Text /PDF /ImageI /ImageB ] ->> -/MediaBox [ 0 0 612 792 ] -/Annots [ ] ->> -endobj -12 0 obj -<< -/Type /Catalog -/Pages 1 0 R ->> -endobj -13 0 obj -<< -/Length 28049 ->> -stream -q -q -q -0.10000 0 0 0.10000 0 0 cm -/R9 gs -/R11 cs -0.13745 0.12280 0.12598 scn -q -10 0 0 10 0 0 cm -BT -/R12 14.34620 Tf -1 0 0 1 153.44800 675.06700 Tm -[ (Deep) -250.00800 (Residual) -249.98600 (Lear) 14.98930 (ning) -249.99300 (f) 24.99230 (or) -250 (Image) -250.00500 (Recognition) ] TJ -/R14 11.95520 Tf --17.05700 -44.52300 Td -[ (Kaiming) -250.10100 (He) -2250.01000 (Xiangyu) -250 (Zhang) -2250.02000 (Shaoqing) -249.99300 (Ren) -2250 (Jian) -249.98500 (Sun) ] TJ -112.75000 -16.73750 Td -[ (Microsoft) -250.01000 (Research) ] TJ -/R16 9.96260 Tf --53.64960 -14.34570 Td -(\173) Tj -/R14 9.96260 Tf -4.98125 0 Td -[ (kahe\054) -249.99300 (v\055xiangz\054) -249.90200 (v\055shren\054) -249.90700 (jiansun) ] TJ -/R16 9.96260 Tf -127.27200 0 Td -(\175) Tj -/R14 9.96260 Tf -4.98125 0 Td -(\100microsoft\056com) Tj -/R12 11.95520 Tf --186.73100 -41.88280 Td -(Abstract) Tj -/R18 9.96260 Tf --83.92770 -19.35620 Td -[ (Deeper) -331.00200 (neur) 14.99010 (al) -330.99100 (networks) -331.00800 (ar) 36.98520 (e) -329.98900 (mor) 36.98770 (e) -331.00800 (dif) 18.01660 (\223cult) -330.98400 (to) -330.99100 (tr) 14.99010 (ain\056) -552.98600 (W) 91.98710 (e) ] TJ --11.95550 -11.95510 Td -[ (pr) 36.98520 (esent) -299 (a) -297.98500 (r) 37.01960 (esidual) -299.01800 (learning) -297.99300 (fr) 14.99140 (ame) 14.98160 (work) -298.98900 (to) -298.99700 (ease) -297.98700 (the) -299.00200 (tr) 14.99010 (aining) ] TJ -11.95510 TL -T* -[ (of) -364.98600 (networks) -363.98400 (that) -365.01300 (ar) 36.98520 (e) -365.00300 (substantially) -365.00800 (deeper) -364.01500 (than) -365.01500 (those) -365.01800 (used) ] TJ -11.95630 TL -T* -[ (pr) 36.98520 (e) 15.01280 (viously) 54.99330 (\056) -672.98300 (W) 91.98590 (e) -371.00200 (e) 19.99180 (xplicitly) -371.00800 (r) 37.01960 (eformulate) -371 (the) -372.00900 (layer) 10.00810 (s) -370.99200 (as) -370.99200 (learn\055) ] TJ -11.95510 TL -T* -[ (ing) -249 (r) 37.01960 (esidual) -248.98600 (functions) -249.01400 (with) -248.98400 (r) 37.01960 (efer) 37.01830 (ence) -248.98700 (to) -249.00500 (the) -249.01000 (layer) -249.00700 (inputs\054) -250 (in\055) ] TJ -T* -[ (stead) -286.01200 (of) -286.01800 (learning) -285.99500 (unr) 36.99020 (efer) 37.01830 (enced) -285.01400 (functions\056) -418.00100 (W) 91.98710 (e) -285.99600 (pr) 44.98510 (o) 10.00320 (vide) -285.98900 (com\055) ] TJ -T* -[ (pr) 36.98520 (ehensive) -319 (empirical) -319.99300 (e) 15.01220 (vidence) -319.00600 (showing) -320.01800 (that) -318.98100 (these) -320.01500 (r) 37.01830 (esidual) ] TJ -T* -[ (networks) -192.01300 (ar) 36.98520 (e) -192.01100 (easier) -191.99100 (to) -191.99500 (optimize) 9.99466 (\054) -204.00300 (and) -191.99200 (can) -192.00200 (gain) -191.98500 (accur) 14.98520 (acy) -192.01000 (fr) 44.98510 (om) ] TJ -11.95630 TL -T* -[ (consider) 15.00360 (ably) -263.00200 (incr) 36.98770 (eased) -263.00800 (depth\056) -348.90100 (On) -263.00800 (the) -263.98800 (Ima) 10.00320 (g) 10.00320 (eNet) -263.00300 (dataset) -262.98300 (we) ] TJ -11.95510 TL -T* -[ (e) 15.01280 (valuate) -238.99800 (r) 37.01960 (esidual) -238.00800 (nets) -239.00500 (with) -238.98600 (a) -237.99500 (depth) -239 (of) -239.00700 (up) -239.00900 (to) -237.98700 (152) -239.00400 (layer) 10.00810 (s\2048) ] TJ -/R16 9.96260 Tf -228.50100 0 Td -(\327) Tj -/R18 9.96260 Tf --228.50100 -11.95510 Td -[ (deeper) -263.01200 (than) -262.99300 (VGG) -262.88800 (nets) -263.00100 (\13340\135) -262.99300 (b) 20.00160 (ut) -263.00800 (still) -263.02000 (having) -262.99300 (lower) -262.98800 (comple) 20.00890 (x\055) ] TJ -T* -[ (ity) 54.98100 (\056) -295.00700 (An) -206 (ensemble) -205.01100 (of) -205.99300 (these) -205.01500 (r) 37.01960 (esidual) -206.01300 (nets) -205.99100 (ac) 15.01710 (hie) 14.98520 (ves) -204.98800 (3\05657\045) -205.98500 (err) 44.98020 (or) ] TJ -T* -[ (on) -195.99700 (the) -195.99900 (Ima) 10.00260 (g) 10.00320 (eNet) ] TJ -/R14 9.96260 Tf -66.70860 0 Td -(test) Tj -/R18 9.96260 Tf -15.78980 0 Td -[ (set\056) -292.01900 (This) -196.09100 (r) 37.01960 (esult) -195.98600 (won) -195.98400 (the) -196 (1st) -195.98900 (place) -196 (on) -195.99700 (the) ] TJ --82.49920 -11.95510 Td -[ (ILSVRC) -299.91300 (2015) -300.00900 (classi\223cation) -299.89200 (task\056) -460.10300 (W) 91.98590 (e) -299.99400 (also) -300.00600 (pr) 36.98650 (esent) -300.01900 (analysis) ] TJ -11.95630 TL -T* -[ (on) -249.98800 (CIF) 115.01500 (AR\05510) -249.98300 (with) -250.00400 (100) -249.98300 (and) -249.98300 (1000) -250.01700 (layer) 10.00810 (s\056) ] TJ -11.95510 -12.38120 Td -[ (The) -435.01000 (depth) -435.98700 (of) -435.01300 (r) 37.01960 (epr) 36.98160 (esentations) -436 (is) -435.01200 (of) -435.01300 (centr) 14.98770 (al) -435.99300 (importance) ] TJ --11.95510 -11.95510 Td -[ (for) -397.01300 (many) -396.00400 (visual) -397.00600 (r) 37.01960 (eco) 9.99466 (gnition) -396.01000 (tasks\056) -750.01000 (Solely) -395.99800 (due) -396.98800 (to) -396 (our) -397.01500 (e) 19.99180 (x\055) ] TJ -11.95550 TL -T* -[ (tr) 36.98770 (emely) -263.99800 (deep) -263.99400 (r) 37.01960 (epr) 36.98160 (esentations\054) -267.00600 (we) -263.98700 (obtain) -264 (a) -263.99000 (28\045) -263.98300 (r) 37.01830 (elative) -263.98000 (im\055) ] TJ -T* -[ (pr) 44.98390 (o) 10.00320 (vement) -402.99000 (on) -402.98200 (the) -404.00400 (COCO) -402.99900 (object) -403.01500 (detection) -403.00600 (dataset\056) -769.99400 (Deep) ] TJ -T* -[ (r) 37.01960 (esidual) -222.99000 (nets) -223.00800 (ar) 36.98520 (e) -224.00700 (foundations) -222.99800 (of) -223.00900 (our) -223.00600 (submissions) -223 (to) -223.99000 (ILSVRC) ] TJ -T* -[ (\046) -348.00800 (COCO) -347.98800 (2015) -348 (competitions) ] TJ -/R14 6.97380 Tf -116.67000 3.61680 Td -(1) Tj -/R18 9.96260 Tf -3.98516 -3.61484 Td -[ (\054) -372.01400 (wher) 36.99380 (e) -347.98600 (we) -347.98600 (also) -347.99800 (won) -347.99800 (the) -348.01300 (1st) ] TJ --120.65400 -11.95630 Td -[ (places) -270.99900 (on) -271.00400 (the) -271.00600 (tasks) -270.99400 (of) -271.00100 (Ima) 10.00320 (g) 10.00320 (eNet) -271.00100 (detection\054) -276.98600 (Ima) 10.00320 (g) 10.00320 (eNet) -271.00100 (local\055) ] TJ -T* -[ (ization\054) -249.99100 (COCO) -249.88700 (detection\054) -250.01100 (and) -249.90400 (COCO) -250.00500 (se) 39.99580 (gmentation\056) ] TJ -/R12 11.95520 Tf -27.18280 TL -T* -[ (1\056) -249.99000 (Intr) 18.01460 (oduction) ] TJ -/R14 9.96260 Tf -11.95510 -19.35590 Td -[ (Deep) -402.99200 (con) 40.11650 (v) 20.00160 (olutional) -402.00600 (neural) -402.98700 (netw) 10.00940 (orks) -402 (\13322\054) -402.98200 (21\135) -402.00400 (ha) 19.99180 (v) 14.98280 (e) -402.99600 (led) ] TJ --11.95550 -11.95550 Td -[ (to) -405.99800 (a) -404.99600 (series) -406.00300 (of) -406.00900 (breakthroughs) -406.01700 (for) -404.99200 (image) -405.99600 (classi\223cation) -406 (\13321\054) ] TJ -11.95510 TL -T* -[ (49\054) -352.00700 (39\135\056) -616.98600 (Deep) -351.98200 (netw) 10.00940 (orks) -352.00700 (naturally) -353.01500 (inte) 14.99260 (grate) -352.02000 (lo) 24.98850 (w\057mid\057high\055) ] TJ -T* -[ (le) 25.01850 (v) 14.98280 (el) -386.00700 (features) -386.99500 (\13349\135) -386.01000 (and) -386.98800 (classi\223ers) -385.98300 (in) -386.98200 (an) -386.01400 (end\055to\055end) -387.01600 (multi\055) ] TJ -T* -[ (layer) -321.00500 (f) 9.99527 (ashion\054) -339.99500 (and) -321 (the) -322.01700 (\215le) 25.01420 (v) 14.98280 (els\216) -321 (of) -321.00400 (features) -321.98800 (can) -321.00800 (be) -321.98500 (enriched) ] TJ -T* -[ (by) -322.01500 (the) -322.99700 (number) -322.00500 (of) -321.98400 (stack) 10.00810 (ed) -321.98400 (layers) -322.99900 (\050depth\051\056) -526.01500 (Recent) -322.99300 (e) 25.01050 (vidence) ] TJ -T* -[ (\13340\054) -227.01200 (43\135) -227.99400 (re) 25.00810 (v) 14.98280 (eals) -227.01600 (that) -227.98600 (netw) 10.00940 (ork) -227.01400 (depth) -227.00300 (is) -227.98800 (of) -227.01800 (crucial) -227.99900 (importance\054) ] TJ -T* -[ (and) -319 (the) -318.99800 (leading) -318.90600 (results) -318 (\13340\054) -318.99600 (43\054) -318.99300 (12\054) -318.91500 (16\135) -318.99800 (on) -318.99600 (the) -318.99800 (challenging) ] TJ -11.95630 TL -T* -[ (ImageNet) -277.90300 (dataset) -277 (\13335\135) -277.98900 (all) -277.98300 (e) 15.01220 (xploit) -277.99500 (\215v) 15.01830 (ery) -277.01500 (deep\216) -277.99500 (\13340\135) -277.99000 (models\054) ] TJ -11.95510 TL -T* -[ (with) -254.99400 (a) -254.00100 (depth) -254.99900 (of) -255.01500 (sixteen) -254.01400 (\13340\135) -255.01300 (to) -255.01100 (thirty) -254.00800 (\13316\135\056) -324.01900 (Man) 14.99010 (y) -255.01100 (other) -255.00600 (non\055) ] TJ -T* -[ (tri) 24.98730 (vial) -328.00800 (visual) -327.01700 (recognition) -327.91100 (tasks) -326.98500 (\1337\054) -328.02000 (11\054) -326.99200 (6\054) -328.01600 (32\054) -328.01100 (27\135) -326.99700 (ha) 19.99670 (v) 14.98280 (e) -327.98900 (also) ] TJ -ET -Q -/R20 gs -3.98000 w -/R11 CS -0.13745 0.12280 0.12598 SCN -501.12100 986.48800 m -1446.11000 986.48800 l -S -q -10 0 0 10 0 0 cm -BT -/R14 5.97760 Tf -1 0 0 1 60.97110 91.78280 Tm -(1) Tj -/R21 7.57160 Tf -3.48672 -2.81289 Td -[ (http\072\057\057image\055) -66.30870 (net\056org\057challenges\057LSVRC\0572015\057) ] TJ -/R14 7.57160 Tf -210.97100 0 Td -(and) Tj -/R21 7.57160 Tf --225.31700 -7.96992 Td -[ (http\072\057\057mscoco\056org\057dataset\057\043detections\055) -66.80040 (challenge2015) ] TJ -/R14 7.57160 Tf -232.18900 0 Td -(\056) Tj -ET -Q -q -3088.62000 4892.78000 2362.52000 782.62900 re -W -n -1 1 1 scn -3088.62000 4896 1258.05000 779.41000 re -f -Q -1 1 1 scn -3200.38000 5007.47000 1020.78000 650.39100 re -f -/R23 gs -0.88000 w -1 J -1 j -1 1 1 SCN -3200.38000 5007.47000 1020.78000 650.39100 re -S -0 0 0 SCN -3200.38000 5007.47000 m -4221.16000 5007.47000 l -S -0 0 0 scn -4221.16000 5006.59000 0.87891 0.87891 re -f -3200.38000 5007.47000 m -3200.38000 5657.86000 l -S -3201.25000 5656.98000 0.87891 0.87891 re -f -3200.38000 5007.47000 m -3200.38000 5018 l -S -3201.25000 5017.12000 0.87891 0.87891 re -f -q -10 0 0 10 0 0 cm -BT -/R24 3.34090 Tf -0.99955 0 0 1 319.33500 497.32400 Tm -(0) Tj -ET -Q -3360.12000 5007.47000 m -3360.12000 5018 l -S -3360.12000 5017.12000 0.87891 0.87891 re -f -q -10 0 0 10 0 0 cm -BT -/R24 3.34090 Tf -0.99955 0 0 1 335.22200 497.32400 Tm -(1) Tj -ET -Q -3518.99000 5007.47000 m -3518.99000 5018 l -S -3519.86000 5017.12000 0.87891 0.87891 re -f -q -10 0 0 10 0 0 cm -BT -/R24 3.34090 Tf -0.99955 0 0 1 351.19600 497.32400 Tm -(2) Tj -ET -Q -3678.73000 5007.47000 m -3678.73000 5018 l -S -3678.73000 5017.12000 0.87891 0.87891 re -f -q -10 0 0 10 0 0 cm -BT -/R24 3.34090 Tf -0.99955 0 0 1 367.08300 497.32400 Tm -(3) Tj -ET -Q -3837.60000 5007.47000 m -3837.60000 5018 l -S -3838.47000 5017.12000 0.88281 0.87891 re -f -q -10 0 0 10 0 0 cm -BT -/R24 3.34090 Tf -0.99955 0 0 1 383.05800 497.32400 Tm -(4) Tj -ET -Q -3997.34000 5007.47000 m -3997.34000 5018 l -S -3997.34000 5017.12000 0.87891 0.87891 re -f -q -10 0 0 10 0 0 cm -BT -/R24 3.34090 Tf -0.99955 0 0 1 399.03200 497.32400 Tm -(5) Tj -ET -Q -4156.21000 5007.47000 m -4156.21000 5018 l -S -4157.09000 5017.12000 0.87109 0.87891 re -f -q -10 0 0 10 0 0 cm -BT -/R24 3.34090 Tf -0.99955 0 0 1 414.91900 497.32400 Tm -(6) Tj -ET -Q -3200.38000 5007.47000 m -3209.15000 5007.47000 l -S -3210.03000 5006.59000 0.87891 0.87891 re -f -q -10 0 0 10 0 0 cm -BT -/R24 3.34090 Tf -0.99955 0 0 1 317.05300 499.51800 Tm -(0) Tj -ET -Q -3200.38000 5333.10000 m -3209.15000 5333.10000 l -S -3210.03000 5331.35000 0.87891 0.86719 re -f -q -10 0 0 10 0 0 cm -BT --0.00200 Tc -/R24 3.34090 Tf -0.99955 0 0 1 316.26300 532.08100 Tm -(10) Tj -ET -Q -3200.38000 5657.86000 m -3209.15000 5657.86000 l -S -3210.03000 5656.98000 0.87891 0.87891 re -f -q -10 0 0 10 0 0 cm -BT --0.00200 Tc -/R24 3.34090 Tf -0.99955 0 0 1 316.26300 564.55700 Tm -(20) Tj -ET -Q -q -3259.18000 5037.31000 962.85900 620.55100 re -W -n -5.13000 w -0 J -0.75000 0.75000 0 SCN -3261.82000 5657.86000 m -3263.57000 5645.57000 l -3280.25000 5563.94000 l -3296.05000 5561.31000 l -3310.97000 5557.80000 l -3327.64000 5513.03000 l -3343.44000 5485.82000 l -3360.12000 5441.94000 l -3375.04000 5465.64000 l -3390.84000 5439.30000 l -3407.52000 5422.63000 l -3422.44000 5405.07000 l -3439.99000 5380.50000 l -3454.91000 5416.48000 l -3470.71000 5419.12000 l -3487.39000 5371.72000 l -3502.31000 5350.66000 l -3518.99000 5355.92000 l -3534.78000 5319.94000 l -3549.71000 5319.94000 l -3566.38000 5336.61000 l -3582.18000 5350.66000 l -3598.86000 5342.76000 l -3614.66000 5348.02000 l -3629.58000 5314.67000 l -3646.25000 5330.47000 l -3662.05000 5309.40000 l -3678.73000 5335.73000 l -3693.65000 5290.09000 l -3710.33000 5312.04000 l -3726.13000 5145.27000 l -3741.93000 5127.72000 l -3758.60000 5127.72000 l -3773.52000 5118.06000 l -3790.20000 5118.06000 l -3806 5097.87000 l -3820.92000 5103.14000 l -3837.60000 5092.61000 l -3853.40000 5079.44000 l -3870.07000 5093.48000 l -3884.99000 5098.75000 l -3900.79000 5078.56000 l -3917.47000 5082.07000 l -3933.27000 5092.61000 l -3949.94000 5079.44000 l -3964.87000 5076.81000 l -3980.66000 5055.74000 l -3997.34000 5046.09000 l -4012.26000 5061.89000 l -4028.94000 5055.74000 l -4044.74000 5048.72000 l -4077.21000 5048.72000 l -4092.13000 5045.21000 l -4108.81000 5046.09000 l -4124.61000 5046.09000 l -4139.53000 5053.99000 l -4156.21000 5060.13000 l -4172.01000 5056.62000 l -4188.68000 5042.58000 l -4203.60000 5048.72000 l -4221.16000 5055.74000 l -4222.04000 5055.74000 l -S -Q -q -3505.82000 5169.85000 716.21900 488.00800 re -W -n -5.13000 w -0 J -1 0 0 SCN -3509.33000 5657.86000 m -3518.99000 5615.73000 l -3534.78000 5641.18000 l -3549.71000 5604.32000 l -3566.38000 5620.99000 l -3582.18000 5547.26000 l -3598.86000 5654.35000 l -3614.66000 5544.63000 l -3629.58000 5538.49000 l -3646.25000 5613.09000 l -3662.05000 5566.57000 l -3678.73000 5554.29000 l -3693.65000 5546.39000 l -3710.33000 5613.09000 l -3726.13000 5384.01000 l -3741.93000 5333.10000 l -3758.60000 5344.51000 l -3773.52000 5319.94000 l -3790.20000 5302.38000 l -3806 5302.38000 l -3820.92000 5283.07000 l -3837.60000 5276.05000 l -3853.40000 5311.16000 l -3870.07000 5281.32000 l -3884.99000 5266.39000 l -3900.79000 5277.81000 l -3917.47000 5280.44000 l -3933.27000 5280.44000 l -3949.94000 5259.37000 l -3964.87000 5267.27000 l -3980.66000 5227.78000 l -3997.34000 5189.16000 l -4012.26000 5203.20000 l -4028.94000 5208.47000 l -4044.74000 5187.40000 l -4060.54000 5190.03000 l -4077.21000 5199.69000 l -4092.13000 5205.83000 l -4108.81000 5218.12000 l -4124.61000 5187.40000 l -4139.53000 5195.30000 l -4156.21000 5205.83000 l -4172.01000 5175.11000 l -4188.68000 5177.75000 l -4203.60000 5194.42000 l -4221.16000 5201.44000 l -4222.04000 5197.93000 l -S -Q -q -10 0 0 10 0 0 cm -BT -0.01376 Tc -/R24 6.55340 Tf -0.99959 0 0 1 357.86700 491.35500 Tm -0.01638 Tw -[ (it) 11.89270 (e) -9.71986 (r) 0.09317 (\056 \0501) -7.09982 (e4) -7.08864 (\051) ] TJ -0.06684 Tc -0 0.99959 -1 0 313.98100 509.87500 Tm --0.03670 Tw -[ (t) 19.97640 (r) 8.19181 (ai) 20.02860 (ni) 6.61904 (ng er) 8.21417 (r) 8.19181 (o) 1.01373 (r) 8.19181 ( \050) 21.58640 (\045) -0.87956 (\051) ] TJ -ET -Q -q -3088.62000 4892.78000 2362.52000 782.62900 re -W -n -1 1 1 scn -4248.37000 4896 1202.77000 779.41000 re -f -Q -1 1 1 scn -4418.64000 5007.47000 1020.79000 650.39100 re -f -0 J -1 1 1 SCN -4418.64000 5007.47000 m -4418.64000 5657.86000 l -5439.43000 5657.86000 l -5439.43000 5007.47000 l -4418.64000 5007.47000 l -S -0 0 0 SCN -4418.64000 5007.47000 m -5439.43000 5007.47000 l -S -0 0 0 scn -5439.43000 5006.59000 0.87891 0.87891 re -f -4418.64000 5007.47000 m -4418.64000 5657.86000 l -S -4419.52000 5656.98000 0.87891 0.87891 re -f -4418.64000 5007.47000 m -4418.64000 5018 l -S -4419.52000 5017.12000 0.87891 0.87891 re -f -q -10 0 0 10 0 0 cm -BT -/R24 3.34090 Tf -0.99955 0 0 1 441.16200 497.32400 Tm -(0) Tj -ET -Q -4578.39000 5007.47000 m -4578.39000 5018 l -S -4578.39000 5017.12000 0.87891 0.87891 re -f -q -10 0 0 10 0 0 cm -BT -/R24 3.34090 Tf -0.99955 0 0 1 457.04900 497.32400 Tm -(1) Tj -ET -Q -4737.26000 5007.47000 m -4737.26000 5018 l -S -4738.13000 5017.12000 0.88281 0.87891 re -f -q -10 0 0 10 0 0 cm -BT -/R24 3.34090 Tf -0.99955 0 0 1 473.02300 497.32400 Tm -(2) Tj -ET -Q -4897 5007.47000 m -4897 5018 l -S -4897 5017.12000 0.87891 0.87891 re -f -q -10 0 0 10 0 0 cm -BT -/R24 3.34090 Tf -0.99955 0 0 1 488.91000 497.32400 Tm -(3) Tj -ET -Q -5055.87000 5007.47000 m -5055.87000 5018 l -S -5056.74000 5017.12000 0.87891 0.87891 re -f -q -10 0 0 10 0 0 cm -BT -/R24 3.34090 Tf -0.99955 0 0 1 504.88400 497.32400 Tm -(4) Tj -ET -Q -5215.61000 5007.47000 m -5215.61000 5018 l -S -5215.61000 5017.12000 0.87891 0.87891 re -f -q -10 0 0 10 0 0 cm -BT -/R24 3.34090 Tf -0.99955 0 0 1 520.85900 497.32400 Tm -(5) Tj -ET -Q -5374.48000 5007.47000 m -5374.48000 5018 l -S -5375.36000 5017.12000 0.87109 0.87891 re -f -q -10 0 0 10 0 0 cm -BT -/R24 3.34090 Tf -0.99955 0 0 1 536.74600 497.32400 Tm -(6) Tj -ET -Q -4418.64000 5007.47000 m -4427.42000 5007.47000 l -S -4428.30000 5006.59000 0.87891 0.87891 re -f -q -10 0 0 10 0 0 cm -BT -/R24 3.34090 Tf -0.99955 0 0 1 439.75800 499.51800 Tm -(0) Tj -ET -Q -4418.64000 5333.10000 m -4427.42000 5333.10000 l -S -4428.30000 5331.35000 0.87891 0.86719 re -f -q -10 0 0 10 0 0 cm -BT --0.00200 Tc -/R24 3.34090 Tf -0.99955 0 0 1 438.09000 532.08100 Tm -(10) Tj -ET -Q -4418.64000 5657.86000 m -4427.42000 5657.86000 l -S -4428.30000 5656.98000 0.87891 0.87891 re -f -q -10 0 0 10 0 0 cm -BT --0.00200 Tc -/R24 3.34090 Tf -0.99955 0 0 1 438.09000 564.55700 Tm -(20) Tj -ET -Q -q -4479.21000 5312.91000 961.09800 344.94900 re -W -n -6.41000 w -0.75000 0.75000 0 SCN -4482.72000 5657.86000 m -4498.52000 5574.47000 l -4514.32000 5621.87000 l -4529.24000 5530.59000 l -4545.91000 5520.93000 l -4561.71000 5530.59000 l -4578.39000 5491.97000 l -4593.31000 5529.71000 l -4609.11000 5488.46000 l -4625.79000 5485.82000 l -4640.71000 5461.25000 l -4658.26000 5466.51000 l -4673.18000 5475.29000 l -4688.98000 5461.25000 l -4705.66000 5466.51000 l -4720.58000 5435.79000 l -4737.26000 5439.30000 l -4753.05000 5443.69000 l -4767.98000 5458.61000 l -4784.65000 5433.16000 l -4800.45000 5427.89000 l -4817.13000 5441.06000 l -4832.93000 5436.67000 l -4847.85000 5413.85000 l -4864.52000 5430.53000 l -4880.32000 5427.89000 l -4897 5414.73000 l -4911.92000 5422.63000 l -4928.60000 5421.75000 l -4944.40000 5341.88000 l -4960.20000 5333.10000 l -4976.87000 5328.71000 l -4991.79000 5331.35000 l -5008.47000 5328.71000 l -5024.27000 5325.20000 l -5039.19000 5335.73000 l -5055.87000 5333.10000 l -5071.67000 5336.61000 l -5088.34000 5336.61000 l -5103.26000 5335.73000 l -5119.06000 5339.25000 l -5135.74000 5327.83000 l -5151.54000 5331.35000 l -5168.21000 5333.10000 l -5183.14000 5335.73000 l -5198.93000 5326.08000 l -5215.61000 5326.08000 l -5230.53000 5322.57000 l -5247.21000 5327.83000 l -5263.01000 5324.32000 l -5278.81000 5327.83000 l -5295.48000 5321.69000 l -5310.40000 5322.57000 l -5327.08000 5322.57000 l -5342.88000 5321.69000 l -5357.80000 5322.57000 l -5374.48000 5319.06000 l -5390.28000 5322.57000 l -5406.95000 5319.94000 l -5421.87000 5322.57000 l -5440.31000 5322.57000 l -S -Q -q -4764.47000 5428.77000 675.84000 229.09000 re -W -n -6.41000 w -1 0 0 SCN -4767.98000 5657.86000 m -4767.98000 5655.22000 l -4784.65000 5651.71000 l -4800.45000 5594.66000 l -4817.13000 5646.45000 l -4832.93000 5656.98000 l -4847.85000 5606.95000 l -4864.52000 5610.46000 l -4880.32000 5596.42000 l -4897 5593.78000 l -4911.92000 5602.56000 l -4928.60000 5613.97000 l -4944.40000 5480.56000 l -4960.20000 5471.78000 l -4976.87000 5463 l -4991.79000 5458.61000 l -5008.47000 5452.47000 l -5024.27000 5452.47000 l -5039.19000 5446.33000 l -5055.87000 5447.20000 l -5071.67000 5461.25000 l -5088.34000 5455.10000 l -5103.26000 5443.69000 l -5119.06000 5444.57000 l -5135.74000 5452.47000 l -5151.54000 5448.96000 l -5168.21000 5452.47000 l -5183.14000 5463 l -5198.93000 5443.69000 l -5215.61000 5438.43000 l -5230.53000 5436.67000 l -5247.21000 5444.57000 l -5263.01000 5436.67000 l -5278.81000 5438.43000 l -5295.48000 5441.94000 l -5310.40000 5435.79000 l -5327.08000 5434.04000 l -5342.88000 5439.30000 l -5357.80000 5441.06000 l -5390.28000 5441.06000 l -5406.95000 5436.67000 l -5421.87000 5436.67000 l -5439.43000 5438.43000 l -5440.31000 5438.43000 l -S -Q -q -10 0 0 10 0 0 cm -BT -0.01376 Tc -/R24 6.55340 Tf -0.99959 0 0 1 479.69400 491.35500 Tm -0.01638 Tw -[ (it) 11.89640 (e) -9.71986 (r) 0.08945 (\056 \0501) -7.10355 (e4) -7.08864 (\051) ] TJ -0.01114 Tc -0 0.99959 -1 0 435.80800 515.49200 Tm -0.01900 Tw -[ (tes) -11.10630 (t) 11.47900 ( e) -10.02550 (rro) -7.50606 (r \050\045\051) ] TJ --0.08624 Tc -/R26 6.58290 Tf -0.99953 0 0 1 400.26100 523.48000 Tm -[ (5) -0.16326 (6) -13.59510 (\055) -12.12210 (l) -12.44490 (a) -12.05160 (y) -25.20140 (e) -25.34980 (r) 0.49720 ] TJ -15.44800 TL -T* -[ (2) -0.16326 (0) -13.59510 (\055) -12.12210 (l) -12.44490 (a) -12.05160 (y) -25.20140 (e) -25.34980 (r) 0.49720 ] TJ -121.44500 38.26840 Td -[ (5) -0.16326 (6) -13.59510 (\055) -12.11840 (l) -12.44490 (a) -12.05160 (y) -25.20140 (e) -25.34980 (r) 0.49720 ] TJ -11.93670 TL -T* -[ (2) -0.16326 (0) -13.59510 (\055) -12.11840 (l) -12.44490 (a) -12.05160 (y) -25.20140 (e) -25.34980 (r) 0.49720 ] TJ -ET -Q -/R28 gs -0.13745 0.12280 0.12598 scn -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 308.86200 480.31100 Tm -[ (Figure) -310.01700 (1\056) -309.99000 (T) 35.02120 (raining) -309.98400 (error) -310.98900 (\050left\051) -310.01200 (and) -309.99000 (test) -310.00600 (error) -309.98400 (\050right\051) -309.99500 (on) -310.01200 (CIF) 73.99040 (AR\05510) ] TJ -10.95860 TL -T* -[ (with) -261.90700 (20\055layer) -262.01600 (and) -261.89100 (56\055layer) -262.88700 (\215plain\216) -261.99700 (netw) 9.99826 (orks\056) -345.89900 (The) -261.89400 (deeper) -261.98600 (netw) 9.99826 (ork) ] TJ -T* -[ (has) -311.98600 (higher) -310.90700 (training) -311.89000 (error) 40.10470 (\054) -326.98000 (and) -311.99400 (thus) -311.00300 (test) -312.01000 (error) 55.00680 (\056) -495.01200 (Similar) -310.99200 (phenomena) ] TJ -T* -[ (on) -249.97800 (ImageNet) -249.99700 (is) -250.00800 (presented) -249.99200 (in) -250.01400 (Fig\056) -250.01700 (4\056) ] TJ -/R14 9.96260 Tf -25.79570 TL -T* -[ (greatly) -249.98500 (bene\223ted) -249.89500 (from) -249.98800 (v) 14.98280 (ery) -250.00200 (deep) -249.99700 (models\056) ] TJ -11.95510 -13.91990 Td -[ (Dri) 24.98360 (v) 14.98280 (en) -255.01100 (by) -255.01100 (the) -255.00900 (signi\223cance) -256.00100 (of) -255.01600 (depth\054) -256.01600 (a) -254.98200 (question) -255.02100 (arises\072) ] TJ -/R18 9.96260 Tf -217.10200 0 Td -(Is) Tj --229.05700 -11.95510 Td -[ (learning) -319.91000 (better) -320.00800 (networks) -319.99100 (as) -320.01500 (easy) -319.98600 (as) -320.99500 (stac) 20.01140 (king) -320.01000 (mor) 36.98890 (e) -319.99100 (layer) 10.00810 (s\077) ] TJ -/R14 9.96260 Tf -11.95510 TL -T* -[ (An) -368.01000 (obstacle) -369.01900 (to) -368.00500 (answering) -369.01700 (this) -367.99300 (question) -369.00200 (w) 10.00320 (as) -368.01200 (the) -368.98700 (notorious) ] TJ -T* -[ (problem) -269.88900 (of) -269.99200 (v) 24.98110 (anishing\057e) 15.01710 (xploding) -269.98900 (gradients) -270.00900 (\13314\054) -269.90600 (1\054) -269.90600 (8\135\054) -275.00800 (which) ] TJ -T* -[ (hamper) -427.01700 (con) 40.11590 (v) 14.98280 (er) 17.99450 (gence) -426.01000 (from) -427.01700 (the) -425.99800 (be) 15.01710 (ginning\056) -840.01200 (This) -427.00200 (problem\054) ] TJ -T* -[ (ho) 24.98600 (we) 25.01300 (v) 14.98280 (er) 39.99090 (\054) -299.00600 (has) -289.98300 (been) -289.98800 (lar) 17.99700 (gely) -288.99600 (addressed) -290.02000 (by) -289 (normalized) -290.00600 (initial\055) ] TJ -T* -[ (ization) -210.88400 (\13323\054) -211.01400 (8\054) -212.00100 (36\054) -211.01100 (12\135) -211.01600 (and) -211.01900 (intermediate) -212.01400 (normalization) -211.99900 (layers) ] TJ -T* -[ (\13316\135\054) -225.99700 (which) -219.00800 (enable) -219.01700 (netw) 10.00810 (orks) -219.98800 (with) -218.99800 (tens) -219.98800 (of) -218.98300 (layers) -219.99800 (to) -219.01200 (start) -219.98800 (con\055) ] TJ -T* -[ (v) 14.98280 (er) 17.99450 (ging) -377.01300 (for) -378.01800 (stochastic) -377.00300 (gradient) -377.01600 (descent) -376.98600 (\050SGD\051) -376.98100 (with) -377.99100 (back\055) ] TJ -T* -[ (propag) 5.10944 (ation) -250.01700 (\13322\135\056) ] TJ -11.95510 -13.91990 Td -[ (When) -406.90500 (deeper) -408.01800 (netw) 10.00810 (orks) -406.89800 (are) -407.07900 (able) -406.90800 (to) -408 (start) -407.01500 (con) 39.99820 (v) 14.98280 (er) 17.99210 (ging\054) -446.99900 (a) ] TJ -/R18 9.96260 Tf --11.95510 -11.95510 Td -[ (de) 39.99330 (gr) 14.99010 (adation) ] TJ -/R14 9.96260 Tf -51.53130 0 Td -[ (problem) -339.01400 (has) -337.90000 (been) -339.00200 (e) 15.01220 (xposed\072) -486.98700 (with) -339.01700 (the) -338.01200 (netw) 10.00810 (ork) ] TJ --51.53130 -11.95510 Td -[ (depth) -328.00700 (increasing\054) -347.88100 (accurac) 15.11510 (y) -328.01900 (gets) -328.98900 (saturated) -328.00900 (\050which) -328.00900 (might) -329.00900 (be) ] TJ -T* -[ (unsurprising\051) -481.91200 (and) -481.99300 (then) -481.98600 (de) 15.01710 (grades) -481.99300 (rapidly) 64.98920 (\056) -1005.98000 (Une) 14.98280 (xpectedly) 64.98920 (\054) ] TJ -T* -[ (such) -370.00400 (de) 15.01710 (gradation) -369.99500 (is) ] TJ -/R18 9.96260 Tf -82.85470 0 Td -[ (not) -369.88200 (caused) -370.00200 (by) -370.99700 (o) 10.00320 (ver\223tting) ] TJ -/R14 9.96260 Tf -101.72400 0 Td -[ (\054) -400.00700 (and) -370.01200 (adding) ] TJ --184.57900 -11.95510 Td -[ (more) -279.00200 (layers) -277.90700 (to) -279 (a) -279.01700 (suitably) -277.99300 (deep) -279.01200 (model) -278.98800 (leads) -277.98300 (to) ] TJ -/R18 9.96260 Tf -184.91600 0 Td -[ (higher) -278.98800 (tr) 14.99260 (ain\055) ] TJ --184.91600 -11.95630 Td -[ (ing) -239.00200 (err) 44.98020 (or) ] TJ -/R14 9.96260 Tf -35.69100 0 Td -[ (\054) -241.01600 (as) -237.99500 (reported) -239.01200 (in) -237.98700 (\13310\054) -239.00900 (41\135) -239.01400 (and) -237.99500 (thoroughly) -239.01400 (v) 14.98280 (eri\223ed) -237.98500 (by) ] TJ --35.69100 -11.95510 Td -[ (our) -249.99000 (e) 15.01220 (xperiments\056) -309.98700 (Fig\056) -250.00700 (1) -249.99300 (sho) 24.99090 (ws) -249.98800 (a) -250.00200 (typical) -250.01200 (e) 15.01220 (xample\056) ] TJ -11.95510 -13.91990 Td -[ (The) -252.89400 (de) 15.01710 (gradation) -252.99500 (\050of) -253.01900 (training) -252.98700 (accurac) 14.99750 (y\051) -253.99700 (indicates) -252.99200 (that) -253.00200 (not) ] TJ --11.95510 -11.95510 Td -[ (all) -233.99000 (systems) -234 (are) -233.89500 (similarly) -233.99500 (easy) -234 (to) -233.99000 (optimize\056) -305.00800 (Let) -233.99500 (us) -233.99000 (consider) -233.98500 (a) ] TJ -T* -[ (shallo) 25.00320 (wer) -313.01200 (architecture) -312.88700 (and) -312.10000 (its) -312.98700 (deeper) -312.89400 (counterpart) -312.91300 (that) -312.99200 (adds) ] TJ -T* -[ (more) -265.98500 (layers) -265.00700 (onto) -265.89400 (it\056) -356.00200 (There) -266 (e) 15.01220 (xists) -264.98500 (a) -266 (solution) ] TJ -/R18 9.96260 Tf -174.38700 0 Td -[ (by) -265.99500 (construction) ] TJ -/R14 9.96260 Tf --174.38700 -11.95510 Td -[ (to) -249.00500 (the) -249.01000 (deeper) -248.98500 (model\072) -309.99500 (the) -249.01000 (added) -249.01200 (layers) -249.01200 (are) ] TJ -/R18 9.96260 Tf -166.52200 0 Td -(identity) Tj -/R14 9.96260 Tf -32.36840 0 Td -(mapping\054) Tj --198.89000 -11.95510 Td -[ (and) -305.00300 (the) -304.88300 (other) -304.99800 (layers) -304.88300 (are) -304.98100 (copied) -304.99300 (from) -306.01800 (the) -304.99800 (learned) -304.89000 (shallo) 25 (wer) ] TJ -T* -[ (model\056) -385.98700 (The) -274.89000 (e) 15.01220 (xistence) -274.99600 (of) -275.01000 (this) -274.98800 (constructed) -276.00800 (solution) -275.00300 (indicates) ] TJ -T* -[ (that) -233.98500 (a) -234.00500 (deeper) -234.98800 (model) -234.01500 (should) -234.00500 (produce) -233.99000 (no) -233.99000 (higher) -235.00500 (training) -234.99000 (error) ] TJ -T* -[ (than) -323.89400 (its) -324.00500 (shallo) 25.00320 (wer) -323.99000 (counterpart\056) -531.89200 (But) -324 (e) 15.01220 (xperiments) -323.99000 (sho) 24.99090 (w) -323.98000 (that) ] TJ -T* -[ (our) -245.01100 (current) -245.99600 (solv) 15 (ers) -245.02000 (on) -245.00800 (hand) -245.98800 (are) -244.98900 (unable) -245.98300 (to) -245.00800 (\223nd) -244.99300 (solutions) -245.98300 (that) ] TJ --13.74140 -29.88790 Td -(1) Tj -ET -Q -/R28 gs -Q -Q -q -q -1 1 1 rg -/a0 gs -48.40600 786.42200 515.18800 -52.69900 re -f -q -/s5 gs -/x6 Do -Q -q -/s7 gs -/x8 Do -Q -q -/s9 gs -/x10 Do -Q -q -/s11 gs -/x12 Do -Q -Q -Q -Q -q -1 0 0 1 0 0 cm -BT -/F1 12 Tf -14.40000 TL -ET -1 1 1 rg -n -270 47 72 14 re -f* -0.50000 0.50000 0.50000 rg -BT -/F2 9 Tf -10.80000 TL -ET -BT -1 0 0 1 299.25000 50 Tm -(770) Tj -T* -ET -Q - -endstream -endobj -14 0 obj -<< -/Filter /FlateDecode -/Resources << -/ExtGState << -/a0 << -/CA 1 -/ca 1 ->> ->> -/XObject << -/x18 15 0 R ->> ->> -/Length 28 -/Group << -/Type /Group -/S /Transparency -/CS /DeviceRGB -/I true ->> -/BBox [ 78 746 96 765 ] -/Type /XObject -/Subtype /Form ->> -stream -x+O4PH/VЯ0Pp -0 - -endstream -endobj -15 0 obj -<< -/Filter /FlateDecode -/Resources 16 0 R -/Length 107 -/Type /XObject -/BBox [ 78 746 96 765 ] -/Subtype /Form ->> -stream -xe AC̬wʠ=p,?]%+H-Jc"82w8VSnGW;" -endstream -endobj -16 0 obj -<< -/ExtGState << -/a0 << -/CA 1 -/ca 1 ->> ->> ->> -endobj -17 0 obj -<< -/Filter /FlateDecode -/Resources << -/ExtGState << -/a0 << -/CA 1 -/ca 1 ->> ->> -/XObject << -/x15 18 0 R ->> ->> -/Length 28 -/Group << -/Type /Group -/S /Transparency -/CS /DeviceRGB -/I true ->> -/BBox [ 67 752 84 775 ] -/Type /XObject -/Subtype /Form ->> -stream -x+O4PH/VЯ04Up -0 - -endstream -endobj -18 0 obj -<< -/Filter /FlateDecode -/Resources 19 0 R -/Length 228 -/Type /XObject -/BBox [ 67 752 84 775 ] -/Subtype /Form ->> -stream -xeQKn! s ?FPav6R٪TS. -b];15YyR {7QL.\:Rv/x9l+L7h%1!}i/AI(kz"U&,YO![R hg{3}4/GyYF:!w }Gn+'xJcO9i뽼_-:` -endstream -endobj -19 0 obj -<< -/ExtGState << -/a0 << -/CA 1 -/ca 1 ->> ->> ->> -endobj -20 0 obj -<< -/Filter /FlateDecode -/Resources << -/ExtGState << -/a0 << -/CA 1 -/ca 1 ->> ->> -/XObject << -/x24 21 0 R ->> ->> -/Length 28 -/Group << -/Type /Group -/S /Transparency -/CS /DeviceRGB -/I true ->> -/BBox [ 132 751 480 772 ] -/Type /XObject -/Subtype /Form ->> -stream -x+O4PH/VЯ02Qp -0 - -endstream -endobj -21 0 obj -<< -/Filter /FlateDecode -/Resources 22 0 R -/Length 53223 -/Type /XObject -/BBox [ 132 751 480 772 ] -/Subtype /Form ->> -stream -xtI:6%Q㨈?7 rA= u%6 ?Y(WbWo{B>9 -x`Znϳ|8{3?0x*z ǃ|,@:w>`c|*ϻⳅKO3`g :_|}}><.6`Z{{3]#<_o"~:ͺgk7/Ұ@ |K yp ]0 3ʷCmş8˽Y? >( 3!Bwqs.Z8,~~=rMT̩y+/*w: uBZ_`ߵp`%M?ɝ1ɳw=vDۉy&xb4Q>d@sg~lÃc?Gs:܎Oyft~c|3^4%&{4\H!s~A|bl/upc|*2|qŭ>%aF/1.C -UkR ɖǛ$z >φN'Y>|+^0jӆ8ղf"KzX< +qkǔ⣍g;E1ǽz Og;OD9+uc y1:g4GWlBsTZlj%M-xȳqA_SW |K0+ HUmr͟Ԉaahz]hgO DzzRkW55HS8^yqPqύջycl>Xi֥BcЊF(O6^*h1#oH"^VE؜(wvk}$r?RWi>졼XH̿3#B_nP=1P' (<v.Cw! 9uJp}=jq<Lm(;|P%<0=Zm- orx;%X}޶o\=T%oT O|'wHlX#ﱉՍ%̵<\lrG7L>&Hc{bAQ=Ot`nz$NP!$@CV:Vц[<Ω{'D:[f*}xn[Ff1>f4I:x[<򙷏;ڭRigT .mڞCi[' o'T~smp&q4Fx~sAܪqKfw;.!>˳I`sJ -κx3`yTꞇ6N=dd}x+ V gk Tzd0QG` @inRb&d/狓0PV> CCbv6qeO TG8.qvi`Sa* !en11_O9!B>ܹIneʇR@$HC@|:E=H?K=ݬÁ0~f?D'Q:E!?4֗mSN&>~ -?пʐZ YlJJ6Wkzyai%g[[!{<@pMx>n]Ά( s620Pd=GxP~cy Ҕ 18Le$1x7vxXI| p Zۡ"~ϷO114s)}?:1Z[CKY⩶INiEss~HAP0Wg] ֩G.lmi\u~l81Ūo~=rpT[xUJ?)#61sCZcQ~(y-76ϊG,;L?j?0;{J+{[ul [Ѓ6m%'F`*a..KӍv@为]("'wzS kdEB*N煑sfM'VISv"Ȇ>;LR9qtxh_=uk c64 <1oy,PHݼ'`E;LR#gq|N-HvSf|]AX0-Sc ߐD$Ag? QkCd@V}$^,i웳r\/Bm]T%[9-rEfE%D`vgkOֵ|I A)O|Ȯx"XЭ:-:" oF當^[̅JT bN/v2+tqT6`۞Si~<0|reXjT"&$CJNwy Cdv#a<8L?"BǙK&yhh_po,̳gBwlq؇0 ?ӨmbzdIAPXP$8}2-17n޿̀0"a >)nRed'8ك͒% С.<|TElu𦇫<R |a99n^A ^r+O`3OW:B8n߸oҲQJ.zĶPGUJ`. H_5}NgAMc6E̫G>e\ӟvXљy,L{,h-Xb5oWo/(bJ#D&et>q)b:tEL~Y`_܎"ixX _&0$ϓ2sw]Q򺃏?l|E>~IG/2ϘW&"\>]0iĀthӑw\ߨ  ?Q{f'`eL91*)φjW7 *GriSy@_@8.όeH%׆8_c`?QL+TxRjW~Ӑ jN·XJ6dŸ4.J;2Q-ԠjjxC@^H02YJJ64Y#e^g+lq_'&ϾĘ'..Y'z`z1"])\Jgˑ^̓y,U3iEKZQ©iE2iAhiESHԢr1)-(BjԢa$բ!j7@ZS)zV4Q(R+z0z@'` VԊ6 SuR+ -̹<|JKǏ:O7 Ra=Jц7yH)&$βIR41d]V Fi#p,P'&b^4ܡaԊbV4%qNZF8c +]O#?hEHHəw$Ԣ$J@-J8բ ]r3k'sP:wf_둼]n])_R> -!+~W9!()kEGltA3P2Pə2(yNԋ6/.0Ylx{8˼}7 ~߈q3-n@8 nR13|8,D΢&.l"8 Bmة ۦfZ`b!]~)S̊ -8L}a!I m\^uƸ:bpR1+hK9aI ?wGiĘA+ ~1P.qKJ$7{p[?6Ii\6W (V(< ?-@%>D_|O9쒸8Bۈ}rݿpq>!~!_LV:f(]M<;b.jXpşa6aDB*VW p#V LD}x ?RuS 0Qi Ѫa>1x_Ѫ&o\[a8բS +E{YDњ{lZWI) Mס'SvC[Nx++0OrX {\e~R#DSGg= ;} "֯L5z!*]lb9M" 77mk7l<|0_IzSu&7rLp؎o!\iLAԞ ieTPzOxy~Dm}ծ签 <@7;E+S, )S x-/l kaɌۿ3klSsh*p2(Yh>(2Sڞ0Q} ݯ|@-:QO9O d^G(U΁2 V3$|\z!sOx6"UlCny9_,bJ km'\eBU\ c;|jSqcmH1D$ѡ^ܟ#\-wU~XNIIy +t&TI#:jQU~ ak c@Y.B8`6*0n~DK{C w!DcGuoϋ<  a{ޭ0EU@>; -)F\& ޱ@0*50N^'~c,Gp:B( W祒@ aq Q;mu -B;P`ͦ¹k4sG~^Fʯ[ gjYfa&t2mu`aTX4I)ㄒ`6̨~.05,)Kހ, !Jeg0&bMxV,zJĶevHi{)~_ Y>I~÷dxcVem(SOr(< ~&;+Fd g n.AC ^Y tvQV'\ZU*QfS9[983|):7 J!A@&_zO;+0 -*PΒET)P}SvDs0I3s3'S`e \sY M9kZ^}7e ̥h -|GIΕ=4j/mn=8tn["ٳ5`7\S E8@$zhsU!2窺/gf$eWyR"00m;qTڸoGa(@zO҉j1EࡽFg ,k/2};i5R!~ i%CϏQ= -gmȝ^wzyWri3犳-.w/0,&$_ *߂NWа{s]'ɥaчȰkk.Og$Ae'Jx'ֹ;3#m9tX~ձ;ޖ[P Pj~ -x#=K `g8tlGj{!z„p9W<>XrŦ.Hk= gϑ/kw}D5;Ғ2/"%? LM2R9AI}4ѩ/os@MYԓݽnTa  L/ =jaےH='. gLr45 -IBc R#?:!w4_Ls J(G9LY -et\~} -ʵ9ǫ9SlrIa --B"B>ؗ醸T&X5; Ę0 v cS80LùE@;a .iF^0mۄBS9=w$NQoGx`Wq/Rc/=瘕S/@"˳>RW-5b9%,Vd3ˍ6(W{퉒a pQ(fd] -K.!¬Hv .c1ڒ0"35-S +:SkwbuXkʡ{^ - o@%!=0j,30;rac B -!/d@K&rx;\}BXzw~H, -C/IsP`e'j ZVSHG`)8O "^! Ti}w@``0Mn c4Om)WU9I9bHZO;ǒBsuo˷Hviȶ^88GI@i~yt7~Ida}[Tȅa $?_B 3k;ʗϢ^rdf؎IcE7RN-Ex -eT RJ*-ȌJ eqFT R*|[[GqU2dKU Y*{ׄP]QKJWЄ59e|@꒮GV}HfR/|hB,AB|mІ&T4RU? /"[E$?^v-]gV[e#KET[q5O"R -̙߇#BqP$/r-t}j0i dmKe.vR.sBWjD\uXl*Y0`ϴG2q sEYLL]8LVH '#[9д~ya,CS3 OWȥS2=WT+_Oq%%/ `gCbK"/+?m!3ᱸ0~ˀq!Ya3ϔ83-_o n#lr_bBt_`J`҉in(-]wzAK:n>O^fF>.Q;p-nsQbN`,U -ƽܘJ0ɗ6 .[QlbOw_صU.aS1B#9CcNѥDy ܪ Ni׿ -X*2 -?#10WfE{F_6$h{r=wlØ M)Ea|,j{lalݎ0a%:;oF˸PM%+kSɿ;GgfA"qUMDvfliS9WfmlJ,baZ [Aiw//ҩv|vLN bдC1FjmQE ->f3;R -ES )v$k$t D\,7f;1G/KRT"N/:w3yŹ{s~jT-P-LTA VA* d& R}]ux בAekHCzn%*\hͮCP`MajuQpj?AƎY3A%Q]pKr+S7&\Q`򸠢Fu"e 6*1O>A 9-?/P4v>BN䐺b5kbsղYǶFy>UT!15e "4sǪU<\*]r <{uWw]^7 m|ī4%b})׉͢\݃mCZciLUqx[LWP=؆7fs,HgƱq2v8dםq=&H+Q<,vĶkdKy0O#is5q YN#iSjWI ,Z4ʦN8ՕUFX垚EﴑF۲k_;b AislxH۪**[i.H#˾i;΂F;WyPH[qL6 B@9jk[4J_+K`LrkKa U;n_[S5BILU$@&1Ť]GՎBSg~LQr,E!56X̘Mx ~7׏~bWL}B[_͟Df:gںLjbj=}L:br\c1 A<_58}.{ab& )Ǎd=y/;g1!R0ܑC$inͯ־f&S'SL26{4J|d Bcڒd'it+D7Zⲏ%օWթW",:yL-ӏ2ZuKu&$y~/~˃?qgfS+^> K^>WaPb~dɹ}k ^d-rL'܀\ɨ sy܂+?ac9dT_ɨ9d(YJF.3k>>dTv>>%UO ||w6}~_WuTo&Fb[¹0|0cؒQE{2jUSx̻mpex/{Jf \2bA-MBe£؛X !\,{p΅B zKluՄ -כ+8{FTUsQw#=t(9w032P1 tK\r E;׌`noOֈؘLom1\gy(W3[#[ՅDL|/0Mمޕn_eG b_f}I{QE=.T.:xDS.BUqIXGz8`4EӽJZ ǩ~NXMcJByXҨ[f% 0%(,_bv8%Lccybe bGk{E7d+~\[dNZeSe,|˖&X?ʼn1W{x7X|4CO}tU^ԁy&rڱG|NSJYƢAi6aЦ2 R,8DBH[/hG8\̒B//9l,)!SUIYcr񴍍+3diWf86,l:SulqqײG< gd1r 5AUG1L! ͪ:BdV®0c(>{k[b $9ƪidM9HՏ*u5j%C@Mu& SkKQ8ZPQZbF@Mҹς],ƽ$cϪ7j;F|vLwy2$*oQ[q$ɴ'Ⲭy0g#0WGVGq=D7RA\vq9inаeT/Lg/PF~y,PFWLQitG0G.a :ải %4fcXi̬@&Z+ )[4ZeiScd ^ais-KJp)VN=y buoLuC҄B_ihZ 3oCrl4V6 a)*Uk[ kA.\˽}1bfRcbjyXZZŴѰ"`iֹ Lv\r}939Elr.m@fg0܍&CW{azJ04m t4`, KӘJ'ISD+6kjeR=T7+WoU \a٥Ź*cC氇{:WF2;hA -/M#&#${MC/ŧ4e5 P%Jn P-< -A*HWռ2tte]FF)`,NO@]9PTKIpE{sR͚7knl+yt}vfwe\kMG3?lR| 0rL+hҌ%LC,"h&r&+*.DD%)MDHČBR3Hi4siŸmb ]pr0 g-yrFD9bAF;/dw6jkZAޛu]"1o[Zfp~N%]JR>krL><Ftr;]rè4Ső[v|Q>.:V92ۄ֌Pak "i8j)HDO7C'k`k } K]BIW.7^49@YBf93}B։ s|WTnZSY`Ysfwї#v#?*䷳"yLXoI)Hi(r۲ -3ka}820{ SzYZ2v\\k;Л2н6/"}(& \ƶKW|Egc02I+ -8%E*ʌltB3\ p-L_Lp3s(u*&]s\LfȾ,Jc]2ϔžϧ] C69ڴpڜs 7O /wdW Cyֆ[@`E܊ǥi}ymqV=ZZ J'c<<]U[K1pQ``=bg# ]j̯S+VC #\߻Wsrvyju1dp:6zFr KDZend{OmWlgd8upցQ&!MD|L:0m3hhRm9- zG]VDS{A[F1 -M%%nLѺ=} Du*h=0׭}:Lf( y.2ios3R0&z :NV1t"o6X˲a]9`YAbeк֨&.ʙ!$0ӝK',@8'*GRX1 rnHq9Û_tǙE]xa(^Fgs~an#0M_ِؑLu;w vu6m˔8׋nj -ѶT8&{OKBs=do/S,^Ze  -l%Z8-bڄ|WL@ ņ2e>m6*xYCOuk&;& DZ1媤 ϔbM - d$IX g{TX@1~| #<(%\ez<'FH5JŚ8dM\[2aclk4dň_ɉq%D"0>MrVw|qa`RV %`zFyHcҴZ%ـpI3biJ4@IeâMwcҬ\hI_$7Zxm?-W9̾b3Ham\zuM96، 2j7/VυQfTqpBg͙Ke:Jc8X 3HXⳖB=;ٔ.o -5P0,#<Ă)<`l$ҽ?}Tm.t6(h;waB%6uY8Z& 0V# g넑<EcY1REWcΕRFv_V˽3/Od' ;ʈF Z(K~@zkIa{EPJ9e귃\zm??g'>V9giT:]IR&f$n8o,4z֜l{< v(iZN8#Fl q]2](.xؼku36aLtKM0%~^bvP ]KȵQ%0XU{НpmaȪ{\;>(RVu^#hsמ뭔 YѦq–L3IYqQD -#3KqN3|n@n]N]ٸLYڜ#:F;K -m91Ts;,knU@"rgb2r5/cjrVZ#SoʂqYNw*W*+3]G+(>r#.eLB|Se}ٓ8Q\D&QEc V( :\68_?ЉM U4\-.bxb肽s̈ɳ:Ӏo1tf9tC0369x>0n>ڰ=]eNYr膑QЙ&6-9>ry,Cr(HtZFC]EGX(I{Ke %DVa$!&r膡ZKQ4ZzV%79w!A +X6I(hn c YmLAUwqU]!Al~=2 : 90P\bh)nr&]bh|i C.CK .w߻\pEV,ѭ;].Hi5 nKk]hl [;{#0Y10pyw,!څd ʙ2 ҿ[ ;8-8e] JjU_rOF7wdK%!%Y< 6>ˈ%ϵ9i{̢,:~C('Frl / ykYp՚)^#fHµeKPvECڸ@␾jSv35׃ fx֚0PDҙE@0Jgհ[O8~Vze.PgKK;'wlZ,+ɖo5;yg<w1A;&,0 +mkL7*0x룥^ogH>n*H(CG)2x.#ָV[Jó0yP:\`ƢFH[? ns?P/a!^+ykWsIg}Iɵ33v7sÎ 1B 1PC#G28c/vIV(~Dg*k͔LPLU?/U 7Sz U%Uaa3WYRQM<̪mҒaySy4;(6I' -Z`'vh*͙zJB.)F.)jn$(1r*#y4BlPw;ӦFG+b@KvpFOBJODs1 ַY5E3[ɍmt4b2Tp|?(L<=zA203_jC^ܘ̪6h[2_g)Ŝ5q,j[m[clMu]~CvH(#1%` G%OQ?fr?+W  t i+?Al| -cST:E*Uw{@liH -^Ee 1Wm.3Y䆇D~1~R$_4G될;=Z`J";ʥf!%ۆW("NV6':h$=Lnv2<5)7}Eh J8}Cy+x "lZofpF]];*}E6.7 鑺lxʵLb!JکĉiVk\I(3G2Æj*Cd2 lťoLY#_`%L(;D\E2MzL{ʹ.֙@_zw5~!euw`K83Y}hs -;Z׃iΈר,28)W}UhJ~! o=Kz+ǎp7[('`uFozT^L -S7R{3\^3X[\ -No|)1yggL¡ 0P&> gB 07X9 %tyH;9}';?+Y[5d]822JӪ3*4L7ޘ:0,wkcԃKq(}{׫ϕ}L - &vOWhk)A/=Ʃټ`}f]S=8Z0`B%rt[XvC "+;1 9T6[8\N{z'#]5?reua2.˨]/f~Ѫ&KuDDK"{\m{( iYF{XTh2QWUPRdJKZ]=@K߅ iJˌXGh0ϟߨ1^fl,pwܙиιSYhDS(;4=]6H1L1hbT: h$›ޥ0G - BW`hDeiEZǨ7֗!fL^ Z;`rwoq [yf=--mUnƒeW N%lGk\]>-3EK*cv]Rl&R9E 6JV]G# &9R OBA'>L6l@G%ԆqBNr~#PB* T"ӣ/oȼtj -̃ 2a9|b7⠞1E*k7;U.,lG+)?*ۍENs0u U.:J cQ,7qtmί*mY.tgtTlvIRIaiֶ P@jۍ٩]Y.1Ynðݰpve6n3;8P)-(z i -,׏W1JR󡅸2kXixw#X3 -*p?I@XtHUH2^ h;cًԔ=}X'MMg"7LO0σcsv Z3J~:f:?۠ʼnKILO\{U2W۞,Xpt]n@c]bTn@) /ڊ I Vm1S#BMm<m\_IL}a`Nnc!&PdV ƼU'~8lfwfN/ሟ%gXnȿ#gyBf4B%Wi%$<˪,/U7*ְW77'?0Fd"8Sb4RBPQK?M ygZEM[] )Ѭ@,MrE5KVhJ`\.V"@ ,#͒fN^ ?g$.Bʏ%x -5J -3Ss ,NS~pšFCYg&Ldn3F*WrtWlo[wf/r!H%?y.2!5[o97Q0L&+C"QVHB( "UMI~ ̞R:P*\50r/2$.R_>ӜgMYs6)C[= yfԊbLHHo |q(j6_COk`3Cʘasdni> -qzL>,X@3`է4b<&%.ķa2V 1qdŝnl @jeo]8\)7 Mcᘸ=CEK9(n)laq?|hpܩC)>0+#3c:[!c:SeGLG6QLǴ=c:i*L7}B1r=2>yvGL&%w&njpsvEvRL2j{g<\ۼs#G;G$)ng4B`?-*! 1u ])\.58P%> -QZt-qt̑I:t@S!v.Ց&tV Ii\VʏG!wo\lyx^W'I%V X0@8D(ar0rcP9+6Jmyx?:zĒxI?(5GUJX=El0.jY t- WNm: X2-2 JVPXգjk۶:{ۖfck-ײ\0 Bb`ư]'~tg3WBNL"I;@,˔'jް0bn ծL]WY?fy>۶S^*\cm0 A[@+VsJ \32}CVZ0E$OüB V$w\x_o}0hqܾ.\r91[5dN9T0eLjȈKOj4i-YJljÄz7*~92o USN5ՇP2jm NCoV'\ ;]HEI[{ q/Y*l6ꨀo`i\4ԓ -;nl"97ن?NG͏YvDŽl~r?AY`ؗdm \[F=CXWڛ__ih{"f#Lb'\Mvf(UvM%kTZ^8Wqx7蒵A.H``l r[w-޹) Q{M1(9Qp` `'l+NLdJ:I{ϝSW [!ޫɳ7֝bw(71UIa-H s>GJ\HLnFhBT@-L,n}rkW=FeP{uV0/_ -Xv>DŽ#Lf -Q)hP ch{fЎWh%sf_+hv3zYSo'ຉT[|`bUpS!<>wl7OΈph pW1Xe!E_"ܦyH& Eyղ&L: - -BW#5 m!EDEzCu ;C%,Âoő7 <=XPaD7F@4D2SSW.-H7e)53eI̅ {x-<9l 3UL~ywd@ .73 |)w8E12.0Łi'ce}l2Ό/+b;'`7lh,<Ō2چ~3wK00D$CZ*dlǾ4r6~S"TbA)|aYalQVW?Der(.GM9~4(xn[Hv3PDisa SiHf^j q~+10)WuSXlg)3߿PK.mn AP/59IeU9T*0r֥*aq;)8r*5ϪwX3<,@gwAhI2cDIsBg#b"2`:` Xɇ~gvGYůa*JH&>(oZz'd/W:E -6XҼNہ&Ȑ <4>3WHRen\:M:Q]|m -q1nsdBha!soέ* V<3 JWm^~juN}'1w#e܇<,x k٢H1'rDaoj -{VEm{1Mw ʊYi.( \{ZͼI7HByD%ęEm(׃Byyatwhg/ H7z#0bi9pe+Ť ̼MVYc!jA`F+|䔈q)2B83/1?n'E>֕t> -+8Sv˜ZMg U{`kvA=3f=̘afLV%2cT̞K^-+@_]g`}u O\}dI-> L]t?5. "1i0b8w#"͙h 0iѥfC>ry/˃p/H lh}2#M!fi1ӟNKO%7UE Y֗zͫ۶^YOXMz9"/|g`$e|I/d R_jI,["U\/@L^Wwa굚WuȽ[e%uy 4l`❪6@L|e  L q'sIi ` %N=o \u/]_ꙭuC&&/% -|,]I3찿;AHe㪩5?qGvzߨM_0CyNge(g].p@?ĩW~Gc]mX*yV#SmC:Blq(=Ԅx^+/cj1Bv, `'v.GQ)}[4'*3|s-1*pSj<if׳bLG ,iq*o`.Bp#աCmc~< j\o2EcÀ]If:t+LE@P/x`,G W2CP_] EՒZ|fmZh=PzG0"8Ό?Ei=M -heC[^", C[li/  a 0o#Y{XJ~?r,CY@w"fap,ĉ0bxX&ҵ`nJDli5T@B"U,t'u -Wq ܓ- uUф&MJ=H1ƕRxM{f?R 9{3M,S]t,hjѬpwX(lsjMLziG(7ڪ%5u/0 vFĦ=ASs]nU\PkDNuɮ`ʪM1ε99;P1#umpY073e Aۋ) Fnap.V` rKGݴ')V$\)48 ִx}bܯ &:?X$`<+E_=q'\~9\[Tg&Yu,>2jDˌB#[\W?u׎ #z d\d&a^]H+ Z+~Y 0 y"XT%IgYs&ר/IFdse*Z7bɵ"5`G lc2JL4Izg]ER||. -[8õ j[a x*=3wPW$GRҝ1Vt7JMo ˵^uY{GMQzý [4]1f1a'n O\܏u\B6ha0LTfG˃ n5a!8b1A=06Ch5E1]WK` "Ԕ+ tݳ׮-ÛBy)jF~\=7>Q|P#_d6$=Rkh.\4 U14"9ˁ֩0a5XF?aJ<xR_\\F^uV豀^&0]%`&$`-}! i#̱-#)왟u}HxJ)ag-$"6 Q2i)f͕Кdٰ+gL#+L3HShUuEL2ϪޘL[dOSC4ɴVqQץe 3J0'8 f~}/~v+3_+"xn {{Hw]4$r.i3pFև}ކ-g![Q{<;95r9wy3 .uuo溠I -r3]Iy_m9:_ǖ/}9Γ8Q[B3[0vo5^`:/K?rG+#MSPٻф=Bc K0/e-ңht\(IcަK9AMp[Fq2ba8 -Y9^[uߚբhKa450L(.25lL|A ༅A 8f>kX^5lz*5*:=-~bqbA/_Ƞ)`WVe̎U؃-zc%L|ߠ'@x yV(+{Gt:AI:a0O.9VO@v*Z.=(08 -|DU20!uI:-QxI?oc ۲ԖX j4Da꺱h!߀;2{wY -uZ54=mvzU1mAv< 56U{Plp!A=kiMt,E yqA:Sa< u jiKM*`'Mz ""x@7ɬH )@,"6fn uQW_V=Bg,_P0LmI0PmG5Dxlm7`Z(0:ak8ʺw űAo7Q|qcVAl -نD@X[FnU+L.N srP<D4,$CNmE!I7& r "I#t:W#beS7j !HqB O01[?Ih>2DSĔB!ِKy(B5&f^5?E1&'#?|#V?1拦{f~Q- ǓyD'sc[qdM8Gi $%n!̣AŊT Dbj - vWjJTe'ajk L0nEL' ˇ؎;8~snZW7^иw'!U -#&n -|A)$/:>d(Pχy[-u|><$5R4 -AON}^ {)$pT`ފ hc@yE`{ywdMq)0S2W_s:a]A3G&7E8oUx(z1#tY iEt㑾M|;Cd?B!H.>(PdjQGt Em;Q?wR gVf /qKa}yV)qL]$rKE1})1?FI0r8aG_85,3w.:#0[Y{GFxTX1F] L6qZ?a^!9*@̗dӘx -`qI;.wHFP+'Kc@Vh*]{t@n O.{:$+'H#PBB2:2JZKkʰ^^wtw,oa(o^ yc^LUd/Px.סĹ\\Aк#&i<,ѰH[[c=,v\lH^d6uKhwkRTLl}>R X*j{kޢØǖG0 /ޛ0a$Wa++QЉ| bB2W3@ $ޟ O ' 6<!|Zd ޜmO) uDBȒX1L#-kԠ$D9af[mQ[3-0&DZtjf"o2 (Jhc0Tq|LaC|٘A#ᡵLPl LCYOx -9>21Іlyg -ykm57}phM׾6v!V}>$.M:;ox&Sهyr?y>Z?0'^~fIL|xù YA4 0_Po ie`54JQ)P{(. $X,ohdStn dd)& 0?~!ur1]MlJ|'4 p8$8QVErbY+ЛRAk!/1C"*(6Չ7T~ u5R++F4Ll[ެQLvKֶ̍ BHYaT߳|prAGJ.KR5ڻb<ߏ~pF@ƐNT͙o3]E3X퐖=U/{ F> f7w%sJV -x1:$,o7Ȓ'G$bv"afΈytͶ`%-X[*)y_Ám;M>HwT3Y4OQ;5AA(P 0ډA$T)@=bpxc=s9|`RX(Iۆ߹ED=sjk#ґu`¡8RRS v1Uk!}RU^>-I,-ƙhpRX?7섥'[80#@_{Hh1|+]3 hRo!hf^'YWz'P* [ވɟXsFjɉrj$t䒺T&?9ٮ\# `iC6ť5P8?ojJ<5ՖDS?POxo8?tmRq˖AzҊ/=F/[B 8Ga{f1^L$QN0>4p@_EAY*(m6 `Jt%We[t#_ҵt}u'M'}gX@N n I* ܹV/5i뺥$S{ W{ H4V2ډ_/ya$wL./!ɇQP\߰uo9 -!R1mTXC/2*,4*,ZiT`: -kʪ$QaEg[֐XV5mQf5r6+, >aVXe)lV^0+,gv5D v -a(bܲ+d6xa,hzvr۰n_mov~ -ˮpd -4+kBmXXORZ aV5)hiWXP[3" MtEزc&Â+cf7ZD]aM;lfM=Nvdk=Yi +^#1P&qs~O9֔~?8#(8QJ\j|<꫍3{v5uSK;4YxcE;dBߚ6ɼek,zH2ƵVb -XE!# D9s]:2ˁA8\Pu`McF1''}v?>+H@Q=B@;[lzV= -X =O' -=ޡu1^I E* R߄gwS@mW\b!M`+y/suE5Ùqd67lMf/?(5KShaB#aU=Up,|+򦂟tJ{dZIMCl05^x̃2JX'Vr7AiIέŏ(tJ"A;UGJE^ZS{`x5VQ|فԷl::TU'E]\[a1 ][r] -2 %V5?ኛح6I9vxT:Ḯp!Blp=L1t9đK}b=Pe i~q1unp8v"nڱs7[^;Q91];Ӵ0LS-+ẩs*gWy$Bdz<ѥ΢й8<ځk-X@<χ~%+kO\܃Vv]ǘkU |pmHlߘPy-BVba[R(Iw|#?K',nDT= ThVRʾ/+%?iXFuV`qp)u%\YCIL;ZjIIZM6ϝ~]!! ʭ}|;܃(6ďAWf9Ў@L̘[ǥR;Mc ;QFAY=;(guJtu8d/p}Y_nu+t^GVG*_0#T Luf3b\oN u`%k6:GO e$]' mf67*V1ɧ;["@J -lQ8}ObSuz:7Yedg_̟`dC`O]?W`(w[C0p4=GS7֥os<0s5tA"tWpiݘ'&I04m/5Bm&17߰-+gyT0uF0eGȻJbxg& cTg.fz`i%D)X~C7С ?Oo茀`,Gx%]L$)ۀs ԟ)$ 0O/x.c`wC9ģ&3==PLeۏ8 L5/ 'Y< {2gʅt%A/w0awM΁ ؑaJ\G|5u\=NGy'_ ^\+WŒSʵ#6 FDސc^ϵ؟*t>8&*ɬa~LE .`o -707lãX -VpšO90!d0\D1 ߓ$lx]A%;,;>ߏjnljf:q>3c`8,c|66>Vf+ga^б^%kIs`8 VdtY&Jkr@|0Y(U< Ϋf7ϫb^5#vE[ͫh#Ii cEiYF@f\=բ^4|,yabl$CΤ;ȶef STPK*M0qe6=aC,^rL?:`TaX**DLsixI[zepʒ,;MUWoeG>;n&|gYp;ovtYT{ο@R> EUcT -;u kC_uArpn - k;|_%߇ Vyy @! qn1OZ{'זKڎiIҰV5 OpUWN_r>6Vv~tvYա'V1@s {6ݔ4g\6X;?yƃCp(G7Wڋob+:Mm]r&GFsUWO_}+]}q HEx#/|!=x_$ xyteڒެ;~ξ,p*C0x +jU͝4Ԍ%JDdĤ%YkMmS u'S-!KԞ#Ya.Cjͻnwu!KdcZmU|/fi] 0ԝaCdɱ RVZm)9. !@Y6Y[%4/Ye0Y"V94;DIfd0C֞fr!kvbB:`lJh nE Y-3dmyi R4Ndۗ`r\N4Pu2 I/5[E4rXLK^OKd<dlFl ۷~`-{Er P[ȰiԱK X"7f.ٙ {Qig9x:ـiʯ!v4Pl߿p5i\Ɩ$:0M,g#N]VQ -]-F2Ylو?D G!NӁsr#pS}@AG+ QZiM;wn ʺdaKDr>B: p$Que䜹ư@'mve}$t+E$$+.jbb6/&mN~;z}=^WJ|nkB/k=]&3s֢0Ylþ- U9n0iąp?/ -nYtL+]&}OjQcuLf^Tt(vFt*nLeKIfJh{45m>j@8G 5 -lMH.P PLU:0%)%FK,IrSUWf^/ @oVN#D9/~A  & Γ1&ҊaP_fl7Ϋ) f,PKeȀ#[ߓaII2 uup#_*]=G{b".x'JVl ,P9A8a ,y$˜ 44|›+Pv%:$1B`hweWV_hCia(0c{cܰ91G^(dLfV_DvR@^mܷ[* &lkS#Fp!.BnFާaZAC`TdoBQ43麪4u[HStֳ9f + -+eE6:WOқk/̛r`i<ÑY{!F7z?o0߳AM3%l."SN-v=nC%1b' ү*"ʮu?LJYnh9w Wwm2{s׽v' y;9~/>>+', hwTb 1r .W9P]qV@Dbr[ىqglqϬ@,y": -~1& ? -0oCCSBl\+0.rY3;NXߢK5Slx~Œ ~r0WAJ -pY tJ͢$*t$+/ze1IO!dSw)-#JH<ɩ)6rpd 4XK΍*e%zMgf3̍۴%sz4-҃ EnS.ryk*4FYx'4xxlH೔D!T)ǝ%AghCG]%bQwHBST!GˁBNT)^єqN5RG -Mtu+ -0hl7sq5XQElgj :Icҟ(B!tw_~8M_e"f?|EfrVŴ=]U"U)0엝?9 -L푧73}xy#(HL<0~2@DCW=Q\Mސ=Lr :7bb"yX% 9`8PqâCAxţWןB<R &= j~^(b/%c!'~ ȉc<)'~.ψ9m.k`lTJ|C %(&Ƃ⁠ <%(kج⁎C -~ϻ簉x?ZEs^b`' JA1yRT0bmEi&R+,*mм/?qް֧0!eɸ2uQr|M)*SSTIܲցxPe)5Kd9`lR1#]]W 'Ξf?Αa6#Xc` 3"pc.=B1dIQѰe+GkH6H+xf2$p! -< 'S9..Lr;a -P4%YJ[eb+sSI>B7UF.~7GXК!*c)Xgi^?Z,v!DK& UVG>$Y}CjoďEHۜW6 p>-$7>]T|#~%浉/;+{~Q|# - -tő|;D(iG3Tv -Q]Ծ =dkjOY7Z:($&чfAk̚]Kx6cmL&7T yJe@'%mPjjϷ'= %pnDV,%D;󈈧u`<;o]7fqEFޣ{WǺ$Ls'@QkՎi7zfۊ`f͖K efS +24w"`doY{9")edT;SY] 9`+qո- 'T>]ہJ8{QT1t}W>{J>gQtաȉ,]nZ K'pbGV^O=ŖsĖ̕pOEؒ#>9;@fl n֭-+d+!ż#d],j`ٺr.#dc҉ҒVZu\2Ra8('.7B5wFKK[}ȘGt+$1I c&9`Y+s": ҉q` oxE1f.}]2UB%n.`( )$~]2Ε +$KNX@|σy28\Q㣣lݿ[`tho-,ؾZ{ {[ϻ%B=^Z TOd |-Xض`=`{KRt6eճ7{J +aL7Ġ@;z<6-np%JKL:ah=z:וwm77*-8e߭n -7~8tmu ]X#t߉v%||0k`AժE2d*p1ȥ@cp`1h- f=^ -bm0ϒ xvܿH-]ZdeW=!ɪ9={7JUC~?i ?b[1C[𥛭4~?pÛ@嚠,IYh9K3|a&mPQyK!%*V#(+F.>sZUh1DgU:Rfڨ$ЉȚ@h꾒ubP!z?\1޳3%Iԙe@Lw?7WN -g@@v2Hh񊣊uoFjB@1[Ą6A)#DSVXhOXsZCT(HT lf^x* ۸fӋ@_}3)up'kB2!H=PvTWQ< GevCfvJezlԖ.-he9[]UT(dۢŁއ:1L&lFvcVr%n|´oLn+aIaVzAq ѣR{mA]<|Chi:>Ebs_ڎK鰭Ac̽DmYv0m6+7yp\1|u4,)VhzIAjc:fdl -_2[AnFO~3<^0ܫ]$=Sj-hQ0H%!a&0<ANS؊03UHo`y,grZhk׹~}ߐ#Uh ;-9-@P&IpSՙSTIu1 i.,ǝͻwVqxvh`x+s@mF8|㥸aLrҁ\vxk* -'sޢy&L>}O+/߫0 z5x^s^<}}9|{-{-{3o+O|^cjﵰqZ|9}M߾Wk͎{x^ 7h N+{}A n ADR/+ﵸX505V𽂸}U~iN> =O'T"tĶu-eܻC ,W9[Blhł%Ѯ| E%0U* uKh1)q)$?*j9da1=uLI K#͍mgi픴b&OEŠr%;=//ѢP<㘵Im - + />z0%΃sq |aٯDO!>؅]0 sh}BF/X`$ỌdSX1Η ,hUpcwm.HXK~i(*:V#s(Xȕq 9 Uۏ(~HM%{mUГq4S XHN}92u ңY 3I]ڝ7{cKٌW+B,|\m$]Iÿo<aOcPYGuA?D'Uw=8e۳ -0=A8Vµa&j+QuCu>l+L1Dh -y̐mUձxD!< -~Oa3rȕq0.1 iEmP#Gc]^GBnS;廱ČɡI[oꃤ49ߏ_*]]SˎBCxiF{RG,-0 -ԣ -v5W$IC7w 6?p;0f "0|~Mҹw.AޡࡷfuOLXψPGd,Bٚ('`nhfXZ*WRE5*d'Ou\>kykP783*T;Nexu\v.CpgD<qi1t@]ed/9]Ů_euqYChS :.;%#ܾ]l@tB`\:eva[d7}#\)91᭒b8-_4}\SfThx{KC n.pEw+чjW嵬%.=k<"}yq j&]@#RcWp?X2/FlBJ ȍ]K^L Vŭxb}<{pQi&~>N,hJw`!U2ߗoH,u^?d< ƉrVs#SV?{#U;‹?eDs9N@S-]t<]'f-t -Ԋ ˜e>]1>?*Us[`El \ILeG`e"ŷ|5|) hF(DWF3A.˻8xP܆EC80`h/X ̙^ͽn@ZdCc sP"H -Y!!i0'VdX\ݩSX]XfE#,AzhN9.ZK4LtM-칼09ynoWX\\aq1~ŵWwWb5IaqwlY{C_ڕ.TՕy,TX\v=gX\4{3,T}:.kࢭ u8+3Q7h׾e`#,, Ӆz&voC(aqaq oܯyEsAޢ⦱6V}[Ssf\ hu " d @3w_f CKeA ӎ/Ge aNy80gq@8\M3Rǖ0P,C62G`v|g8;RW3+ ص׶ib8 %P' - 2Ync: 6E"L2a]Cl +CxSv9"'C{@MkۇdeIGY -h[*[i3ƛ|k7olCs՚0B2)0sˊ 1D*!HE.1ubqT׫>)fVvunF(d)6O܇'0];0]2Th5]]# rN>1•aҊW$E}W"UsP 6#cK7HT3Ip̣~ΥqpvQƘ~8? eZ@#-6-2;~ƋK -=7%gD؅m |61&Ǹ0Fp\ 9NXdjccs60ε.X ;@-RӮUYMOڠ^d}Ň#vLb1yԚ bUlNƑyekgWU3p&=S2ѤY҉cf &̥`wWRƽd0{QվJ_;VHh)iIeKV@4K)YxIp #X^2J)e;wJ%<"XH}$lrpI١w.0Np9*n] H %ʬbڂD&<d9qry 'lvJD|3j2;NK) 9cB>{ߠF0[@[[w7A90u ~R ./w:m2,HEZwo t;A#")]J{X@\cjEBhJlcg^?1/츀Ϭi7M#CiR8.qXv_=020}iwNu7U[Y_P TKJP[biL5v \T^&lO7^3 Jh -o"T~d[ǯ~k@Hq?g}YKqqBxmx1[ [@1j5Z"^(+lK W(>:HRǁ@ ā&`CK [噇Ks\;VD5s&إŽծ$E@"೉H+ۇZY 9%+K+kP">`I#xe =m)T!wyR"Vgbە)TKg}W:6(K[]۬U%vGn,BSJV$ŇM6 1DD|` ;3!ɞS$KlNx6GC8?3Eנ@<8 -==J#eO7:M!VNDw)# )Bwj@<@8x["1\Y[1/ Iy)l&O\23Γ?i@Qy;$\\%;n`0&%<?EA~AH5p|>Pwq2Kc+xhU~gġrs/&z<P^Jz㏵7np'.蚨y[̗X n+~C.=KL@Pis^8-љ0`sF/=0üpT;GEMMly74协Ri$j!lf~k'X kyN;3>N֭?iUJq$A|z#|mL3w2 vTR]S(]TyUGPAN;aĸ:!.~TG yUGdgbfxh?h|bĞJiT.xdp` R--ַGOȐǦ"SI j9\+"sy%1Z>25лD =$~`%&ZvWicv%+cSKD[K<lGlK砕B±|Gx/imސ3BQ 4T%[q -lF}`貶kE_rk@DJ,H(PR.%.eq -m,}'Eզ,I.Ǒ66bʮ>?qqT4JrVw_DG*Wm͎Lc.Bhs -EWh3Q^?誡bTnm6Bd meDK6e - Myw(HBF=M]qevp+GV>WY{5$8z|u)T3S S(^!W'm(/=RvD:CKt1i@$Yq yq&qf #3IhkZbtsu>w3%;Nj}<YFpl튋'OLT9bNDڙ$^?hB sR s8w\v'YBW@0N}lWL Q -jgZkUް_aSXX?5j}F{=wly9IuJK&Uܧ8j-{Y!&1&tbW a ءzCsUG&ൽ^mQ Z>tEBj9BvTd yD0?hc|럘^'bVкE%l=IGY(ƇI<)hNmDo{$<:.Ƅ|W%RwZ*7#CSޟs7[zVC/Tpa$`CT*ֈ쒊K<5,w$[EF`;c]<6Pǽ̨[ܭl/L~(w)blZ+C_?XP_egs{{c#<0&\f.j,}(:hHF_zIQ!!`Q9¾PRO$Ą*nۺw쁱 8# 5rjىj- -ajMl!^0`lc:݀#yUJU?~d|hr$;{@h Ft΀U+\ۍa)3 k࣬N š%5bM6a=P 7g/*k֪بk*>H21wD -7̃<ʊEcan̻X}eh {\}UiyΆ9 ۢٮq!Eu CFo4Y]3Z!n9Ng'Ot.?n3Uf? ~$(. x!z~}'7IS,9lӝL>y/Nq_POٜqUq yk_syxV݌gfԢT>mcN3fs; +sgqs#*T\;uѹu] \qBQNi4_y\P|'1zzzr`=9pN=9i:0x|Q4ߚttelӳ-yOK $\/I[nr7yj*.m&y'v$R?dn#ћX"Hsp>OU}O/սE#؅Sh+Wٴ ј`g&rg0dZ\X{:'-Br+u=Z DUF?e=rnD~t }„jw0Rb{^%Q-ѵMC-vꟘp.[2D-]cZ,6h SiKu}Z -MثvCIkjľoTn'n f_8\,1x@^tn5@2ḓoCNAȘ_Eڋ|3&R|ef4#ŕVFg:n- nnҡYa\|'.dj&N5$B|%lN  :-wN5 ^ǠK~^0'y٪cG}jkjI%|Dž*${1%IM6=􆌭ݿ Qof 睥Xڢ>*vcr'7Ke!z8̌x{@B. vOsMz"oڈe hļT NʐNXb(XAG>qܘGeq@u - &" -< Z* 13b/űoo↵7e(?Jydn2l&x/OӭB$f5m=k6Dq`Tn2*.\uGB~1"US+@j1R8b.e,c{כ+~nԫD.0ШJ7(x&@ {/ ̝+dzT"trR1d홴q$r HDsJRD놌u-Jalx:f:6Bƕ /ԳvYŖ̏Ό71Ry`_pWa^ -j7]@a&a81\a'pzzgdzLdԶ>.yxX a ˬn,h1Z X d"fE=)TӰeZhڡde >> DHî^6T92*Uua3(Sݾ@A/A(8^ -qٍA@T`՝U+2x| $~wz uWm cj`f:}Sڈ]G4TuG;U%.:u)ڮN7PCs'1LВePqqp+NpVճLyvU_s@s գ ko"_mj#N_I1 Gh#KK b -ʽ-1F2Yml-?%QL,Q31n!wb!)yN~VA p3V"0^OO8 ~qA&\m&!3`֋+U5%r:w\Cۥh(78+[`劬ڲ@ޮ_[p=\OxoMvN˽ajWjc\HKlw6<;K^ -C&v7ا}h|ʫErœќ-x Cb ;zacj-Z׀ݎke~ -OD | -D+^+׶˲ v >M&qgĐ;Hʇ<L\- 80g0?6wamw"l@DCd<;-'` hn䴜ؚr1Nˉq DSᎈ<`p3-*~ĆRQu}hYi9+^)0rjkYi9xDa+#/_0˩AL i1\<mr⌭!~a^NVg's,0RN}̥#f)hr@^p՜9봜XVδPOi98(LFݺْ<yOrZN%IcA@tOrAr/ڜ#m ̈́ӫx` \.Q%*U##s.'& c7_ Yy^}b/ԠEXk.~۝! -endstream -endobj -22 0 obj -<< -/ExtGState << -/a0 << -/CA 1 -/ca 1 ->> ->> ->> -endobj -23 0 obj -<< -/Filter /FlateDecode -/Resources << -/ExtGState << -/a0 << -/CA 1 -/ca 1 ->> ->> -/XObject << -/x21 24 0 R ->> ->> -/Length 28 -/Group << -/Type /Group -/S /Transparency -/CS /DeviceRGB -/I true ->> -/BBox [ 96 752 110 775 ] -/Type /XObject -/Subtype /Form ->> -stream -x+O4PH/VЯ02Tp -0w - -endstream -endobj -24 0 obj -<< -/Filter /FlateDecode -/Resources 25 0 R -/Length 118 -/Type /XObject -/BBox [ 96 752 110 775 ] -/Subtype /Form ->> -stream -xe=QSp#lZq|ddLB:D[c¸>*FI&(\T=s&GuJѩIY\I}# .!. -endstream -endobj -25 0 obj -<< -/ExtGState << -/a0 << -/CA 1 -/ca 1 ->> ->> ->> -endobj -26 0 obj -<< -/SMask 27 0 R -/ca 1 -/Type /ExtGState -/CA 1 -/AIS false ->> -endobj -27 0 obj -<< -/G 28 0 R -/Type /Mask -/S /Alpha ->> -endobj -28 0 obj -<< -/Filter /FlateDecode -/Resources << -/ExtGState << -/a0 << -/CA 0.50000 -/ca 0.50000 ->> ->> ->> -/Length 41 -/Group << -/Type /Group -/S /Transparency -/CS /DeviceRGB -/I true ->> -/BBox [ 96 752 110 775 ] -/Type /XObject -/Subtype /Form ->> -stream -x3P0¢tDb.K3sS#C#cT4.l - -endstream -endobj -29 0 obj -<< -/BM /Normal -/Type /ExtGState -/TK true -/UCR 30 0 R -/BG 31 0 R -/OPM 1 ->> -endobj -30 0 obj -<< -/Range [ -1 1 ] -/Filter /FlateDecode -/Domain [ 0 1 ] -/BitsPerSample 8 -/Size [ 256 ] -/Decode [ -1 1.00787 ] -/Length 12 -/FunctionType 0 ->> -stream -x1 -endstream -endobj -31 0 obj -<< -/Range [ 0 1 ] -/Filter /FlateDecode -/Domain [ 0 1 ] -/BitsPerSample 8 -/Size [ 256 ] -/Length 12 -/FunctionType 0 ->> -stream -xc` -endstream -endobj -32 0 obj -<< -/SMask 33 0 R -/ca 1 -/Type /ExtGState -/CA 1 -/AIS false ->> -endobj -33 0 obj -<< -/G 34 0 R -/Type /Mask -/S /Alpha ->> -endobj -34 0 obj -<< -/Filter /FlateDecode -/Resources << -/ExtGState << -/a0 << -/CA 0.50000 -/ca 0.50000 ->> ->> ->> -/Length 41 -/Group << -/Type /Group -/S /Transparency -/CS /DeviceRGB -/I true ->> -/BBox [ 67 752 84 775 ] -/Type /XObject -/Subtype /Form ->> -stream -x3P0¢tDb.3ssS#Cs#cT4.m - -endstream -endobj -35 0 obj -<< -/SMask 36 0 R -/ca 1 -/Type /ExtGState -/CA 1 -/AIS false ->> -endobj -36 0 obj -<< -/G 37 0 R -/Type /Mask -/S /Alpha ->> -endobj -37 0 obj -<< -/Filter /FlateDecode -/Resources << -/ExtGState << -/a0 << -/CA 0.50000 -/ca 0.50000 ->> ->> ->> -/Length 41 -/Group << -/Type /Group -/S /Transparency -/CS /DeviceRGB -/I true ->> -/BBox [ 78 746 96 765 ] -/Type /XObject -/Subtype /Form ->> -stream -x3P0¢tDb.s s3C CKT4.nx - -endstream -endobj -38 0 obj -<< -/BG 31 0 R -/Type /ExtGState -/UCR 30 0 R ->> -endobj -39 0 obj -<< -/SMask 40 0 R -/ca 1 -/Type /ExtGState -/CA 1 -/AIS false ->> -endobj -40 0 obj -<< -/G 41 0 R -/Type /Mask -/S /Alpha ->> -endobj -41 0 obj -<< -/Filter /FlateDecode -/Resources << -/ExtGState << -/a0 << -/CA 0.50000 -/ca 0.50000 ->> ->> ->> -/Length 43 -/Group << -/Type /Group -/S /Transparency -/CS /DeviceRGB -/I true ->> -/BBox [ 132 751 480 772 ] -/Type /XObject -/Subtype /Form ->> -stream -x3P0¢tDb.Cc#sSCc #CT4.T - -endstream -endobj -42 0 obj -<< -/SA true -/BG 31 0 R -/Type /ExtGState -/UCR 30 0 R ->> -endobj -43 0 obj -<< -/SA false -/BG 31 0 R -/Type /ExtGState -/UCR 30 0 R ->> -endobj -44 0 obj -<< -/Encoding /WinAnsiEncoding -/Type /Font -/Name /F2 -/BaseFont /Times-Roman -/Subtype /Type1 ->> -endobj -45 0 obj -<< -/FirstChar 35 -/Widths [ 600 0 0 0 0 0 0 0 0 0 600 600 600 600 600 600 0 0 600 0 0 0 0 600 0 0 0 0 0 0 0 0 600 0 0 0 0 0 0 0 0 600 0 0 0 0 0 600 600 0 0 600 0 0 0 0 0 0 0 0 0 0 600 0 600 600 600 0 600 600 600 0 0 600 600 600 600 600 0 600 600 600 ] -/Encoding /WinAnsiEncoding -/Type /Font -/BaseFont /QASDCI+NimbusMonL-Regu -/LastChar 116 -/FontDescriptor 46 0 R -/Subtype /Type1 ->> -endobj -46 0 obj -<< -/FontBBox [ 0 -186 593 668 ] -/FontName /QASDCI+NimbusMonL-Regu -/MissingWidth 600 -/Descent -186 -/XHeight 431 -/Flags 33 -/FontFile3 47 0 R -/Type /FontDescriptor -/StemV 88 -/Ascent 668 -/ItalicAngle 0 -/CapHeight 576 -/CharSet (\057C\057L\057R\057S\057V\057a\057c\057colon\057d\057e\057five\057g\057h\057hyphen\057i\057l\057m\057n\057numbersign\057o\057one\057p\057period\057r\057s\057slash\057t\057two\057zero) -/MaxWidth 600 -/AvgWidth 600 ->> -endobj -47 0 obj -<< -/Length 2861 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -x}VkTDwfZQˢ"hڨ6!y y%BH$"*(z}ZVׅ{t Gʏsf#@|@0HF% 1Z͢KT)&~o$ [9o[nW7<@^nȮ%!!juz:%H?}t*1z{BE t Z]Jc T1UE%j5wq' dԘhViTz5%$jTTVO{TVVcf(eЩhhHRqNO  T^1QKњ$IɻZ< b!IO1UahxLiJmϦ̨5ʨ0~U6ԊL^LZ>ҫRzZepˣɏZө3ݶZW}iANS+MEIJUJzzY 2r,FbQH#sH$2B# IGd$Ȑd 2"2Cp#>`OOd~0DB_D C+wxF%E[1_&2`upv$4[ssl:=J@3zNʫd(C1vvkٸ~?,\@JҧI Ѡ#ؘqd@6 -Ag|W\ r{ |B&]1Sg9˞^.ПY -_=gl}u 䧫di"` v7TڥKEuX(_. -"sdDvq.TD:-7j$8&0c=8 8o(ă܃8 M> ]2[ Hzg 3ֳwo {S3 hV%/n%oqB<+Љ+* -*H.C=mg;^76rfVdUL6 bvj(Ţ -|Ŭo5Lz;d%ԄK93ƬFM˙=9biφZQlrQ*-ύ4 \]A%")ɬ8?{-U\#!+d+,1U=5#gݼ&a]RnysS uBJr-Y f@Kރ$"-\=q!=nl\BYKO[Nt>x ɀaL`:D٩CyA\/C?Th-RNc~5+HQMzj<%v2?ɵ] vEH<*ˋ]G}xy?O9kbVnz)/oL!F`vd)9i8n7+Sds{]nX7oX198'uWsyp]*)VrXMs: zq{"~sv-b{4^_scy|4 [ۮ}A=yr:Rs'|$ % -Àc9-S!87$({Q |)mܴe\4sHx9$s]7c'֐rﲋ ˚ ?$vtvG)=}'h#U53Rl;ї8[I݀歧fw(x7ս+03*u^:X{ޚܵj ^.Y|[*Se+u2z]AzzT@|Sjt#',}0k,{i{1cR?Ƌ/ _V^J^Wo7˾?ݓ6zJbGvVỌc: -%,0X|Nel2ϻw=oGaC6Ƭڵg)*>"9^'*C߉=?e5~^|'(v?* k;wp߮69UIr7E^/x[u Xu".qM'JiOq,VɌ-8$} *`ǁXL&'7ivPSiJ2MIiEqi^`+"c%o_$d-ڸIZǁ}[iu9aC@gk !@8_C&A".6_{ >\Z<n͠ɦu ai Dg(pl5i2$P @ d&J8aƍ0[IE `a*`v./'y&$3` #LtŎ ko{d"Ð)5(+.%UYTBv2bvxČ9"%=#E0̀0%y ('knٱm[IY%Qs1a# <O[7fs~^}䚓'?@{H6$ayVؓmZb#-dٜI8BGq=ϵ?SwP3(lN/lfGUYE]  ",(;`V5p'pt-MDm P 5WN}gi{a-wS\rG3!Ƿu -endstream -endobj -48 0 obj -<< -/FirstChar 37 -/Widths [ 1000 0 0 333 333 0 0 0 333 250 0 500 500 500 500 500 500 500 500 500 500 333 0 0 0 0 0 0 722 667 722 722 667 611 0 0 389 0 0 667 944 722 778 611 0 722 556 667 0 722 1000 0 0 0 0 0 0 0 0 0 500 556 444 556 444 333 500 556 278 333 556 278 833 556 500 556 0 444 389 333 556 500 722 500 500 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 333 0 0 556 ] -/Encoding 49 0 R -/Type /Font -/BaseFont /UYPBEB+NimbusRomNo9L-Medi -/LastChar 147 -/ToUnicode 50 0 R -/FontDescriptor 51 0 R -/Subtype /Type1 ->> -endobj -49 0 obj -<< -/Type /Encoding -/BaseEncoding /WinAnsiEncoding -/Differences [ 144 /quoteright 147 /fi ] ->> -endobj -50 0 obj -<< -/Length 242 -/Filter /FlateDecode ->> -stream -x]1n0 EwB7V ^%C -Lat+>PB3fE9;]8f)cЁ{$g@<#&vvȈ _/^t``p=#& |#VYBleeδ@ꕌZ)o1-"/kaF_v= -endstream -endobj -51 0 obj -<< -/FontBBox [ -57 -206 981 694 ] -/FontName /UYPBEB+NimbusRomNo9L-Medi -/MissingWidth 250 -/Descent -206 -/Flags 4 -/FontFile3 52 0 R -/Type /FontDescriptor -/StemV 147 -/Ascent 694 -/ItalicAngle 0 -/CharSet (\057A\057B\057C\057D\057E\057F\057I\057L\057M\057N\057O\057P\057R\057S\057T\057V\057W\057a\057b\057c\057colon\057d\057e\057eight\057f\057five\057fi\057four\057g\057h\057hyphen\057i\057j\057k\057l\057m\057n\057nine\057o\057one\057p\057parenleft\057parenright\057percent\057period\057quoteright\057r\057s\057seven\057six\057t\057three\057two\057u\057v\057w\057x\057y\057zero) -/CapHeight 694 ->> -endobj -52 0 obj -<< -/Length 6076 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -x}X XSWھso\*vFMmU֥KRqa ! I}_NHebZVuTǩvnv0`;yxsr='@⣈ hVxqxUM=黧Od$TrS0̔g6=S?(ǖ/` ;`C0E`&DAbsʡt/(CU3SSjxB<ٹ:*I0E٦TNw\_A(G(8ykQN dPՓi B3҃Y=d9RURVYYJ65:]uڽʦ"M9xIEUd]HV\Rҵӹ<rX -+ $/G_%6u#~fHO1o`%Jܡ`5LAc_t}LalIT iH3o /x=8n '՜`%C^Ԡs9qjM {@ K#4 =y3![\X^Cw&`ӑ˜i1:Ѿ;c"Zn5gSo}@USlDk&-j)%P!):(|4o^>ǵ76:ψ2ڐC?|W[wˣ2=fJbo|x -8lO7pFQ*N"- -*5lQ:܅i|(M=).q'ܷxJ )K:X;'X7(PAd0ER2KG]ͪO dp^m'n|mWa( 6PqȰMd!C8D^xMJj~Tz` 5QjQdƚ~)E Q5 _Ƒ)BDRXqZ\# ne nڝz?n4Kpu)1\f`75Q^yқͭ'8AEGV_[ '@@R\Ԓs R?uG"ɗ:Iw^JncuU"'>zKj'Z{`GgS)YYfiVZQaJi(.ݺs־B뱭&"6.hsVVȆ*kY(\6 -.230ԙjsSA28!S}阧J>e?sy)p.U~CHJ]3Z[jax#5`]̺O:VvC~F8| 13%pfm[*&ϖfV9,#œVggmVΦWZ]fBS&FD! g8!ǙsFii/*mY/Mhx' ę6:å%U3&GU[SҦ&%-YfeSr%q5Lu/Bs5 3ЁH2=u<V;2ck>3UԫttQhf̩Y<ƹ}8Ȇn½ɡpfq5°HcXoǡHn:Cz-LlڶSR(vi5\EMZ#q/QG]9$M Wߡ(!?ᚗc SNAA9S[]j/u멤}q1izFyEaAQa1WXZXZ;8y`B,YwӀ&g= C#Räìگm+W^P,l0l6Kt=rbG^^4ɑq]SQ:Q7 EHAt 55TxctM H vu6?UI!.=#Jɬ N(~R4}7}}zZ=-m?*JEJ ctf 6?gn[o±U%Y @._IÄ)<%t'(D>(TW@8Xrg6M,7Wht -q9Ev`9sƮ#U̬46=%ǒƨ.W%߾o냵l|tf+̞`r\zǺ~bAZY$_`5\غHQlpzph6\τIj`%Zv+ua; -:ݝCsmeZ{|$M}g^1M+fl-ns2/&NxŋQ?{7,TWƌ?Q&_dn ! qMZ`d֤q(z.ջjZ]^G[콃 PWjs;6e6V[xP(PRl;-m-[J%}2g{JDL\/^,|`IA@q _fFǒᤢK͵=?Р@g@+'wftx`5kh232xNrcKѬ ϗGv=ܵ_Cq̛>:-gݩԨ(鲖WإU\~)xx C?:\>s}18mW; -n1$89Qָ ғ{)L8R JZVK*cZgLN{1g[N=p֍nC8hwNqYVDX^qSZnT~N - CSDG<}K@Q "C@}Nʫ/9s2MLzZ¢h߈vd)I' -(˶3@RMί#ӕ3ʮ&'e.N>h#Wʽanѓ]Hґɉ_Ve,>: -y3ۖ5'H>B`NiU56΅3.?ff F/˵5#e^bX%.tf̒߮vYU' R$QEWYUdo F~ZZl(qx;Y ֓欹RMuck>FāCQlDDBNJ^nn}W:aj5&sݿ::R_NS?0o/.;FG/咩"ɍ6CFy.]ɞJZXH7үGD/?z\uÉq49<ssi~ol]kB!z5$ -{I8}>$~ҟ< _ge z=Мݳנ>ζIt.F?0{xOWJVĦA(pZa)E]9/"4q/?Ǔ/yjßcea¼c"Nךh9!>KHszזJ;q_H'tW Nb{\5)68 -O @s k#x{SN֤ȃ_l{ !eYGt]e= KΗW; ?>|=hu@Ap gz-e>QgjĊM(j4"m&d?]xK@dh2o4M 4ֶ!hju:ߔ'4Hw.2U;8r&F/쟛`5vد/ 7&AGz܄:!;rd9֨ - 7hp~HiLx_F{t;Or2;;'3SůH*Nr^k(I[۩hg~ٶD9 GNrsdK.VUYo5ۢj1Fl/⊇:w4yn1-4=FJCGUne -Uifytz}!\FTj"D. Ne6WJ9kN^N}`kh}mp6+u%؀jA =}{` -` һHC]tDv.FĦbuqetH -S%c2Ȧ3FU%eUeSr[Uԧ -endstream -endobj -53 0 obj -<< -/Encoding /WinAnsiEncoding -/Type /Font -/Name /F1 -/BaseFont /Helvetica -/Subtype /Type1 ->> -endobj -54 0 obj -<< -/FirstChar 35 -/Widths [ 500 0 833 778 0 333 333 0 564 250 333 250 278 500 500 500 500 500 500 500 500 500 500 278 278 0 0 0 0 921 722 667 667 722 611 556 722 722 333 389 722 611 889 722 722 556 722 667 556 611 722 722 944 722 722 611 333 0 333 0 0 0 444 500 444 500 444 333 500 500 278 278 500 278 778 500 500 500 500 333 389 278 500 500 722 500 500 444 0 0 0 0 0 0 0 0 0 0 500 0 0 0 0 0 0 0 444 444 0 333 0 0 556 556 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 333 0 0 0 0 0 0 0 0 0 0 0 333 ] -/Encoding 55 0 R -/Type /Font -/BaseFont /SHTZZA+NimbusRomNo9L-Regu -/LastChar 180 -/ToUnicode 56 0 R -/FontDescriptor 57 0 R -/Subtype /Type1 ->> -endobj -55 0 obj -<< -/Type /Encoding -/BaseEncoding /WinAnsiEncoding -/Differences [ 133 /endash 141 /quotedblleft /quotedblright 144 /quoteright 147 /fi /fl 168 /dieresis ] ->> -endobj -56 0 obj -<< -/Length 244 -/Filter /FlateDecode ->> -stream -x]1n0 EwB7ı Z%C$4Dg$:|O"E7Ӧ/\k$蒲j;==Ib/?4 -hyRt+>RB8EywYgis"c= 3Ipd `1Dl?;1ZgψL/:# FX?X" HY VlROmJ,/k. _~&x -endstream -endobj -57 0 obj -<< -/FontBBox [ -70 -218 932 688 ] -/FontName /SHTZZA+NimbusRomNo9L-Regu -/MissingWidth 250 -/Descent -218 -/Flags 4 -/FontFile3 58 0 R -/Type /FontDescriptor -/StemV 139 -/Ascent 688 -/ItalicAngle 0 -/CharSet (\057A\057B\057C\057D\057E\057F\057G\057H\057I\057J\057K\057L\057M\057N\057O\057P\057Q\057R\057S\057T\057U\057V\057W\057X\057Y\057Z\057a\057acute\057ampersand\057at\057b\057bracketleft\057bracketright\057c\057colon\057comma\057d\057dieresis\057e\057eight\057endash\057f\057fi\057five\057fl\057four\057g\057h\057hyphen\057i\057j\057k\057l\057m\057n\057nine\057numbersign\057o\057one\057p\057parenleft\057parenright\057percent\057period\057plus\057q\057quotedblleft\057quotedblright\057quoteright\057r\057s\057semicolon\057seven\057six\057slash\057t\057three\057two\057u\057v\057w\057x\057y\057z\057zero) -/CapHeight 688 ->> -endobj -58 0 obj -<< -/Length 8584 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -xxgX׶X3rSd0̐CmܱMcQH$$!Wф{w;v`9i{;9'?ў{w]LX,ޡWQ!rWAHwiEϷ~‘5*k 'ޠFK_GY6a-pze;EbyLXHnqݟ+vIXHB8P$DIWع vP]pP`ϾC{9aG% 99 $E1vWvAa0Qdv]D, -c>Ȃb2; &2L"a ؅FI'" a (8FĬG2+V"T&1':;~e44Pj9W,ۉ7Ob-{M% -dR9v'$ba9J6eB$,*ӗBcN}-Q?uX,O}+zI%a -K1xl!)u[G7v_N򠃊C\B]#<^u+VZflwxÍ ,~eEMrq@Ed#qE"n"Yx # Yx#;eY" -مDv#=jd/هE#z 9l@!אב7kEțH<2Al|ETp0d2yلF"9Hx2D &+hڴiZibOGC(vcJ,Nmƌg|6S6kڬYWnÚ:67㯝z}FIOyr޷sν_᏾)xyy筟wx`Y6GmJO6?-2MI[bf'{{❹v\e}fք4W[z7lQxb2\a+&/X[o 60}K٥b} -Q${f2PMA1`p`#eOƁU9?8h,RR0sըH%5byNcCKۈZ> - -0' #曟X:9"v +Ӹ'Ny21qib &s)R\G KC$ոXؖM6fM ^Rc۩ii*'/ƺav60%.OІeiDJFMgt 6`!㱹z-\2ɺg]25`/?oIc#(SK5IglZmNes.oYED^{ ż4g[h%-[]r Zm?f~ ]_,q aP,o9|d+@+m;v6\?fw#_ᦍHT,FiGwq[hHT3TvJ -V S }I;[SIP0Uƥ/ǿ|~:[Ayeؓ8ORRFB)Gzp !]A ȕ*ںѺ9H)$Yto,{cO Rs+{F@S&l/ISkIYlxTDS܍8y-{x @Q7/yR9&b70_BfT >5 T PJєiJPpA -H@]\]Aա]d#˖au.KR)w0F;.+aopJOܲR(!OJʁDR؞\"bցцTm */ZcEc[9XjglYƀ/[(- |nlc\ ,[ w]ƒuh3a[Tewq`O+RVmu^aVW[ ->-G40A32)IiNxy&WnApvG|DDÄjWTI h>/9eju iģcJwR+ޖakj,,ejrt 44cL*X!Na@_ #WnFd!=T\\wS&v,*Uq6!W/G CV]pvL#7::z)]*5M3VkHy@!CB -Ց)I_BLKIӳ3r3Hإ3mʆkx~F - .돗K+ ݒGz[dأNK7h7[b¶ wpp\^vj\2;`8o>-姢a -|`6v5TDLRiX018< Uة2?Mu74l{甗1j,9]fԅib0%am TuM(g^a ؼ൭/r '=}+1]qGl5 -@`dLsW~jHda JfcItRE8y'e(fof/ -[*,ɛ$ -Fg+{EFe(4M9 9*g6q+act"$h: -[3YDW8WaqI`v|:Dh{Ok=rّ#NӘ,Dh C"O`L,;c2;,͘1BKlOp (K>KMx|g1Qb{DE/~Ǣǚ.FQ+pMmitFWy>GaqɻK'c -qV0͝d3a @?' gjys.'A0_n;m\JLGtR|[YzwJ9G垄ʖPk8gftx}Irg<1F/LZ5F!ZʴQdty1Ut>)C27r">;4;-tGM|+ X F-: Bp 3+2k˭Wnnq9q9+P^SW!Y57*q@\=gūs$SZ3W{YG Vt8mق+sTl!X,Ώ&Vl߹ʩAp3 -]*'302 ^cC hśRkT$L)mF!.[O@Z/5v +"R[TYܿ01!qn:+{9ove|W x'5䤻ͦ[`10Y~91 ;s~K!_ ȟ<%u'*ZC(ϓ?wM? }'U quob|o!FBvQۣU^ݕx -o-܇΁$%$%؊F^nV>1P|v\F̥@[zKfhb/ȍ/jAGҶNk$>n" Pސ {\yՎ,UTu>؅z=G?77Ǝ- ѡ&Y3y[l%V)5dSS۩ԂֈO.fNq|T*UKj5QS X3 wόuc>i4 -B+TPX"* -n`3yWpxSΏ{}wq:>mjd.-3%i)&f#ewor// hszg,p~P,l(.wԡM0}b_[x\g@,gef +~1XGMa^;-3ڈgre8p€ѻ^AdD2BXjCogmb+6nNqH.[OwyrRMFR-u5u7uvq6TTŅ~I}Id_G鄓Q-d|4=}>2R=lL7v1 "#E=3݁Efk0x#7$.(h҅}ÍG`K·)(H߱. -?o++(,%G=)ìo@ޗV6Fh]d;9̭8a}Nr?` K8Q `)ѝL O;qhZ`F*j) f}$:E[D7(xw]C#0@cv?yyd}w~So+Iq<`< -s$yՆݿ{c'IޣG5c!𱡾kv -th鍬毭.tyӭί`YkBr~}gpˢ9ǧ%iH(XBl{f],\UO+JχM~gfP_e(ڢ-SBLw0 8r@á=!̺B! \pٓI@6bt߹ -  L`eX%n/dņ?M?ߙ)͠6WAt=j&ݐmg76;UA=1~KгG[C\cPAQ"$l]gކ"|?z{)ARYBڟUGD,u:s=,4LLo"5({ >W!bJ:ͷFIٹ"?'3*S6%3eb!¶t]e(204V*3].fVo=!qhj6?&8v;t[u-CG~mt={ -#Xۇ7nr$OHqbfJYerşTr~ئ\:ZK״C_c$ϴ{2D;/q?2+==VjdtE!+ef LqXiGƽ;C5RS.%3SGfdeeɺ¶s]29x:4S "9BY,, cDl&?H>< iUjs1Ϋ]snTs}0y ~KjOBqjl]"EN!;]8\l9fb 8`zN/o|?tz/@.C3;|q52Q=ބ9-6 @ލjXeI(q,4!,n݁9 lj'y -N?>cʟ`.<p%`\ >5 ~Oʹ1(8p> EŊ`iۙsTck6/V #֣ :`h%!BP.bXMȹir@b E@\^mZ3qho-b#斧.;Oc{RQIS\Ug%yrټ#)QA\=We=CDIVKMmQeiܲ%7< mFvzx>ch6ɫ ޼cS-jǁ8Vmx=Q%mFT.Pk ?| ^y35IK&TID67_I񎔈 -$ yL{"m-/ބg_FKŕ$O(2j}^N~>S?͉i4ZTXS QͿƍ7ӞfnFg>Eez[sa~0{c}AiA9eX -endstream -endobj -59 0 obj -<< -/FirstChar 70 -/Widths [ 719 0 844 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 500 0 500 0 0 0 0 0 0 0 0 0 0 0 0 777 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 777 ] -/Encoding 60 0 R -/Type /Font -/BaseFont /XZGACT+CMSY10 -/LastChar 215 -/ToUnicode 61 0 R -/FontDescriptor 62 0 R -/Subtype /Type1 ->> -endobj -60 0 obj -<< -/Type /Encoding -/BaseEncoding /WinAnsiEncoding -/Differences [ 138 /minus 215 /multiply ] ->> -endobj -61 0 obj -<< -/Length 183 -/Filter /FlateDecode ->> -stream -x]= {N B4)24I d(ۻl f>؟U?\2)'dn7 $ |yVq:oD*DXvzC#=k4$'`V2YFU6'I$> -endobj -63 0 obj -<< -/Length 1083 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -x%mLZgβ޻KlƬQt6M\UE\" ʋZ.p.V&i*5E,>a풡9(R^(*rA+hE;?8*@%T/sv< /?2QbDQz OH$:F!׋[FR'7^B4ZZΨƾ&N3 r\lwʁaeɠ7ߖ}ȺefH AjZD!4RGSeɅb-Z vHRijYW/ㄾmr,& ɛ7!K\Z6 zmfB} "Z?PrJoXzi)Kmf~m|f%oJy'q16sg?JJRgz0?d s0)+'8T@c[U,L_۹7 ZywE@0 KsmalM T|ӥ&M~J'FgpW72xeC{[ ۳%!~ESgpT}Xlzu^'Ø}63 a1&2H! o ^`,q~j&u(j{_ֽ `3SLwC4BB0wF~!9hH^b0q{rûK * -@$u2x ꭐ4{}Mv=6K1CW:UԤyz"E3}=:&y0@B`dw{96y7C)Ilg(bAzλlǂ=AWԚՒy'hTu]ƅRhͣS$+4ǷZɔSP:*XS40#d"aNnw.)(㺸RTд#eD%Wp -xD":gA7N1,*lXͰxx Pt iR88s.爸 0LΦ> -endobj -65 0 obj -<< -/Type /Encoding -/BaseEncoding /WinAnsiEncoding -/Differences [ 88 /X 132 /emdash 147 /fi ] ->> -endobj -66 0 obj -<< -/Length 247 -/Filter /FlateDecode ->> -stream -x];n0D{7o lE Y*L\)FGrQ{<Ҳ6 -{$]ԨNoO⯿ܴPl~#薭bӅ-1Rwi7ML@$FۊѰH׃2z[L@xGXc+b:8!jfTfxgNm0Nx +:x6uܫ(Pڸ^$y%}{ -endstream -endobj -67 0 obj -<< -/FontBBox [ -147 -207 906 683 ] -/FontName /LEGTWG+NimbusRomNo9L-ReguItal -/MissingWidth 250 -/Descent -207 -/Flags 4 -/FontFile3 68 0 R -/Type /FontDescriptor -/StemV 135 -/Ascent 683 -/ItalicAngle 0 -/CharSet (\057A\057B\057C\057D\057E\057F\057G\057H\057I\057J\057L\057M\057N\057O\057P\057R\057S\057T\057U\057V\057W\057X\057a\057ampersand\057b\057bracketleft\057bracketright\057c\057colon\057comma\057d\057e\057eight\057emdash\057f\057fi\057five\057four\057g\057h\057hyphen\057i\057j\057k\057l\057m\057n\057nine\057o\057one\057p\057percent\057period\057question\057r\057s\057seven\057six\057t\057three\057two\057u\057v\057w\057x\057y\057z\057zero) -/CapHeight 683 ->> -endobj -68 0 obj -<< -/Length 8059 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -xmxwxL*6!z2Ki)P:B ltq#Gwx&q$dF J(e;ߏGɽ+Ý>G֑t]!8`Lڐ&'m_nf"/KZʏ,MpR|A~<US/#ft J<2.'?5)qӧX/r%s,X&J28'K?>(ygR^F$?>GΗfDg $BQ>GЏJK$1aي'(NDH4Z^$O/>#G,}G E9_A*d{"^V(?~n$+/?N -?_H<~H"A-,_*\\BRJp,(m<}"cocfBVvb}[r[99Ʒμw/XڔwflGWȫH2لLA6##[HlC#ۑ%d)2ى,Cf!ld&BV#s5Zd2Yl@# $!ELD&!H!8DXH<C# t!QHa<r_2ԮBSQLeK:~mzz)|g={ <~(zj% y~}~U/\Ys/M扟O|8=)usbb['῿tO $$2;9)>xK fPnO}}&u. Y86Cn)W'F!3 'Cox&B 쬱8i ph x i57|>oII)r+ZW]%-lXn#|{2q $mmeu00d7#&s;tC=xЯkL |2.@9_[uRy+D$6۶ Ila"b9<ӣ֑zYŶkU-l- Oˆ!JYsА,"67Muq+.s/ X a19 0:Ul8Z98gs> u -OyODqr2ԬZF=t/ -ܡs48Άs9m#ɋ}id)lL\5L(FcS}mhpN~z͸x -d* : 7hB|o'90 "8 3}~oIE%:wΦ8Z{ pG;_ǎk< "ed. -|R[STn=YpOS -gWa,!|]<(QkRl%H v+Uw7HucS,̽Nh\$dyTal4#60_iSGbSgv jiL|| sv -nzSٮ&]SkPԌz3[G7•hyexy&9|c]5;sVoݧIޠ묭n|19/3 K1n9E}>ʩėJY[2Dm`{r$讓Pt Ӹ**V(tNSꕒ)4f-p7l]>~>೚c4 -U\pŅ`e\x5cRSt1!]j5h4lًC`p p#m_X x Ec8F}}u8Kk-5vؾ~G-2MZ^bsX̥Ŧ[8}!ۀIkG:[~8G躝Jכ|zK=fdPfF%Jic =t{|2OmM5g"!6)YK{ѧb^%.+ -zkVMZch -z}-X VyF⢵'Rpmv*5TJh{JJj>#at136*,asظs{.ї]tJ:YDc\1i7Iͭ7bHCdWP2c˪.v$H,B\QqU?_&t4XCDӂ8+@m>퍼q?/SҜZuWR)fWe+*MXmwʯDPӅ9OR*=j%и :ljl15MqJzl[ ܼE3G0M(J)WvԼP?h3%7,yy/.r͍p: ~J7.w -?CNՋ:Iv%-sknCHETKID. $JMf`&^y&բ&eml -S1UTULfS#tVvcԦ0΂k[{_= @޷t*4-5 8V'Ys<[zdgӃ4מߝbPS@נ7vD*}H|v-E{$>}2X`m"$Neů a!.6TJNXFd27J=:ҫ֖"JVVW?";jNbt1دIOl[5&)a3ڌv _v)0,K;V-ߖ-#A0ݡ22Al޷u$/30ϴ~ 5[:~tZV`JR%'i- ҅7K}ZBukqB!Q{ 21MԘ'Q*6&j^}1<2!lj3X-LRb,VMb[)g, -<%CO9xoN}BWAl3[Qm31q6tdoFZy)'p[gh6>AѿE~3BPZ6h%2 ŪVnyyU%fNCd4:UxZAINC>JӎU9'xݱv0l _ĀO?vdscl *S-$C-С`!9,+V:,59MVL5)E>"y()caYh4-"R/c["*IZ #8M7Vmi`}lZ 1THyn ep"e).xxn$' 7 >Lp*,WGs}_ ūDKkOM-(Fns@ilx|쵱aeA;J栥V]{'_4h ,HQy ( {j  ZuyU==LXh.F?L3OA_Bok'9p;n `67nF)elˆ6wRdZ[%}wN)`4|MLPXNob~Ц I.ڲ>c9Ox}S^ǣZn(c/Q+DuQos}[Rq/uI`B\%<(`0=(DhsVj&-zH'e ,"/C'o:{6QBcƟB^>3D-Z7*ee l//U$zZ?G'Kt0MZO&yynldOrg -%$aZxP U>wwOY-Wƣޜfn) 21ijk=؊{1>nסDryA(Ng*~w?~q'd  :v,YCfz`I?xowOU - tp`*s{jĻ5E9d/yҖG>@>މx[U ?hk"s{:øjb9"B4(bZ ZlB|{fʾ;|l hڢ$tT`U]OC2}χɥY{ZwaqR2Ln{3{4ZLcO'=]~kgtwbeq -.xSvہuxafD :-[PET-+ zkR/,iuN)Y3qJ 02`Ud.Un2eXfHvQH -eܚ֦VIU.j3&=/̧ln?؅JzhK}s/uWx#)(8UEE*=3P}yӒs^B́beaaQ["U4>#xv0PNp^ U^KrXnA ^M~k`!+ &gi>Z 3oG"0? ;5H%ufo& S+Qizi֙*YpW_.DY}e6(պ"(e_" ڈiwW!hRNZcU5Li -V5*qth? `ݨ4P4/TpSv< sڃusdFؙkn$9X68 xVfMe*Nj -UZɛYCJXuH{>u~<+p:&#fx5cCZrNkirrTLK˫T6 qp{QZ=D$+̓rc>48T:5^ tӮVf_iyXm "9*Yկк*fDNۉy2o-fF (X;FGPIavT;-DF1- 0Y.::n/rD|A)6ZwQ\Z̀EPc@}|x6C&cୄ|ɶ=A,.H|\Kً'}05=y]`<t̝eu~WtHƂW -:ne+%X#G鉴iIkĉ;f{UN@bL,-2 -va,ܿ?4Ax]rjΠ9 Hq: n&itE/n)Zc셞gk'-/Ԥ8ia&*` X4K=w?\+#]]̤¬d*HQbTHןvnYeDdO~:^$)#kJo,^h8`*vnLgPU x2a/FgvCֱ//5"thCCWwd {TGG6O@tZǢ~B֍Ǵ]f, |Ip3}G^þ\kK6Tqq cV, }yAyFΡo?wrr AV|3pS6͡>1늦jsg]˷xRR"ҰaPxzq܌Wp^ l2IKCl"GtWt.r5nQHGG=۳sYy MepƆ~zt *fDч?֎FzEs/rmF>sBu*:@6}6- jp 4r4'F?XܗW}9֡H[إ\n_GVvm'RAO5 mjQOrә;w$sEr )|NX2xѦdPa,` YҒ6fH~䴜DP\ԩVb]Y~s.Dîoi6nka玘[?Y_l9iT3x-bYˍR,G)X!{gg[kUWGM~DM3Wσei09t,{WxO6u3p &k$T 7H͗Uoz=Cnv1s!kv|ɖ럝f7a"}:/ *-9:RbzL ` ZyH`np ꫂac LLJ5W*mrNW+1$s)j:3"ڄ8l-ng6Uk&y-dtJXUx u-l"u,m1wC.S~Q>T&Tx5 -"X-eAE>-J1SQMb%_%Qm*5GDD-3A]͞a(63u_Z I8?_UV}!.1 -I0|t .@rR tf7>Gt5P [O,L- =af3w/Qnq<G -endstream -endobj -69 0 obj -<< -/FirstChar 32 -/Widths [ 250 0 0 0 0 833 0 0 333 333 0 0 0 333 250 0 500 500 500 500 500 500 500 0 500 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 722 0 0 0 667 0 0 0 0 0 0 0 0 0 0 0 0 0 0 444 500 0 500 444 0 500 0 278 0 0 278 778 500 500 500 0 333 389 278 500 0 0 500 500 ] -/Type /Font -/BaseFont /QGQYBR+TimesNewRomanPSMT -/LastChar 121 -/ToUnicode 70 0 R -/FontDescriptor 71 0 R -/Subtype /TrueType ->> -endobj -70 0 obj -<< -/Length 258 -/Filter /FlateDecode ->> -stream -x]=n0 wB7KE 8h,(N:t ~OӦ/rt[5>%ev:=HzE5Ƿ|в|泵> -endobj -72 0 obj -<< -/Length 20468 -/Filter /FlateDecode -/Length1 36096 ->> -stream -xļ |[ŵ8<3j$kdj,ْ1ud g_KHHYC .e-4 a 4(./P(-/6奔Bl}gFr{-3gg2:#hqmV.K[ԛAuxsB.]qݿ=-JVݴ侏Ch:@  -m;ȌV/DSx yQ7lZ93MFGѯq3@h}Qj=x$qO$]AMl%S %sJG@ =qXY<UckFf=Cq .!vbղe~0:q'?+霴5t^^Q:v p)z Fq|.f-=/t0I*4WIw Q;k͊s`mCh* gAۻ`0<,MXYLW -?"/#R[J"] -P>GJ؁a>^Cob+"{PK24y|/(?3o;l,߰ :0Ar3p"*:n6ϽUP,RP.~ 00rTi ~݂v{_C+Mk!va/y~p^xK<ԒzDV;๟&O97 ;}#ӊRx+v)R(+޾0:V898_0O"T #|xp?<'CoX+] xZÚg"g{cOk1A $a'Ii=F =~v)r'q.q>Gܫܻܿx8_WQx=WP.V  O JAٮ\ܢ|WVAZ}] uF1 ׫؎ d6b9>Ix'[~k"_q=x.y8[Fi|'x6 /ůx+SoP5يGkmmQbXIbAéNJ?'.+A`ݟQ=܅ w=菜>q -Z@|4P/~E!F?=[v+E -)΋4sdp/fo]'~W9C ϏD%}.ǹ%Py U#<NTNޅa%=oI0^X cF| B_HfWtd7d r_6lG] :ߡ\T㛏c0j $sxl|: -c缝j*Q-DzػӷwנhViCmWt(_2M|»@nOGygx~㟢x6}w -Z Z,m:7Ư$M\/hUA+kA+ {Pb?.~9Ix#Ȇ〽F!yr+j&W''UUV$Eha  ->sr-b6F^ըUJAsX[JS|?}zbeoӤnF&}RRP)(ՠR0U4;([<`=^/T+SMWlni5e:(e)X} 74:l\4~UGc,pOMճnRB}JɺV٠]ҡλE;[_蚎aB )泎KYh\߱RѱJٝ;K}Wu\^qg'"Mݰͳ$ّw@SfvӽZJS+wݙBWogPnsvߛu;5堝Wo:%KbDSfYY@XvABW_\WLG쐒H0?iMB;L2ubZ -*)V^SvG?6fQ# -R.hP>Ta!ee=(q -W6W C:^/]2Z UvH7-(Ρ%%w sXSFfi\Y¶eYwH;k<[LeYg -`S|VjX&p`)K}"85[m -+U ==wjh-\S:o5˕j&Wk4u!5k~qˤfw L껧v -@Yq 3Hht!b2Bg_2é&p-&8#38J;XE(;ވ_,2̷~} ? m R@W :ea%x/WgؚypcVɸ (1m⇳0da 4 s0poޗa<4z,R[J Hh6x" m?z&)rxW1b(`-Wn_ֱ2HFl(a%EzZ,hhY?x-3gDIBrs}MˤޞEW\_,խ]+]j뤫[ֿq↖WFgnٺ+puuo:g 0CIցe-_#,ߏ}i++v)GvlV(-os-ۛiY燹BOm;^c<#T 4EzRyh1K -"iPe9=xb% M*'eÅEi #cYť>D)oB{_ކqoRjoMOyI?-9z`*Eu{@.@| { -mA<2BF1s?7Ba7Y14w7w?xn]\H|HmJ;=UpF8'($!!B- - OP -Jҭh9Q+iZYۮUxx_b!!B/] a!BXk F! -tFk,CЛ-.Lԡh 0k=9 -A 9=irF(B,Ah15O%V~Lɴ. / -Dp*E`5u"ټп0`~)ϷۂmmZmv?ǃ~=-/liU&JY 3X7,x/!pqB-<9<g4x:9HW@$AH8Ts ?@>z{ ~cCCMPP,`;}C -)ԙ - v -:lӡ嵐NTnZ a\?/$LGv֝g& 7APld#KUC[H5/҉`Ͽ ?C<8NkNly~Z`ĆUPJlࣞC)%`ly?+R5EG=!?%f<;cS<-5J|0#kadƆC>_U<ʈVd -@V;Mk+@)C16ƌ:sSC ĂPUXK`f8( NƗh -24YeS-]B% tvm\H ,CK u/^~_֐Zo-Z/ŋ Вɋ:?[}WmzדMq3-~Lj}=)?jz*nn8BS;ɤVj{1uGΔ?5@hNZd7"͓lh*8U [n= 6D!^pzg5=YM1%w7tbY|Sfwޚ5 :m~,vZpM1fo>np^Hͮ߰tBh}G-BY xt߅qEU (:pt0gY3i㕙Pm7F' B3!(R5!õк(#ȬѺz^.E4P(6#n v?Z@i )dFJzɏVUW&?>!G1r+PN#Hk#*~Y3Vsxu,^$5yMAG$n䂬@ ̑W7%5п <Te?L#O >{&q\8;.OSq sa94 hkL=C1a.CRDBt`04@k pVl k ݏϛz[K 7~ï66yשOQ -ܦ -1Fzg7>{ЫHɂruZX{D}nfV_4 -"`r]qq]ݫ,. C HDtbhJCxHDF٬E!9DPwh_L(ڰmh7,b)7WUm Dz**Mp!?2]Z-םlLU/Nꆊdϧ꺽|??=pG%W v\V̆sdGc㌃GA6;1Y*pxHE*_!#^lA #QPtC'?|l6"af43F ōִg)ր8æ$h.K̔c٭ފ).9 I^f |1oU:I}ECI#cQ(g(Q -Z`XZoZo~L}#Ti_Vpxeuڜ[]I`GǺjj  ;j:gMf{ ("fHluNCvQ?9oBU_ L'/([ZYYXx ^=/ -:ytOk -^v^S.VS䆾㯿;b$Pj򹰟8Ҥ jz%XK֩5MfG""ryw;gQr\\lxD??> f""&gN0W~S6l{xyE}E 5wY{@NNnh +"E?P >L(kr|a<XeT|zqvYh@DGkGFxFUC#/~o"h4 \|boȫ /uX=<*mĚ.~hRd쓍m ZbbzҝU>t:{_v,{s=Nѕnc7ny!S)jힵm͓ -5޶bۓTKpZjF.lFN6B*AbN0N-RxS!_ď{e j Nǿ..lU7);p-;^F ꌑ3 -+P_ ۡ8@~"R{6hX)ib33 -Fh`c7y+p$;~lثd[/M[HbMryl_MMؖw7OTxpsy5MdgN}3~#ch2[6*GO8.IH/ys]nN{X IE5@^/#'ӎ(Q>>c'~8 :&}^쥍jIDtNglv0> B`ЧAS)]UUr!YߏIt+* q9]*z]`q)Jr (v,1Xnjݦ=puá={ g5@jV;*zmEJb{qӁ -pzí[fvFU (8)pBV8&p(dSa\2,=\T(p_BЙYw(B"Y2hgQZK&ʅֱY -谪]Z -.%sTABk( -nt&~aVd`SNuj́2 =xSO ~g+kяƯ֌mT6cގ)Vm?%gR5q1<}caO_KpVw*Û`y -=e}@@hg3Oz15o6%`AOraޞ n|30UfԌg, הF*":&%1l7[1Pjռ;gaA͏ڞ =~l?LggŸFzu%RE -rPQR9Fܾo YsוviѺ[m WԴG7ϛ\p?+?wy7DnM90)Lhy4QZ|>qi>8Kx\^l„̾?@q1qj 7ey$ Q9q8}Dpؾ 8'BB`N;!Km&|xć}:Q$s|"N5Yl;aAniM~I” XT׌nJLϒXI]._!NsY܆fڼ(~_cj'Ӈ͵kO#$%ǜIrP}hNmfI Iht&hN`;w.΋qJɏM ,v` -QDž{+8~?17` \jKl7YrAz -r|Å'rƘ~Qb%pN*'D -86u4;B_+f*"xy[= -NCn7uuFߍxp| B襢t*H؏H ,zߊEz3K\-.N,k -UV` <.o^Lb@Gp!80_INn%7T3r=.ߑyynb4@K^꼣&rc[6>/+\[y,W  bQTlVƩVRuOŢ؉&ubW?DQv;>sd1f,Koɮxt \qtA/9 ,bq$|̕$ e$b_  cS?M}])prpP0Q18{`7D^/C?1\3SJ 0.۔WI|j{ln῾j{gυ+,nz L08<빵}fMwv[P;cFzD -n!L!V_+=AVKbHWFl&sl[yJі%,US~P X\'QGc m`Xp|eMGq7'ABAT|FO8d90=){${g1Ϫfɓ}Z}LÙhkٝhvWgUݢhF_K\#O1(%䛁533*g\1OB{vZlm6]XKUe8RT"v!ҥGmRG[]!uD[I,٨u5*"dcqGtƉ{WT65&^[6=WWR/r@{4 -!*"Y˔"rl"0. )Xʦ(㘨t$F دd%!Op@yTB.c%Zḏ`P8(o!4`P IZUݽyX#y-41.`94xbBK$)^a4lrA3;Ͱ_tz:S{~`;mZyꂩ~b'??+@}PRJ3M3W0TᾸr$~.J$ I3H rFjkJhBmHe k^Vk@5-Up,$nۀmH@r0B/ߖ5ZGjj^ÔEHȹ( -CҵOJ)(9(aҡZ]hfk[_gNF&I׸0*[+i6ng;3 ՠ$TU8Q%`&JP=kh+.&nA4HH԰n#u*>zc< -}B(~lXC=VÅ])4 u#„u2.QBoZR'%T+H*3 +3겜&drj $dJ%樳>.3:;-B]dW>x(X^ێV%n#^~ɍ9;~ʷLo#rxߙfN!V#*gT( Wڪ=UB m+vNqwmp<6WqYfȂ ,8+YĊJS.d*3]Y/KZ&9H'3Ȁ = 9Z{<|%0ETSZ^p_rlB/ʎx&}7S+3sp0Vɖަͨ*Gq0W"35q'nw8eK$ 5׊jH#(Wb1c돹Ț|K1{{\Ae[BGEN"Y Ƴ11Oev* -젧I p[AoH@) &lvAiAb`bv?؄T"ٰk{p DtT(meH--Ipi0DrҙWRhS/9r/8oD^9e7fԪχb]EɋgAo'f'x֊&삄1#x?8GA!F)&q0˾)t£<1Pγ;0ͥ%e%%Pj  Cs=9ߍ+Z%4J -Enp4<7;/ɨdgVTʤ^BMkUn4+r.s.EV]Rnj^sFŊ)G+D323ws^P+VB> PG V d.s=Ծۺ_8A7L:aZM{~EWǾZSray436,n,*^e=2λN -Am(rB9Z{uߒV:%Z}=o;[:mm6^_.,i-=qΣYˬb/DZNM5$$jjQb~~R A)T6ow_s >?Zۙ{SׁE[/a󲘶s9 eYU%̑})-tz_nZSj處BgvI?cTfl -) 2TtRu&-JdRr3ɷ#~oY'{tNeDȧSZ̚A5V'Lltz>I%.tvv: -ǐ D JF٧, I`jOY2GgNe_2YlVVV^%đɓ k&,/vQK j - '{ǤIw [3/z &9^+kV Ö1 Xbrt:kb6G(J7:ʼ2Qvx@%j-ot3 N'|>'œy|a ы1f섙Ga$]F0 H:v#A̧ }~)G6TNN.!v;n{}оHrG4l3 Ê:ܮݺ^ݠnN] -5cϙ.m>U>{kks Gn ~S7wR[N~t&XJ_e {LMNv;l75iILP}#'*ZR4A4AE1R5MctuQԵZ&#NZ&kIi[4(eգU얚"DZ.ki*7m=rBۨ26L ̴!%fڐ -pJ$[~xg؜TJfϑ)M|n3gn\aZ#*kbX< EF/ӌ+eusOQ$o"@кVPΞ3W(fbo(G.ZUru,W +*zF T|J:ZȖW#{pLcFL96poJ<Ԕ5BCH?=p:I_Kv+Ow wv `'TR$1L.UEKH>S$>0?⯋7 O ΟӠTH -)Σ4Z+ӚJnMoB½R~+dcU8½U*REqyuOk{+hl%Ul%p[;:'9;+/<LRse㲆O_-Jfa 5&a2}&`/3P@ucgA$dq?.z=Xžgbzmψ v%}'J%9r MpRsʲ[+m5WX&{[kuxIKR*+f9K'ז26(|1Ttso+<]bb6:|m1 Հ+bU@5y7tqIVF.J -&Z"y$*&Tfc&m6!l/lK QrcXCy61zxe)=<42!"Tihr@ -uLAKJ?(BAҒ1P̍eqЉ.drB|H'/" 4Rظ6ncJPiP1bBŤƮGm eSQVQeC<6Qv:!."TPH<+.Hs|P%WWȅ -z" \BHU - -.Oe9lE">U$0ӟ%ºD~IK،~hm -TبUUUԃtEH{;"TC1Bj8r8꠶)c3WL^< NNN -ȝ8p%A'r%# 7?~_ZfЖLl4|] zsJs8jܚ-y`C6|־[lypҦ-ųOϥ猀>sfDyD=in039Mu"}١-32Ti hFƿY姚S\ZEy*a'2gvy>_\b2UD tQs{hll7'>P ?itum|z#Vrn}3m"OӸ{A> :z)#}JoͩYͩ8g\=e.g?}*%˕"p.˂v84Hɘ#<+a  ^ȪKȩ;FIZd2bTSH@YI8E,L[$7_טܕ.ǔ7͓`~ 2̤0bRaN`2# Xzt/X<^!i4ato-LFZ*&U`#4`t4t-|r͚ɔ[ qÓcc bMcTLb+?SKOL(,_[˓q\D0w,`\(m bp|XH0x4ҭpHB-$%^7*(sfjıTR~ѫ "GK -^,B`Tq=DeJ h/Vʘ;} X Y/~v0;ԞlUaU;\mn)W]#w$.ަEkowmVcgזئ-Y-L8 ƟWw\/t~xxT8YMafBu.O<ևgnPaw>ya~ #"9_v-J:EQB@w„BPGMMЀC2v61?kQL)\R>8קNu].lc))5D6+B{(/2N8,Յ H-4H"]:9)n_(`YB"SHx@DGӒB)݌^cX -RX447+M -*$?hb:/\-FcYilͰ&pYiV̤'.ē'jœu#fsM -IGNn~QBh"eeelKvo2 ^''OŴXWx7 XEFl$Nܚ7*7g1myΈ+ͣw hQ}Alflaٍcw,ĭJ${p -'>TniYx[/ok^ōTTMe&Ѭ3&D-G5x^lv:9aaJ句 rᱬ fay!:+, 0EfA1eDYy&;S~O‹E=QIew|(wκTn73!Mț[cnu69{3-Mӡ9iN~=r19EI|)w{piHv'-.>>HF*R1[R{H X2ZNxc{z- ?jMxjZVj2*TAțR'AB-iӶlUX4*O{z$T֜Nݙ4oH*@ⅅ.{]S=lD{Nx">$QdR*: -PH&XB4T.PJU\RΫ˪;΋JUh'_V/P~Qcupn&[?h?ÑC`BuG__p|= 92g o duL[zN -02̚26mif5<^lOY"H" ۞)2Q`zH?!B+Cln0Mν$umDז R1&D=6zg]6w*E\ 3J& ~۬ _ էOĎW_%DHVJ<{{ʁWI?ɗav䤒Rj4+|.7;.*+ -N&:oFBQb@XF_0U'H䮉)*R<-y[^TDt$6n[lY\ΕqbΜNu+/41L-q0;85l~?L]9@1'>{B+[ZwWW_?.[Hnl\إJ -GVnth#ֳ {+! l;i%֠La;xp`~;$Y&~ 0=0>ַ^5LFLF -4z'$N";&{^<̾;/g;evGGkpAm­&dM7N] Ve<WYM)O-v$2 H~f у.|caOG#)/?↿r^(q^'V^S Q^ -endstream -endobj -73 0 obj -<< -/FirstChar 45 -/Widths [ 333 0 0 507 0 507 0 0 507 507 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 440 0 0 0 440 0 0 0 0 0 0 280 0 0 0 0 0 333 0 0 0 0 0 0 480 ] -/Encoding /WinAnsiEncoding -/Type /Font -/BaseFont /WQJSJY+TT93o00 -/LastChar 121 -/FontDescriptor 74 0 R -/Subtype /Type1 ->> -endobj -74 0 obj -<< -/FontBBox [ 0 -213 479 693 ] -/FontName /WQJSJY+TT93o00 -/Descent -213 -/XHeight 466 -/Flags 32 -/FontFile3 75 0 R -/Type /FontDescriptor -/StemV 71 -/Ascent 693 -/ItalicAngle 0 -/CharSet (\057a\057e\057five\057hyphen\057l\057r\057six\057two\057y\057zero) -/CapHeight 693 ->> -endobj -75 0 obj -<< -/Length 1573 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -x=TP~IoiMKpo67gY!(Y+l怐& / ! /!![B͐6Ǐ1(qܪw}_-ƍ8R߬HJZïۑ2B-eq8.㶼&~m03lU+UJzcO -It({]Lm^^^GY0.ab|=vOw\w>]>,D,ͽ9fY -[&4VPGMmn͠_md̴VoRGUoxĥ#;݆~[ hWXS^v3t|lg/+f צaJ4rӟ5!xɿF:#sje%2m&P'3w>(g); c2|qRZ_lUi7e=>~`H DRJ;#Ϋ;Gm"35HD_XTaALJեv3ser3k.^2^vw7d"1;72 -M鉏Xj$t - Kz{ZVZ,rfgSgS?=i/`:- +e&C[Dz[u^.X<{xaw9]ூBa]%#34M \(F&['WU߃UP@KFRCm4hʵO6/#4 -endstream -endobj -76 0 obj -[ /ICCBased 77 0 R ] -endobj -77 0 obj -<< -/Length 3144 -/N 3 ->> -stream - HLinomntrRGB XYZ  1acspMSFTIEC sRGB-HP cprtP3desclwtptbkptrXYZgXYZ,bXYZ@dmndTpdmddvuedLview$lumimeas $tech0 rTRC< gTRC< bTRC< textCopyright (c) 1998 Hewlett-Packard CompanydescsRGB IEC61966-2.1sRGB IEC61966-2.1XYZ QXYZ XYZ o8XYZ bXYZ $descIEC http://www.iec.chIEC http://www.iec.chdesc.IEC 61966-2.1 Default RGB colour space - sRGB.IEC 61966-2.1 Default RGB colour space - sRGBdesc,Reference Viewing Condition in IEC61966-2.1,Reference Viewing Condition in IEC61966-2.1view_. \XYZ L VPWmeassig CRT curv -#(-27;@EJOTY^chmrw| %+28>ELRY`gnu| &/8AKT]gqz !-8COZfr~ -;HUcq~ +:IXgw'7HYj{+=Oat 2FZn  % : O d y - -' -= -T -j - - - - - - " 9 Q i  * C \ u & @ Z t .Id %A^z &Ca~1Om&Ed#Cc'Ij4Vx&IlAe@e Ek*Qw;c*R{Gp@j>i  A l !!H!u!!!"'"U"""# -#8#f###$$M$|$$% %8%h%%%&'&W&&&''I'z''( (?(q(())8)k))**5*h**++6+i++,,9,n,,- -A-v--..L.../$/Z///050l0011J1112*2c223 3F3334+4e4455M555676r667$7`7788P8899B999:6:t::;-;k;;<' >`>>?!?a??@#@d@@A)AjAAB0BrBBC:C}CDDGDDEEUEEF"FgFFG5G{GHHKHHIIcIIJ7J}JK KSKKL*LrLMMJMMN%NnNOOIOOP'PqPQQPQQR1R|RSS_SSTBTTU(UuUVV\VVWDWWX/X}XYYiYZZVZZ[E[[\5\\]']x]^^l^__a_``W``aOaabIbbcCccd@dde=eef=ffg=ggh?hhiCiijHjjkOkklWlmm`mnnknooxop+ppq:qqrKrss]sttptu(uuv>vvwVwxxnxy*yyzFz{{c{|!||}A}~~b~#G -k͂0WGrׇ;iΉ3dʋ0cʍ1fΏ6n֑?zM _ɖ4 -uL$h՛BdҞ@iءG&vVǥ8nRĩ7u\ЭD-u`ֲK³8%yhYѹJº;.! -zpg_XQKFAǿ=ȼ:ɹ8ʷ6˶5̵5͵6ζ7ϸ9к<Ѿ?DINU\dlvۀ܊ݖޢ)߯6DScs 2F[p(@Xr4Pm8Ww)Km -endstream -endobj -78 0 obj -<< -/Length 24671 ->> -stream -q -q -0.10000 0 0 0.10000 0 0 cm -/R9 gs -/R11 cs -0 0.00088 0 scn -q -10 0 0 10 0 0 cm -BT --0.00163 Tc -/R35 8.16980 Tf -0.99953 0 0 1 205.97400 661.82000 Tm -[ <02> -14.91870 <03> -0.22124 <04> -0.34681 <05> -13.81250 <06> 0.49629 <02> -0.43650 <06> 0.49928 <07> -0.38866 ] TJ -ET -Q -1 1 1 scn -1289.60000 6866.56000 531.59000 123.10200 re -f -6.81000 w -1 J -1 j -/R11 CS -0 0.00088 0 SCN -1289.60000 6866.56000 531.59000 123.10200 re -S -0 0.00088 0 scn -q -10 0 0 10 0 0 cm -BT -0.10656 Tc -/R37 7.29840 Tf -0.99953 0 0 1 137.34800 690.68700 Tm -[ <02> 29.02080 <03> 13.57250 <04> 0.12048 <05> 29.68170 <06> 15.83480 <07> 13.52400 <08> 0.12048 <09> 14.99650 <0a> 14.80070 <0b> 13.73650 <03> 13.57250 <0c> 0.26104 ] TJ -ET -Q -1 1 1 scn -1289.60000 6621.46000 531.59000 123.09800 re -f -1289.60000 6621.46000 531.59000 123.09800 re -S -0 0.00088 0 scn -q -10 0 0 10 0 0 cm -BT -0.10656 Tc -/R37 7.29840 Tf -0.99953 0 0 1 137.34800 666.17700 Tm -[ <02> 29.02080 <03> 13.57250 <04> 0.12048 <05> 29.68170 <06> 15.83480 <07> 13.52400 <08> 0.12048 <09> 14.99650 <0a> 14.80070 <0b> 13.73650 <03> 13.57250 <0c> 0.26104 ] TJ -ET -Q -1555.39000 6866.56000 m -1555.39000 6773.97000 l -S -1555.39000 6744.56000 m -1535.79000 6783.77000 l -1547.77000 6777.23000 1563.02000 6777.23000 1575 6783.77000 c -1555.39000 6744.56000 l -f* -1555.39000 7111.66000 m -1555.39000 7019.07000 l -S -1555.39000 6989.65000 m -1535.79000 7028.87000 l -1547.77000 7022.33000 1563.02000 7022.33000 1575 7028.87000 c -1555.39000 6989.65000 l -f* -1555.39000 6621.46000 m -1555.39000 6570.26000 l -S -1555.39000 6539.76000 m -1535.79000 6580.07000 l -1547.77000 6573.54000 1563.02000 6573.54000 1575 6580.07000 c -1555.39000 6539.76000 l -f* -1 1 1 scn -1595.69000 6499.46000 m -1595.69000 6521.25000 1578.26000 6539.76000 1555.39000 6539.76000 c -1532.51000 6539.76000 1514 6521.25000 1514 6499.46000 c -1514 6476.58000 1532.51000 6458.07000 1555.39000 6458.07000 c -1578.26000 6458.07000 1595.69000 6476.58000 1595.69000 6499.46000 c -f* -1595.69000 6499.46000 m -1595.69000 6521.25000 1578.26000 6539.76000 1555.39000 6539.76000 c -1532.51000 6539.76000 1514 6521.25000 1514 6499.46000 c -1514 6476.58000 1532.51000 6458.07000 1555.39000 6458.07000 c -1578.26000 6458.07000 1595.69000 6476.58000 1595.69000 6499.46000 c -h -S -1534.69000 6499.46000 m -1576.09000 6499.46000 l -S -1555.39000 6478.76000 m -1555.39000 6519.07000 l -S -1555.39000 6458.07000 m -1555.39000 6406.87000 l -S -0 0.00088 0 scn -1555.39000 6376.37000 m -1535.79000 6416.67000 l -1547.77000 6410.14000 1563.02000 6410.14000 1575 6416.67000 c -1555.39000 6376.37000 l -f* -q -10 0 0 10 0 0 cm -BT -0.00817 Tc -/R35 8.16980 Tf -0.99953 0 0 1 159.13400 679.14000 Tm -[ <08> -0.32139 <04> -13.36410 <09> -0.43799 <0a> ] TJ -39.86880 TL -T* -[ <08> -0.32139 <04> -13.36410 <09> -0.43799 <0a> ] TJ -ET -Q -1595.69000 7071.36000 m -1981.31000 7071.36000 2043.41000 6919.94000 2021.62000 6710.79000 c -2010.72000 6613.84000 1982.41000 6504.92000 1626.20000 6499.47000 c -S -1595.69000 6499.46000 m -1636 6479.85000 l -1629.46000 6491.83000 1629.46000 6507.09000 1636 6519.07000 c -1595.69000 6499.46000 l -f* -1555.39000 7071.36000 m -1595.69000 7071.36000 l -S -0.13428 0.11914 0.12256 scn -q -10 0 0 10 0 0 cm -BT -/R16 9.24610 Tf -1 0 0 1 106.92100 645.03900 Tm -(F) Tj -/R39 9.24610 Tf -6.64805 0 Td -(\050) Tj -/R41 9.24610 Tf -3.58633 0 Td -(x) Tj -/R39 9.24610 Tf -5.60313 0 Td -(\051) Tj -/R44 9.24610 Tf -3.58672 0 Td -<0001> Tj -/R39 9.24610 Tf -2.09883 0 Td -(\053) Tj -/R44 9.24610 Tf -7.18242 0 Td -<0001> Tj -/R41 9.24610 Tf -2.09883 0 Td -(x) Tj -5.19531 61.62420 Td -(x) Tj -/R16 9.24610 Tf --44.64300 -28.61020 Td -(F) Tj -/R39 9.24610 Tf -6.64805 0 Td -(\050) Tj -/R41 9.24610 Tf -3.58633 0 Td -(x) Tj -/R39 9.24610 Tf -5.60234 0 Td -(\051) Tj -/R41 9.24610 Tf -101.19200 -4.79492 Td -(x) Tj -ET -Q -0.13745 0.12280 0.12598 scn -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 86.61720 627.04500 Tm -[ (Figure) -249.89800 (2\056) -250 (Residual) -249.98100 (learning\072) -309.99400 (a) -249.99700 (b) 19.99650 (uilding) -249.99700 (block\056) ] TJ -/R14 9.96260 Tf --36.50510 -24.75390 Td -[ (are) -236.01100 (comparably) -234.91800 (good) -235.90200 (or) -235.01800 (better) -235.99200 (than) -235.98800 (the) -235.01200 (constructed) -236.01500 (solution) ] TJ -11.95510 TL -T* -[ (\050or) -249.99900 (unable) -249.98400 (to) -249.98500 (do) -249.98800 (so) -249.98600 (in) -249.98500 (feasible) -249.98900 (time\051\056) ] TJ -11.95510 -13.39880 Td -[ (In) -416.98700 (this) -417.00300 (paper) 39.99090 (\054) -459.01900 (we) -416.99400 (address) -417.01900 (the) -416.98200 (de) 15.01830 (gradation) -417.98700 (problem) -417.00100 (by) ] TJ --11.95510 -11.95510 Td -[ (introducing) -601.89500 (a) ] TJ -/R18 9.96260 Tf -62.34770 0 Td -[ (deep) -602.01600 (r) 37.01960 (esidual) -601.00600 (learning) ] TJ -/R14 9.96260 Tf -102.84100 0 Td -[ (frame) 25.01300 (w) 10 (ork\056) -1365.02000 (In\055) ] TJ --165.18900 -11.95510 Td -[ (stead) -558.99500 (of) -559.00300 (hoping) -559.01200 (each) -559.01300 (fe) 25.00810 (w) -559.00200 (stack) 10.00810 (ed) -559.00400 (layers) -560.01700 (directly) -558.98500 (\223t) -558.98300 (a) ] TJ -T* -[ (desired) -451.01100 (underlying) -450.90800 (mapping\054) -500.89800 (we) -450.00500 (e) 15.01220 (xplicitly) -451.01500 (let) -449.99400 (these) -451.01300 (lay\055) ] TJ -T* -[ (ers) -333.00400 (\223t) -332.00200 (a) -333.00800 (residual) -332.00500 (mapping\056) -557.98700 (F) 14.99260 (ormally) 64.99900 (\054) -354.01700 (denoting) -333.00800 (the) -332.99600 (desired) ] TJ -T* -[ (underlying) -298.89400 (mapping) -299.01300 (as) ] TJ -/R16 9.96260 Tf -95.27420 0 Td -(H) Tj -/R39 9.96260 Tf -8.51016 0 Td -(\050) Tj -/R41 9.96260 Tf -3.87422 0 Td -(x) Tj -/R39 9.96260 Tf -6.04727 0 Td -(\051) Tj -/R14 9.96260 Tf -3.87578 0 Td -[ (\054) -311.00400 (we) -299.01400 (let) -299 (the) -299.98200 (stack) 10.00810 (ed) -299.98900 (nonlinear) ] TJ --117.58000 -11.95550 Td -[ (layers) -229.99500 (\223t) -229 (another) -229.99100 (mapping) -228.98500 (of) ] TJ -/R16 9.96260 Tf -116.57900 0 Td -(F) Tj -/R39 9.96260 Tf -8.14922 0 Td -(\050) Tj -/R41 9.96260 Tf -3.87578 0 Td -(x) Tj -2.77857 Tc -/R39 9.96260 Tf -6.04727 0 Td -[ (\051\072) 278.09500 (\075) ] TJ -0 Tc -/R16 9.96260 Tf -19.92500 0 Td -(H) Tj -/R39 9.96260 Tf -8.51016 0 Td -(\050) Tj -/R41 9.96260 Tf -3.87461 0 Td -(x) Tj -/R39 9.96260 Tf -6.04727 0 Td -(\051) Tj -/R16 9.96260 Tf -5.33281 0 Td -(\212) Tj -/R41 9.96260 Tf -9.20742 0 Td -(x) Tj -/R14 9.96260 Tf -6.04727 0 Td -[ (\056) -303.00600 (The) -229.99600 (orig\055) ] TJ --193.59300 -11.95510 Td -[ (inal) -213.98800 (mapping) -214.00800 (is) -213.01000 (recast) -214.00600 (into) ] TJ -/R16 9.96260 Tf -105.84400 0 Td -(F) Tj -/R39 9.96260 Tf -8.15039 0 Td -(\050) Tj -/R41 9.96260 Tf -3.87461 0 Td -(x) Tj -0.88567 Tc -/R39 9.96260 Tf -6.04727 0 Td -(\051\053) Tj -0 Tc -/R41 9.96260 Tf -13.38280 0 Td -(x) Tj -/R14 9.96260 Tf -6.04727 0 Td -[ (\056) -297.98700 (W) 79.98660 (e) -214.00800 (h) 4.98446 (ypothesize) -214.01600 (that) -213.00900 (it) ] TJ --143.34500 -11.95510 Td -[ (is) -282.99800 (easier) -283.01500 (to) -284.01900 (optimize) -283.01500 (the) -283.00400 (residual) -282.99300 (mapping) -283.01700 (than) -284.01900 (to) -283 (optimize) ] TJ -11.95590 TL -T* -[ (the) -330.01500 (original\054) -348.89100 (unreferenced) -329.91700 (mapping\056) -549.90900 (T) 79.99160 (o) -329 (the) -330.01600 (e) 15.01220 (xtreme\054) -350.00500 (if) -330.01800 (an) ] TJ -11.95510 TL -T* -[ (identity) -321.98500 (mapping) -323.00900 (were) -321.91600 (optimal\054) -340.88200 (it) -322.01000 (w) 10 (ould) -322.00300 (be) -323.00500 (easier) -321.98800 (to) -322.99300 (push) ] TJ -T* -[ (the) -207.99700 (residual) -207.98600 (to) -207.01200 (zero) -208.01200 (than) -207.99200 (to) -207.99200 (\223t) -207.98200 (an) -206.98400 (identity) -208.00500 (mapping) -208.00900 (by) -207.99500 (a) -208.00900 (stack) ] TJ -T* -[ (of) -249.99600 (nonlinear) -250.01400 (layers\056) ] TJ -11.95510 -13.39840 Td -[ (The) -229.01600 (formulation) -228.89900 (of) ] TJ -/R16 9.96260 Tf -77.67540 0 Td -(F) Tj -/R39 9.96260 Tf -8.15039 0 Td -(\050) Tj -/R41 9.96260 Tf -3.87461 0 Td -(x) Tj -1.44358 Tc -/R39 9.96260 Tf -6.04727 0 Td -(\051\053) Tj -0 Tc -/R41 9.96260 Tf -14.49260 0 Td -(x) Tj -/R14 9.96260 Tf -8.32773 0 Td -[ (can) -228.90700 (be) -228.98100 (realized) -228.98400 (by) -229.01100 (feedfor) 19.98930 (\055) ] TJ --130.52200 -11.95510 Td -[ (w) 10.00140 (ard) -271.99600 (neural) -271.98800 (netw) 10.00940 (orks) -271.98200 (with) -272.01100 (\215shortcut) -272.01000 (connections\216) -272.98600 (\050Fig\056) -272.00600 (2\051\056) ] TJ -T* -[ (Shortcut) -313.91100 (connections) -313.91600 (\1332\054) -315.00300 (33\054) -314.01900 (48\135) -314.01900 (are) -314 (those) -314.00600 (skipping) -313.97900 (one) -315.00100 (or) ] TJ -11.95590 TL -T* -[ (more) -336.01300 (layers\056) -566.99500 (In) -335.98200 (our) -336.01500 (case\054) -357.00400 (the) -336.01500 (shortcut) -335.99500 (connections) -335.99100 (simply) ] TJ -11.95510 TL -(perform) ' -/R18 9.96260 Tf -35.94880 0 Td -(identity) Tj -/R14 9.96260 Tf -33.74730 0 Td -[ (mapping\054) -421.89200 (and) -386.91000 (their) -388.00100 (outputs) -386.99200 (are) -387.00700 (added) -388.00600 (to) ] TJ --69.69610 -11.95510 Td -[ (the) -374.00800 (outputs) -372.99500 (of) -374.01500 (the) -374.00900 (stack) 10.00810 (ed) -372.99500 (layers) -374.01000 (\050Fig\056) -373.98900 (2\051\056) -681.01900 (Identity) -373.98700 (short\055) ] TJ -T* -[ (cut) -342.99400 (connections) -342.89100 (add) -342.99500 (neither) -342.91100 (e) 15.01220 (xtra) -344.01600 (parameter) -343.98200 (nor) -342.99400 (computa\055) ] TJ -T* -[ (tional) -349.99300 (comple) 14.99870 (xity) 64.99410 (\056) -608.99400 (The) -348.99600 (entire) -350.01300 (netw) 10.00940 (ork) -350.01300 (can) -349.00300 (still) -349.98600 (be) -350.02000 (trained) ] TJ --0.00100 Tc -T* -[ (end\055to\055end) -287.01300 (by) -288.10300 (SGD) -287.09400 (with) -287.11400 (backpropagation\054) -297.08300 (and) -287.10900 (can) -287.11900 (be) -288.11100 (eas\055) ] TJ -0 Tc -T* -[ (ily) -324.00500 (implemented) -322.91800 (using) -323.99600 (common) -323.98900 (libraries) -323.89000 (\050) ] TJ --0.14944 Tc -/R18 9.96260 Tf -171.09500 0 Td -[ (e\056) -14.98520 (g) ] TJ -0 Tc -/R14 9.96260 Tf -11.74610 0 Td -[ (\056\054) -342.01600 (Caf) 24.98110 (fe) -323.99200 (\13319\135\051) ] TJ --182.84200 -11.95510 Td -[ (without) -249.99700 (modifying) -249.91100 (the) -249.99000 (solv) 15.00120 (ers\056) ] TJ -11.95510 -13.39840 Td -[ (W) 79.98730 (e) -498 (present) -497.00400 (comprehensi) 25.00560 (v) 14.98280 (e) -498 (e) 15.01220 (xperiments) -497.01800 (on) -497.98600 (ImageNet) ] TJ --11.95510 -11.95510 Td -[ (\13335\135) -483.01400 (to) -483.00500 (sho) 24.99220 (w) -483.01500 (the) -483.01000 (de) 15.01830 (gradation) -482.99500 (problem) -482.99000 (and) -483.01300 (e) 25.01050 (v) 24.98110 (aluate) -483.01000 (our) ] TJ -T* -[ (method\056) -305.01500 (W) 79.98730 (e) -234.98500 (sho) 24.99220 (w) -235.99700 (that\072) -302.00600 (1\051) -235.99900 (Our) -235.01500 (e) 15.01220 (xtremely) -234.99500 (deep) -235.01700 (residual) -235.98000 (nets) ] TJ -T* -[ (are) -311.99900 (easy) -311.98500 (to) -310.99500 (optimize\054) -327.98600 (b) 20.00160 (ut) -312.01900 (t) 0.98758 (he) -311.00600 (counterpart) -312.01200 (\215plain\216) -312.01400 (nets) -312.01200 (\050that) ] TJ -T* -[ (simply) -307.00400 (stack) -306.91900 (layers\051) -305.98400 (e) 15.01220 (xhibit) -307.01000 (higher) -306.99300 (training) -307.01700 (error) -307.01700 (when) -307 (the) ] TJ -T* -[ (depth) -282.99400 (increases\073) -298.99800 (2\051) -283.01000 (Our) -283.00700 (deep) -283.01000 (residual) -282.99300 (nets) -282.99700 (can) -283.01400 (easily) -282.99400 (enjo) 10.01060 (y) ] TJ -T* -[ (accurac) 14.99690 (y) -275.98800 (g) 4.98446 (ains) -275 (from) -275.98200 (greatly) -275 (increased) -275.99100 (depth\054) -282.01200 (producing) -276.00300 (re\055) ] TJ -T* -[ (sults) -250.00500 (substantially) -250.01700 (better) -249.91200 (than) -250.10300 (pre) 25.01300 (vious) -249.89100 (netw) 10.00810 (orks\056) ] TJ -11.95510 -13.39880 Td -[ (Similar) -249.99600 (phenomena) -250.99200 (are) -249.89200 (also) -251.00300 (sho) 24.99220 (wn) -249.99000 (on) -251.00700 (the) -249.99000 (CIF) 74.01220 (AR\05510) -250.99500 (set) ] TJ --11.95510 -11.95510 Td -[ (\13320\135\054) -435.01900 (suggesting) -398.00300 (that) -397.99700 (the) -398.00500 (optimization) -397.99200 (dif) 24.98600 (\223culties) -398.01200 (and) -398.00700 (the) ] TJ -T* -[ (ef) 25.00810 (fects) -196.00500 (of) -196.98500 (our) -196 (method) -196.99500 (are) -196.01900 (not) -197.00900 (just) -195.98100 (akin) -195.99400 (to) -197.01400 (a) -196.01100 (particular) -197.01400 (dataset\056) ] TJ -T* -[ (W) 79.98730 (e) -244.98300 (present) -245.98700 (successfully) -244.98600 (trained) -245.98600 (models) -244.98600 (on) -245.98800 (this) -244.99300 (dataset) -245.98600 (with) ] TJ -11.95630 TL -T* -[ (o) 14.98280 (v) 14.98280 (er) -250 (100) -249.98200 (layers\054) -249.98900 (and) -249.99100 (e) 15.01220 (xplore) -249.98300 (models) -250.00600 (with) -250.01500 (o) 14.98280 (v) 14.98280 (er) -250 (1000) -250.01700 (layers\056) ] TJ -11.95510 -13.39880 Td -[ (On) -360.01000 (the) -360.01000 (ImageNet) -358.98800 (classi\223cation) -360.01000 (dataset) -360.00600 (\13335\135\054) -386.98900 (we) -359.98200 (obtain) ] TJ --11.95510 -11.95510 Td -[ (e) 15.01280 (xcellent) -266.01600 (results) -266.01000 (by) -265.98500 (e) 15.01220 (xtremely) -266.01000 (deep) -265.99400 (residual) -266.01400 (nets\056) -358.98200 (Our) -265.99000 (152\055) ] TJ -11.95510 TL -T* -[ (layer) -295.01000 (residual) -296.01100 (net) -295.00200 (is) -296.01600 (the) -295.00200 (deepest) -295 (netw) 10.00940 (ork) -295.98200 (e) 25.01050 (v) 14.98280 (er) -295.01700 (presented) -296.01700 (on) ] TJ -T* -[ (ImageNet\054) -376.90400 (while) -350.98200 (still) -351.90700 (ha) 19.99790 (ving) -351.01700 (lo) 24.98850 (wer) -351.98500 (comple) 14.99750 (xity) -351.01500 (than) -352.00700 (V) 14.98030 (GG) ] TJ -T* -[ (nets) -449.00900 (\13340\135\056) -906 (Our) -449.01800 (ensemble) -449.00100 (has) ] TJ -/R12 9.96260 Tf -128.44700 0 Td -(3\05657\045) Tj -/R14 9.96260 Tf -31.86720 0 Td -[ (top\0555) -448.88600 (error) -447.89600 (on) -449.01300 (the) ] TJ -98.43670 629.03800 Td -(ImageNet) Tj -/R18 9.96260 Tf -43.28830 0 Td -(test) Tj -/R14 9.96260 Tf -18.02340 0 Td -[ (set\054) -439.99300 (and) ] TJ -/R18 9.96260 Tf -36.33480 0 Td -[ (won) -401.98700 (the) -402.00200 (1st) -401.99200 (place) -402.00200 (in) -402.00200 (the) -402.00200 (ILSVRC) ] TJ --97.64650 -11.95510 Td -[ (2015) -358 (classi\223cation) -358.90300 (competition) ] TJ -/R14 9.96260 Tf -126.69100 0 Td -[ (\056) -634.98700 (The) -358.01400 (e) 15.01220 (xtremely) -359.01400 (deep) -358.01900 (rep\055) ] TJ --126.69100 -11.95510 Td -[ (resentations) -232.00800 (also) -231.98600 (ha) 19.99670 (v) 14.98280 (e) -232.00500 (e) 15.01220 (xcellent) -231.98100 (generalization) -232.01500 (performance) ] TJ -T* -[ (on) -366.00800 (other) -366.00800 (recognition) -365.98300 (tasks\054) -395.00800 (and) -366.01200 (lead) -366.01200 (us) -366.00800 (to) -366.00800 (further) ] TJ -/R18 9.96260 Tf -206.03400 0 Td -[ (win) -365.99300 (the) ] TJ --206.03400 -11.95630 Td -[ (1st) -314.98900 (places) -315.89300 (on\072) -439.99800 (Ima) 10.00320 (g) 10.00320 (eNet) -316.01300 (detection\054) -331.01800 (Ima) 10.00320 (g) 10.00320 (eNet) -316.01600 (localization\054) ] TJ -11.95630 TL -T* -[ (COCO) -331.01100 (detection\054) -350.89500 (and) -330.98900 (COCO) -331.00800 (se) 39.99330 (gmentation) ] TJ -/R14 9.96260 Tf -178.72800 0 Td -[ (in) -330.99400 (ILSVRC) -330.99900 (\046) ] TJ --178.72800 -11.95510 Td -[ (COCO) -237.88900 (2015) -239.11700 (competitions\056) -305.89000 (This) -237.89700 (strong) -238.99400 (e) 25.01050 (vidence) -237.99000 (sho) 24.99090 (ws) -239.00900 (that) ] TJ -11.95510 TL -T* -[ (the) -213.01600 (residual) -213.98400 (learning) -212.88800 (principle) -213.90100 (is) -213.00900 (generic\054) -221.01700 (and) -213.99900 (we) -212.98400 (e) 15.01220 (xpect) -213.99400 (that) ] TJ -T* -[ (it) -249.98300 (is) -249.98500 (applicable) -250.01700 (in) -249.98500 (other) -249.98800 (vision) -250.00200 (and) -249.99300 (non\055vision) -249.98800 (problems\056) ] TJ -/R12 11.95520 Tf --0.00664 -26.64060 Td -[ (2\056) -249.98900 (Related) -250.00200 (W) 74.99720 (ork) ] TJ -/R12 9.96260 Tf -19.83910 TL -T* -[ (Residual) -346.98900 (Repr) 18.08280 (esentations\056) ] TJ -/R14 9.96260 Tf -117.46000 0 Td -[ (In) -347 (image) -346.98600 (recognition\054) -370.99700 (VLAD) ] TJ --117.46000 -11.95510 Td -[ (\13318\135) -253.99400 (is) -255.00400 (a) -254.00200 (representation) -254.99200 (that) -253.98200 (encodes) -253.98700 (by) -255.00600 (the) -253.98700 (residual) -254.99700 (v) 14.98280 (ectors) ] TJ -11.95510 TL -T* -[ (with) -308.00500 (respect) -307.00500 (to) -308.01500 (a) -307.01200 (dictionary) 64.99900 (\054) -321.98100 (and) -307.98300 (Fisher) -306.98300 (V) 111.00600 (ector) -307.98800 (\13330\135) -307.00300 (can) -307.99300 (be) ] TJ -T* -[ (formulated) -330.89800 (as) -331.00100 (a) -331.00800 (probabilistic) -330.99400 (v) 14.98280 (ersion) -330.98900 (\13318\135) -330.99900 (of) -331.98400 (VLAD\056) -330.98900 (Both) ] TJ -T* -[ (of) -277.01000 (them) -276.99300 (are) -276.98600 (po) 24.98600 (werful) -275.98800 (shallo) 25 (w) -277.00800 (representations) -276.98300 (for) -277.01300 (image) -276.99800 (re\055) ] TJ -T* -[ (trie) 24.98360 (v) 24.98110 (al) -362.99100 (and) -362.01300 (classi\223cation) -362.98800 (\1334\054) -362.99300 (47\135\056) -648 (F) 14.99260 (or) -363.00300 (v) 14.98280 (ector) -362.99800 (quantization\054) ] TJ -T* -[ (encoding) -333.88100 (residual) -333.88500 (v) 14.98280 (ectors) -334.01800 (\13317\135) -334.01800 (is) -334.00800 (sho) 24.99090 (wn) -334.01300 (to) -334.99300 (be) -333.98300 (more) -334.01300 (ef) 25.00560 (fec\055) ] TJ -T* -[ (ti) 24.99090 (v) 14.98280 (e) -250.00200 (than) -249.98500 (encoding) -250.01200 (original) -250.00700 (v) 14.98280 (ectors\056) ] TJ -11.95510 -12.86600 Td -[ (In) -491.01400 (lo) 24.98850 (w\055le) 25.01790 (v) 14.98280 (el) -491.00900 (vision) -492.00100 (and) -491.01100 (computer) -490.99200 (graphics\054) -552.00600 (for) -491.01600 (solv\055) ] TJ --11.95510 -11.95510 Td -[ (ing) -315.89100 (P) 14.99260 (artial) -316.01600 (Dif) 24.98360 (ferential) -316.01800 (Equations) -315.98600 (\050PDEs\051\054) -333.01800 (the) -316.01600 (widely) -316.00100 (used) ] TJ -T* -[ (Multigrid) -324.91400 (method) -325.01400 (\1333\135) -325.00700 (reformulates) -324.00500 (the) -324.99500 (system) -323.99000 (as) -325.00500 (subprob\055) ] TJ -T* -[ (lems) -306.98600 (at) -305.98600 (multiple) -307 (scales\054) -320.99500 (where) -307.01200 (each) -305.99800 (subproblem) -307.00300 (is) -306.99300 (respon\055) ] TJ -T* -[ (sible) -265.89400 (for) -267.01700 (the) -265.98700 (residual) -266.01400 (solution) -266.88700 (between) -265.99000 (a) -267.01900 (coarser) -266.00500 (and) -265.99000 (a) -267.01900 (\223ner) ] TJ -T* -[ (scale\056) -428.00500 (An) -289.00300 (alternati) 24.99340 (v) 14.98280 (e) -289.01600 (to) -290.01800 (Multigrid) -288.99600 (is) -288.99600 (hierarchical) -289.00600 (basis) -290.01000 (pre\055) ] TJ -T* -[ (conditioning) -300.00900 (\13344\054) -299 (45\135\054) -312.01700 (which) -300.01400 (relies) -299.97900 (on) -299 (v) 24.98110 (ariables) -300.01900 (that) -300.01400 (repre\055) ] TJ -T* -[ (sent) -235.00500 (residual) -235 (v) 14.98280 (ectors) -235.01200 (between) -235.01500 (tw) 10.00810 (o) -235.01500 (scales\056) -304.99800 (It) -235.99500 (has) -235.01500 (been) -235.02000 (sho) 24.99090 (wn) ] TJ -T* -[ (\1333\054) -198.00100 (44\054) -199.01300 (45\135) -197.99900 (that) -199.01100 (these) -199.01600 (solv) 15 (ers) -198.00600 (con) 39.99820 (v) 14.98280 (er) 17.99210 (ge) -198.99100 (much) -197.98700 (f) 9.99343 (aster) -198.00600 (than) -199.01100 (stan\055) ] TJ -T* -[ (dard) -325.90400 (solv) 14.88230 (ers) -325.98700 (that) -325.89200 (are) -326.11500 (una) 15.10040 (w) 10.00320 (are) -325.99500 (of) -325.98500 (the) -326.99400 (residual) -326.98500 (nature) -326.01900 (of) -325.98500 (the) ] TJ -T* -[ (solutions\056) -300.91300 (These) -221.01500 (methods) -222.00700 (suggest) -222.01200 (that) -221.90900 (a) -222.00700 (good) -221.98300 (reformulation) ] TJ -T* -[ (or) -249.99500 (preconditioning) -250.02000 (can) -250 (simplify) -249.99300 (the) -249.98800 (optimization\056) ] TJ -/R12 9.96260 Tf -18.84300 TL -T* -[ (Shortcut) -303.91700 (Connections\056) ] TJ -/R14 9.96260 Tf -99.90200 0 Td -[ (Practices) -304.01300 (and) -304.88500 (theories) -303.89000 (that) -304.99300 (lead) -303.98400 (to) ] TJ --99.90200 -11.95510 Td -[ (shortcut) -202.99800 (connections) -202.91500 (\1332\054) -203.09800 (33\054) -203.01500 (48\135) -203.02000 (ha) 19.99670 (v) 14.98280 (e) -202.99100 (been) -202.98600 (studied) -204.01500 (for) -202.98600 (a) -202.99100 (long) ] TJ -11.95510 TL -T* -[ (time\056) -456.01700 (An) -297.98200 (early) -299.00900 (practice) -297.99200 (of) -299.00900 (training) -298 (multi\055layer) -299.01400 (perceptrons) ] TJ -T* -[ (\050MLPs\051) -250.90900 (is) -249.98500 (to) -251.00500 (add) -251.01200 (a) -250.00200 (linear) -251.01000 (layer) -251.01700 (connected) -249.98800 (from) -251.00700 (the) -251.00700 (netw) 10.00810 (ork) ] TJ -T* -[ (input) -387.00400 (to) -388.00100 (the) -386.98700 (output) -388.01900 (\13333\054) -386.98400 (48\135\056) -721.98700 (In) -388.01400 (\13343\054) -386.98400 (24\135\054) -421.99800 (a) -387 (fe) 25.01050 (w) -388.00900 (interme\055) ] TJ -11.95590 TL -T* -[ (diate) -395.88500 (layers) -396.98500 (are) -395.98500 (directly) -397.01200 (connected) -395.88500 (to) -396.00300 (auxiliary) -397.00700 (classi\223ers) ] TJ -T* -[ (for) -357.98200 (addressing) -357.01200 (v) 24.98110 (anishing\057e) 15.01710 (xploding) -358.01400 (gradients\056) -631.98800 (The) -358.01400 (papers) ] TJ -11.95510 TL -T* -[ (of) -291.00800 (\13338\054) -291.98100 (37\054) -290.99800 (31\054) -291.90000 (46\135) -291.00300 (propose) -290.99100 (methods) -291.99500 (for) -291.01000 (centering) -290.99600 (layer) -291.99000 (re\055) ] TJ -T* -[ (sponses\054) -295.91900 (gradients\054) -296.98200 (and) -287.00600 (propag) 5.11189 (ated) -287.00600 (errors\054) -296.89200 (implemented) -286.88300 (by) ] TJ -T* -[ (shortcut) -286.98400 (connections\056) -421.89500 (In) -287.00800 (\13343\135\054) -295.98500 (an) -287.01100 (\215inception\216) -286.98600 (layer) -287.99100 (is) -286.99600 (com\055) ] TJ -T* -[ (posed) -249.90200 (of) -249.99500 (a) -250.00200 (shortcut) -250.01000 (branch) -249.99300 (and) -249.99300 (a) -250.00200 (fe) 25.01050 (w) -249.99300 (deeper) -250.00200 (branches\056) ] TJ -11.95510 -12.86600 Td -[ (Concurrent) -244.91500 (with) -244.99600 (our) -243.99100 (w) 10.00320 (ork\054) -245.98800 (\215highw) 10.01790 (ay) -245.01800 (netw) 10.00810 (orks\216) -245.00800 (\13341\054) -244.89100 (42\135) ] TJ --0.00100 Tc --11.95510 -11.95510 Td -[ (present) -486.09800 (shortcut) -485.98500 (connections) -486.00700 (with) -486.10000 (gating) -486.10000 (functions) -486.12000 (\13315\135\056) ] TJ -T* -[ (These) -455.08300 (gates) -454.10100 (are) -455.09800 (data\055dependent) -455.11000 (and) -454.10100 (ha) 19.91330 (v) 14.88480 (e) -455.08600 (parameters\054) -506.10700 (in) ] TJ -0 Tc -T* -[ (contrast) -419.00900 (to) -419.01600 (our) -418.98200 (identity) -418.98900 (shortcuts) -420.01300 (that) -419.01300 (are) -418.99900 (parameter) 19.99670 (\055free\056) ] TJ -T* -[ (When) -320.99800 (a) -321.01000 (g) 4.98446 (ated) -321.00300 (shortcut) -321.01800 (is) -322.01000 (\215closed\216) -321 (\050approaching) -320.98600 (zero\051\054) -339.01200 (the) ] TJ -T* -[ (layers) -434.90000 (in) -433.99400 (highw) 9.98363 (ay) -434.98600 (netw) 10.00810 (orks) -433.99100 (represent) ] TJ -/R18 9.96260 Tf -160.33900 0 Td -[ (non\055r) 37.11150 (esidual) ] TJ -/R14 9.96260 Tf -54.88980 0 Td -(func\055) Tj --215.22900 -11.95510 Td -[ (tions\056) -1135.90000 (On) -525.98300 (the) -525.00300 (contrary) 65.01370 (\054) -594.01400 (our) -525.98600 (formulation) -525.00600 (al) 10.00320 (w) 10.00320 (ays) -525.98600 (learns) ] TJ -T* -[ (residual) -328.90600 (functions\073) -368.01700 (our) -328.99700 (identity) -327.90600 (shortcuts) -329.00900 (are) -329.01400 (ne) 25.01540 (v) 14.98280 (er) -329.00900 (closed\054) ] TJ -T* -[ (and) -402.98700 (all) -402.90300 (information) -404.00600 (is) -403.01900 (al) 10.00320 (w) 10.00320 (ays) -402.98700 (passed) -403.01600 (through\054) -442.01400 (with) -403.00600 (addi\055) ] TJ -T* -[ (tional) -356.89400 (residual) -358 (functions) -356.88900 (to) -358.00900 (be) -357 (learned\056) -632.00700 (In) -357 (addition\054) -384.99500 (high\055) ] TJ --13.74140 -29.88750 Td -(2) Tj -ET -Q -/R28 gs -Q -Q -q -1 0 0 1 0 0 cm -BT -/F1 12 Tf -14.40000 TL -ET -1 1 1 rg -n -270 47 72 14 re -f* -0.50000 0.50000 0.50000 rg -BT -/F2 9 Tf -10.80000 TL -ET -BT -1 0 0 1 299.25000 50 Tm -(771) Tj -T* -ET -Q - -endstream -endobj -79 0 obj -<< -/Encoding /Identity-H -/Type /Font -/DescendantFonts [ 80 0 R ] -/BaseFont /TRGNUN+MinionPro-Regular -/Subtype /Type0 ->> -endobj -80 0 obj -<< -/Type /Font -/BaseFont /TRGNUN+MinionPro-Regular -/FontDescriptor 81 0 R -/Subtype /CIDFontType0 -/CIDSystemInfo 84 0 R -/DW 227 ->> -endobj -81 0 obj -<< -/FontBBox [ -290 -360 1684 989 ] -/FontName /TRGNUN+MinionPro-Regular -/Descent -360 -/Flags 65568 -/FontFile3 82 0 R -/Type /FontDescriptor -/StemV 252 -/Ascent 989 -/ItalicAngle 0 -/CIDSet 83 0 R -/CapHeight 989 ->> -endobj -82 0 obj -<< -/Length 378 -/Filter /FlateDecode -/Subtype /CIDFontType0C ->> -stream -x}JAwҔl0*RGԭl C v!ݑٱzaIZoHAǝXvKc~?Y !4wH=ʼ2gGڪ;\Wm$Ϊe$qLx6eH9&N3-^U%|u+P"=w))TXi&`{o66 o۶apL}A>3ƛ;9دDO.?BEpp*sKO?zeAţڎETܭ(.g N4&:6wy)'U; ]X &Ubѻ@P[`,Ԧ雑x 7RQ*=v{CMOt6FxJ_<> -endstream -endobj -83 0 obj -<< -/Length 9 -/Filter /FlateDecode ->> -stream -xsAA -endstream -endobj -84 0 obj -<< -/Ordering (Identity) -/Registry (Adobe) -/Supplement 0 ->> -endobj -85 0 obj -<< -/FirstChar 120 -/Widths [ 606 606 ] -/Encoding 86 0 R -/Type /Font -/BaseFont /FUTEFB+CMBX10 -/LastChar 121 -/ToUnicode 87 0 R -/FontDescriptor 88 0 R -/Subtype /Type1 ->> -endobj -86 0 obj -<< -/Type /Encoding -/BaseEncoding /WinAnsiEncoding -/Differences [ 121 /y ] ->> -endobj -87 0 obj -<< -/Length 161 -/Filter /FlateDecode ->> -stream -x]O10 -  ]Z2D! }I$[.%Mů Fa:8 dw >?LYC -A#EFO:=-Pj?%Λkĩ4-Mr{&SA|5kSE -endstream -endobj -88 0 obj -<< -/FontBBox [ 0 -200 585 444 ] -/FontName /FUTEFB+CMBX10 -/MissingWidth 500 -/Descent -200 -/Flags 4 -/FontFile3 89 0 R -/Type /FontDescriptor -/StemV 87 -/Ascent 444 -/ItalicAngle 0 -/CharSet (\057x\057y) -/CapHeight 444 ->> -endobj -89 0 obj -<< -/Length 514 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -xcd`ab`dddwu041~H3annM?G~/X]_PYQc`j $  --u ,sS2|K2RsKԒJ+}rbt;): -% -AũEe) -ny% -~ -G90000UT20D2D100GߏOݻŸqw~.:sIwgtwEİϜ2]\WB;;]l]>qY@%ؿ-[*;Z:}] KvQ^Y1abOwϤo3~g-ƚöD;:U;f@}ggGt椾I)**-9wGw}W{cWo]/b=-Ӱ+?7 4w?%Ѭѥ.ҵ=}S\'xqf~^EJĮ7> -endobj -91 0 obj -<< -/Encoding /WinAnsiEncoding -/Type /Font -/Name /F1 -/BaseFont /Helvetica -/Subtype /Type1 ->> -endobj -92 0 obj -<< -/FirstChar 40 -/Widths [ 388 388 0 777 0 0 0 0 500 500 500 500 500 500 500 500 500 500 277 0 0 777 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 277 0 277 ] -/Encoding 93 0 R -/Type /Font -/BaseFont /JUMYDS+CMR10 -/LastChar 93 -/ToUnicode 94 0 R -/FontDescriptor 95 0 R -/Subtype /Type1 ->> -endobj -93 0 obj -<< -/Type /Encoding -/BaseEncoding /WinAnsiEncoding -/Differences [ 93 /bracketright ] ->> -endobj -94 0 obj -<< -/Length 193 -/Filter /FlateDecode ->> -stream -x]K 661lEx @}. <`xM=W/HX#,~ -:R7T[v*Y"6DxP.f`ϺUװ -7髊pN=A]ٜy\8:(y Dx:'O@Ԉ- -"Ɯ{Usۼ1/UkRٲl~|.A7a> -endstream -endobj -95 0 obj -<< -/FontBBox [ 0 -250 721 750 ] -/FontName /JUMYDS+CMR10 -/MissingWidth 500 -/Descent -250 -/Flags 4 -/FontFile3 96 0 R -/Type /FontDescriptor -/StemV 108 -/Ascent 750 -/ItalicAngle 0 -/CharSet (\057bracketleft\057bracketright\057colon\057eight\057equal\057five\057four\057nine\057one\057parenleft\057parenright\057plus\057seven\057six\057three\057two\057zero) -/CapHeight 750 ->> -endobj -96 0 obj -<< -/Length 1872 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -xe{PSgoIP1(nzovuG EV("@ Q!DB Xi Eֺ+buWhtN?|99|Յ0ϫ<ps[UE]]s$fO( u"dS qj|O4(䊀^r_yF$ҩU(/$ʷ'Gǩt_]VuKz(;95WQ8ZҪRb듓tw4*Ezb4AQlk. -COBF"HOklu"h!SՄ;7LD[peKp2> jQhT,i6CpdH»ꯘʀ(:tAl5@fstFؖ ~CX|jl`hne`Zvaa={t; -BE0M-Ee@WBE69%Љk?:~<&5(DICt>D';$ -Se;+Ew`lggDe/ާwnAU yfTlb7çWڽzGwxшZJ6I'`(U\ɏrҴ 7ԟ=;u3X5\ 8 c住w鍿қV[s^Ŝsܨn;.)rF8Sj[q֜ORI1]{9"W' ST[5I; 3{o qvqB$l b%;,PggGwHdlc>u,%VTy؄r<0'JAbL-[lڐgOH%(I2ձ X[[hrA~ -=ta/kᑛ\sʫ)/2J@InJ6F(&F{ࠒ^Y[lWҭu {|:_s11XR/CN~& fd#$̆o& Mq6&+E$6ej?t +,Lcde -nox?c,dd -׳0 Mn +` `GgQڵ -G3bPPoHw}tDȥp/Ȋ*T@"1TqImcJ(q/ڦ$6)IAIKKpg#cQw7K;87K +-ŖVO}BI *ɨcLLmu`xL U^d)Ul.쒃˩5xE,bMGRKq! rwPtAQQ /c?p6=sD}RT- /:p[H 'N<, cEqY9 E\;TףlVI(jE5yyxn_G\1puTYfUԛ8,nLu]nubpwiu?c -endstream -endobj -97 0 obj -<< -/FirstChar 2 -/Widths [ 717 493 224 478 522 329 224 224 478 448 343 ] -/Encoding 98 0 R -/Type /Font -/BaseFont /ZQNPWN+TT3Co00 -/LastChar 12 -/ToUnicode 99 0 R -/FontDescriptor 100 0 R -/Subtype /Type1 ->> -endobj -98 0 obj -<< -/Type /Encoding -/BaseEncoding /WinAnsiEncoding -/Differences [ 2 /uni0077 /uni0065 /uni0069 /uni0067 /uni0068 /uni0074 /uni0020 /uni006C /uni0061 /uni0079 /uni0072 ] ->> -endobj -99 0 obj -<< -/Length 218 -/Filter /FlateDecode ->> -stream -x]n <o5J/ݥMպ TJM{xaOݝ.T>?j =5eez=Y[?}-_Fݷl;2>_I#*ӿ+1ƭGUP;Pg֭mڊ -v(@{VX:P׷ wR^Zb-"ezZ]zE=4p -endstream -endobj -100 0 obj -<< -/FontBBox [ 0 -178 689 680 ] -/FontName /ZQNPWN+TT3Co00 -/Descent -178 -/Flags 4 -/FontFile3 101 0 R -/Type /FontDescriptor -/StemV 103 -/Ascent 680 -/ItalicAngle 0 -/CharSet (\057uni0020\057uni0061\057uni0065\057uni0067\057uni0068\057uni0069\057uni006C\057uni0072\057uni0074\057uni0077\057uni0079) -/CapHeight 680 ->> -endobj -101 0 obj -<< -/Length 2187 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -xU]lۺM7 \j0`&ҟn Iܥ3sږ((%Q"kꊢD:B'gFmHòC ֗d[vK -- /t{Լfs玿rQyn~E>W>kjN})ˏ/s9TJէk'6>s8~|Mѣ}qwNc:ic^ٽ;{Bc:vt{<kA[ʆl66fö26͢=mN6ZOyjラj. 2)vB( (JD䐃ȘwXC)@iDTfÎq+,<ih70.8Q9tU - Hr -1:FgR{J8rW.Stajy[- -laV<2Klo㶾{H8:h=ɻX5Gfܝx/*Y+Ӫ+F$;F MA`bhNI 9e!XC6 =[Հ)RP%e# H. ~8y*7yyָ0sqٵy/xy|=0>dK߫Y]#1 n`ݿ<2{qe΃kgZ;~SzO/~0 W<;6| Hk[Mۧ9 y6A(a Fa$!Džeӯh!{?0%J+3q$IR>U0XXLyYLjv6J04@oP}sije"VM bbC}4[kkZ8+1S 0koWqdhX'9ٴ%/g0@[c);xT_۸wT,&p#CPT1KD" T%:Kc H6TZ:$= ]PQX䰞Ɔ -4KtrT\ 59U!Gm -hhR9@Ta )?ytCrT`x$PQA=z$1D 5I10B0,qb(@^?i"#YF;4V즘z%5UrΑ9XRp݅-{ﱟχ[Moћ\f|ab/u A4@!7#CAƧK6).8j*\#Uvrm*P:ab%g?)gΟ}Ł/s3 <+-0fXP Ћd`'o\9>=/li\ JlRuYϯ9?;=S<2i4LdB*ڨ*e@q(@T{<;8}4F%_ܵp ~ ^>s3?. y4ML7 -PKjdMRЀwzګP1zt=Cp|TTFH5+~ֿr?72/8sDUK gӴ\:_Z(Im( 0}lxCZ mp}. s8p&g^+^람s}ޞ.9=Ƿkkkoz\Rp90-+~hmm6?6I ZG AkOJX}<;'=rtw[@xNdU8;[-W5>T`P;uΊVKaYK[]NbTE@?I/T`zTEyEy)`k옪:tS֦ՙ:,y] /+W=A˼ln=~ __a Y/;y'z%mѼS.,Y{,n~u+MW -endstream -endobj -102 0 obj -<< -/FirstChar 2 -/Widths [ 227 520 494 520 333 454 347 227 520 ] -/Encoding 103 0 R -/Type /Font -/BaseFont /VXJECO+TT3Bo00 -/LastChar 10 -/ToUnicode 104 0 R -/FontDescriptor 105 0 R -/Subtype /Type1 ->> -endobj -103 0 obj -<< -/Type /Encoding -/BaseEncoding /WinAnsiEncoding -/Differences [ 2 /uni0069 /uni0064 /uni0065 /uni006E /uni0074 /uni0079 /uni0072 /uni006C /uni0075 ] ->> -endobj -104 0 obj -<< -/Length 199 -/Filter /FlateDecode ->> -stream -x]A EVƅƨt0, - u3?̟f<ysIp13A>yv|tfR=ͤ#k'<7%> kmSK&F|Fm0i@vC?tv@|]W\IH,($T* U[ $,J% 7u5c<C,.>e -endstream -endobj -105 0 obj -<< -/FontBBox [ 0 -178 452 680 ] -/FontName /VXJECO+TT3Bo00 -/Descent -178 -/Flags 4 -/FontFile3 106 0 R -/Type /FontDescriptor -/StemV 67 -/Ascent 680 -/ItalicAngle 0 -/CharSet (\057uni0064\057uni0065\057uni0069\057uni006C\057uni006E\057uni0072\057uni0074\057uni0075\057uni0079) -/CapHeight 680 ->> -endobj -106 0 obj -<< -/Length 1652 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -xQlǥ6/nA5TFal^.KCСغ&6׳IJ(H#)Z,Y3vT:m[C1l{K!r%Xl@ܑP=;x+[F0Z4JdSDoB!'4~{{_{Ww[G>fU>APx A,l'4AaA5GSS8dF ˇeP({^R)_ɞ͔̊vV/\B.R,)+ISeCBA9t[?iJDƿm.Ibnj\ˏqy~T^yhrR*U?Qf5s:,Q64j9ݩPG0c΍Ƌk 6(^UTW/VVW[ܔ ٔcGҋTcە'3 -endstream -endobj -107 0 obj -<< -/Length 26046 ->> -stream -q -q -0.10000 0 0 0.10000 0 0 cm -/R9 gs -/R11 cs -0.13745 0.12280 0.12598 scn -q -10 0 0 10 0 0 cm -BT -/R14 9.96260 Tf -1 0 0 1 50.11210 710.03700 Tm -[ (w) 10.00140 (ay) -352.01500 (netw) 10.00870 (orks) -350.98800 (ha) 19.99790 (v) 14.98280 (e) -351.98500 (not) -350.98300 (demonstrated) -351.98300 (accurac) 14.99750 (y) -350.99500 (g) 4.98446 (ains) -352.00500 (with) ] TJ -11.95510 TL -T* -[ (e) 15.01280 (xtremely) -250.01200 (increased) -249.99500 (depth) -250.01800 (\050) ] TJ --0.14944 Tc -/R18 9.96260 Tf -110.23500 0 Td -[ (e\056) -14.98520 (g) ] TJ -0 Tc -/R14 9.96260 Tf -11.74570 0 Td -[ (\056\054) -249.99300 (o) 14.98280 (v) 14.98280 (er) -250.00100 (100) -249.98300 (layers\051\056) ] TJ -/R12 11.95520 Tf --121.98100 -24.22190 Td -[ (3\056) -249.99000 (Deep) -249.98600 (Residual) -250.00300 (Lear) 14.99430 (ning) ] TJ -/R12 10.95890 Tf -19.03320 TL -T* -[ (3\0561\056) -250.00500 (Residual) -250.01200 (Lear) 14.99190 (ning) ] TJ -/R14 9.96260 Tf -11.95510 -18.03590 Td -[ (Let) -370.01000 (us) -370.98600 (consider) ] TJ -/R16 9.96260 Tf -66.95740 0 Td -(H) Tj -/R39 9.96260 Tf -8.51016 0 Td -(\050) Tj -/R41 9.96260 Tf -3.87422 0 Td -(x) Tj -/R39 9.96260 Tf -6.04727 0 Td -(\051) Tj -/R14 9.96260 Tf -7.56367 0 Td -[ (as) -370.01500 (an) -370.99600 (underlying) -370.01900 (mapping) -369.98200 (to) -370.98500 (be) ] TJ --104.90800 -11.95510 Td -[ (\223t) -322.98300 (by) -322.01500 (a) -323.00900 (fe) 25.01110 (w) -323.00200 (stack) 10.00810 (ed) -321.98400 (layers) -322.99900 (\050not) -322.99100 (necessarily) -322.00800 (the) -322.99800 (entire) -322.99800 (net\051\054) ] TJ -11.95510 TL -(with) ' -/R41 9.96260 Tf -20.12580 0 Td -(x) Tj -/R14 9.96260 Tf -8.45820 0 Td -[ (denoting) -241.88500 (the) -241.99100 (inputs) -242.00300 (to) -241.98700 (the) -241.99100 (\223rst) -242.01400 (of) -241.99600 (these) -241.98900 (layers\056) -308.01700 (If) -242.00600 (one) ] TJ --0.00100 Tc --28.58280 -11.95510 Td -[ (hypothesizes) -315.10900 (that) -314.09700 (multiple) -315.09300 (nonlinear) -314.11900 (layers) -315.09000 (can) -315.11400 (asymptoti\055) ] TJ -0 Tc -T* -[ (cally) -289 (approximate) -290 (complicated) -288.90000 (functions) ] TJ -/R14 6.97380 Tf -163.59600 3.61484 Td -(2) Tj -/R14 9.96260 Tf -3.98516 -3.61523 Td -[ (\054) -299.00600 (then) -290.01800 (it) -288.99600 (is) -290.01800 (equi) 24.98850 (v\055) ] TJ --0.00100 Tc --167.58200 -11.95510 Td -[ (alent) -335.10000 (to) -336.09300 (hypothesize) -335.09000 (that) -336.09300 (the) 14.88230 (y) -335.09800 (can) -335.11100 (asymptotically) -336.10600 (approxi\055) ] TJ -0 Tc -T* -[ (mate) -306.99700 (the) -306.01900 (residual) -306.98900 (functions\054) ] TJ -/R18 9.96260 Tf -115.01500 0 Td -(i\056e) Tj -/R14 9.96260 Tf -9.68281 0 Td -(\056\054) Tj -/R16 9.96260 Tf -8.17812 0 Td -(H) Tj -/R39 9.96260 Tf -8.51016 0 Td -(\050) Tj -/R41 9.96260 Tf -3.87422 0 Td -(x) Tj -/R39 9.96260 Tf -6.04727 0 Td -(\051) Tj -/R16 9.96260 Tf -6.50586 0 Td -(\212) Tj -/R41 9.96260 Tf -10.38090 0 Td -(x) Tj -/R14 9.96260 Tf -9.10078 0 Td -[ (\050assuming) -307.00800 (that) ] TJ --177.29500 -11.95630 Td -[ (the) -485.98900 (input) -486.98700 (and) -485.99100 (output) -485.88500 (are) -486.99000 (of) -485.99600 (the) -485.99000 (same) -487.00700 (dimensions\051\056) -1018.99000 (So) ] TJ -11.95590 TL -T* -[ (rather) -280.89700 (than) -281 (e) 15.01280 (xpect) -281.00300 (stack) 10.00810 (ed) -281.01100 (layers) -281.00600 (to) -281 (approximate) ] TJ -/R16 9.96260 Tf -196.96100 0 Td -(H) Tj -/R39 9.96260 Tf -8.51016 0 Td -(\050) Tj -/R41 9.96260 Tf -3.87461 0 Td -(x) Tj -/R39 9.96260 Tf -6.04727 0 Td -(\051) Tj -2.87919 Tc -/R14 9.96260 Tf -3.87422 0 Td -[ (\054w) 288.99600 (e) ] TJ -0 Tc --219.26600 -11.95550 Td -[ (e) 15.01280 (xplicitly) -366.99000 (let) -366.00800 (these) -366.98800 (layers) -366.01100 (approximate) -367.00700 (a) -365.98300 (residual) -367.01700 (function) ] TJ -/R16 9.96260 Tf -11.95510 TL -(F) ' -/R39 9.96260 Tf -8.15039 0 Td -(\050) Tj -/R41 9.96260 Tf -3.87422 0 Td -(x) Tj -4.45229 Tc -/R39 9.96260 Tf -6.04727 0 Td -[ (\051\072) 446.08400 (\075) ] TJ -0 Tc -/R16 9.96260 Tf -23.27660 0 Td -(H) Tj -/R39 9.96260 Tf -8.51016 0 Td -(\050) Tj -/R41 9.96260 Tf -3.87461 0 Td -(x) Tj -/R39 9.96260 Tf -6.04727 0 Td -(\051) Tj -/R16 9.96260 Tf -6.75742 0 Td -(\212) Tj -/R41 9.96260 Tf -10.63320 0 Td -(x) Tj -/R14 9.96260 Tf -6.04727 0 Td -[ (\056) -582.01800 (The) -340.99700 (original) -341.01200 (function) -341.01400 (thus) -341.01900 (becomes) ] TJ -/R16 9.96260 Tf --83.21760 -11.95510 Td -(F) Tj -/R39 9.96260 Tf -8.15039 0 Td -(\050) Tj -/R41 9.96260 Tf -3.87461 0 Td -(x) Tj -0.78605 Tc -/R39 9.96260 Tf -6.04727 0 Td -(\051\053) Tj -0 Tc -/R41 9.96260 Tf -13.18550 0 Td -(x) Tj -/R14 9.96260 Tf -6.04727 0 Td -[ (\056) -297.00700 (Although) -210.98200 (both) -211.00200 (forms) -211.98700 (should) -210.99100 (be) -210.98400 (able) -210.98200 (to) -211.01100 (asymptot\055) ] TJ --0.00100 Tc --37.30390 -11.95510 Td -[ (ically) -273.08600 (approximate) -274.00500 (the) -273.10900 (desired) -273.11400 (functions) -273.09700 (\050as) -274.09900 (hypothesized\051\054) ] TJ -0 Tc -11.95630 TL -T* -[ (the) -249.99000 (ease) -250.00400 (of) -249.99600 (learning) -250.02000 (might) -250 (be) -249.99600 (dif) 24.98480 (ferent\056) ] TJ -11.95510 -12.05860 Td -[ (This) -351.01700 (reformulation) -350.88600 (is) -350.00700 (moti) 25.00810 (v) 24.98110 (ated) -350.99700 (by) -350.99000 (the) -350.99300 (counterintuiti) 24.99340 (v) 14.98280 (e) ] TJ --11.95510 -11.95510 Td -[ (phenomena) -230.91700 (about) -231.98200 (the) -231.01300 (de) 15.01830 (gradation) -230.99800 (problem) -232.01300 (\050Fig\056) -230.99300 (1\054) -235.01200 (left\051\056) -303.98400 (As) ] TJ -11.95510 TL -T* -[ (we) -394.01400 (discussed) -393 (in) -394 (the) -394.00500 (introduction\054) -429.01200 (if) -394.00900 (the) -392.98600 (added) -394.00500 (layers) -394.00500 (can) ] TJ -T* -[ (be) -232 (constructed) -232.01500 (as) -232 (identity) -232 (mappings\054) -235.01500 (a) -232.00500 (deeper) -230.98800 (model) -232.01500 (should) ] TJ -T* -[ (ha) 19.99730 (v) 14.98280 (e) -398.99700 (training) -397.98300 (error) -399 (no) -398.00200 (greater) -399 (than) -399.01900 (its) -397.99200 (shallo) 25.00320 (wer) -398.99700 (counter) 20.00650 (\055) ] TJ -T* -[ (part\056) -834.99100 (The) -424.98400 (de) 15.01830 (gradation) -425.00500 (problem) -425 (suggests) -426.01000 (that) -425.01200 (the) -425.02000 (solv) 15 (ers) ] TJ -11.95630 TL -T* -[ (might) -285.99400 (ha) 19.99730 (v) 14.98280 (e) -287.01500 (dif) 24.98480 (\223culties) -285.99300 (in) -286.01800 (approximating) -286.01800 (identity) -287.01100 (mappings) ] TJ -T* -[ (by) -267.00400 (multiple) -267.00700 (nonlinear) -266.99200 (layers\056) -360.99000 (W) 39.99460 (ith) -266.99500 (the) -267.00700 (residual) -266.99500 (learning) -266.99700 (re\055) ] TJ -11.95510 TL -T* -[ (formulation\054) -394.90800 (if) -366.01400 (identity) -364.99800 (mappings) -366.01500 (are) -365.99000 (optimal\054) -394.99000 (the) -366.01000 (solv) 15 (ers) ] TJ -T* -[ (may) -243.98600 (simply) -245.01400 (dri) 24.98480 (v) 14.98280 (e) -244.00300 (the) -245.01100 (weights) -244.00800 (of) -243.99700 (the) -245.01100 (multiple) -243.99100 (nonlinear) -244.99600 (lay\055) ] TJ -T* -[ (ers) -249.99900 (to) 24.98850 (w) 10.00140 (ard) -250 (zero) -250.00500 (to) -249.98500 (approach) -249.99400 (identity) -249.99700 (mappings\056) ] TJ -11.95510 -12.05860 Td -[ (In) -233.01800 (real) -232.98600 (cases\054) -235.99900 (it) -233.00500 (is) -233.00600 (unlik) 9.98853 (ely) -231.99300 (that) -233.00500 (identity) -232.98100 (mappings) -233.01700 (are) -232.99300 (op\055) ] TJ --11.95510 -11.95630 Td -[ (timal\054) -373.98400 (b) 20.00160 (ut) -348.99300 (our) -350.01300 (reformulation) -349.98400 (may) -348.98800 (help) -348.98800 (to) -348.98800 (precondition) -350.02000 (the) ] TJ -T* -[ (problem\056) -776.90000 (If) -404.99800 (the) -406.00300 (optimal) -404.99100 (function) -405.98400 (is) -405.01700 (closer) -406.00300 (to) -405.01800 (an) -406.01100 (identity) ] TJ -T* -[ (mapping) -263.88200 (than) -265.00200 (to) -263.98300 (a) -265.02000 (z) 1.01454 (ero) -265.01700 (mapping\054) -267.99600 (it) -263.98000 (should) -264.98000 (be) -263.99500 (easier) -263.99800 (for) -265.01700 (the) ] TJ -T* -[ (solv) 15.00120 (er) -242.00600 (to) -241.98700 (\223nd) -242.01400 (the) -241.01100 (perturbations) -242 (with) -242.01600 (reference) -241.98700 (to) -241.98700 (an) -241.99900 (identity) ] TJ -T* -[ (mapping\054) -258.90000 (than) -257.00400 (to) -257.00400 (learn) -257.01600 (the) -257.00900 (function) -256.98900 (as) -257.01500 (a) -256.98200 (ne) 25.01050 (w) -257.01300 (one\056) -332.01600 (W) 79.98660 (e) -256.98200 (sho) 24.99340 (w) ] TJ -T* -[ (by) -195.99700 (e) 15.01280 (xperiments) -194.99100 (\050Fig\056) -196.09800 (7\051) -194.98600 (that) -195.99200 (the) -195.01900 (learned) -196.00500 (residual) -195.00700 (functions) -196.01400 (in) ] TJ -11.95630 TL -T* -[ (general) -245.99700 (ha) 19.99730 (v) 14.98280 (e) -246.00200 (small) -246.00900 (responses\054) -246.99400 (suggesting) -245.99100 (that) -247.00300 (identity) -245.99800 (map\055) ] TJ -11.95510 TL -T* -[ (pings) -250.00900 (pro) 14.98460 (vide) -249.90700 (reasonable) -249.99000 (preconditioning\056) ] TJ -/R12 10.95890 Tf --0.00352 -20.23240 Td -[ (3\0562\056) -250.00500 (Identity) -249.98700 (Mapping) -250.00600 (by) -250.01600 (Shortcuts) ] TJ -/R14 9.96260 Tf -11.95510 -18.03590 Td -[ (W) 79.98730 (e) -309.99200 (adopt) -310.00900 (residual) -310.00800 (learning) -310.01000 (to) -310.01400 (e) 25.01050 (v) 14.98280 (ery) -311.00900 (fe) 25.00810 (w) -309.98500 (stack) 10.00810 (ed) -309.98700 (layers\056) ] TJ --11.95510 -11.95510 Td -[ (A) -249.99400 (b) 20.00160 (uilding) -249.99500 (block) -250.01800 (is) -249.98400 (sho) 24.99220 (wn) -249.99000 (in) -249.98500 (Fig\056) -250.08600 (2\056) -310.01900 (F) 14.99260 (ormally) 64.99900 (\054) -249.99500 (in) -249.99300 (this) -250.01200 (paper) ] TJ -T* -[ (we) -249.99900 (consider) -249.98100 (a) -250.00200 (b) 20.00160 (uilding) -249.99500 (block) -250.01800 (de\223ned) -250.01600 (as\072) ] TJ -/R41 9.96260 Tf -73.35470 -22.12500 Td -(y) Tj -/R39 9.96260 Tf -8.97344 0 Td -(\075) Tj -/R16 9.96260 Tf -10.51520 0 Td -(F) Tj -/R39 9.96260 Tf -8.15039 0 Td -(\050) Tj -/R41 9.96260 Tf -3.87578 0 Td -(x) Tj -/R53 9.96260 Tf -6.04609 0 Td -(\054) Tj -/R16 9.96260 Tf -4.42852 0 Td -(\173) Tj -/R53 9.96260 Tf -4.98203 0 Td -(W) Tj -/R55 6.97380 Tf -9.40703 -1.49609 Td -(i) Tj -/R16 9.96260 Tf -3.31719 1.49531 Td -(\175) Tj -2.22066 Tc -/R39 9.96260 Tf -4.98125 0 Td -(\051\053) Tj -0 Tc -/R41 9.96260 Tf -16.05080 0 Td -(x) Tj -/R53 9.96260 Tf -6.04609 0 Td -(\056) Tj -/R14 9.96260 Tf -64.50590 0 Td -(\0501\051) Tj --224.63400 -22.12620 Td -(Here) Tj -/R41 9.96260 Tf -22.77340 0 Td -(x) Tj -/R14 9.96260 Tf -9.46367 0 Td -(and) Tj -/R41 9.96260 Tf -17.80310 0 Td -(y) Tj -/R14 9.96260 Tf -9.62187 0 Td -[ (are) -342.89600 (the) -342.99400 (input) -342.89400 (and) -342.99500 (output) -343.00700 (v) 14.98280 (ectors) -342.01400 (of) -343 (the) -342.99400 (lay\055) ] TJ --59.66130 -11.95510 Td -[ (ers) -414.99100 (considered\056) -803.88500 (The) -414.00400 (function) ] TJ -/R16 9.96260 Tf -126.36500 0 Td -(F) Tj -/R39 9.96260 Tf -8.15039 0 Td -(\050) Tj -/R41 9.96260 Tf -3.87422 0 Td -(x) Tj -/R53 9.96260 Tf -6.04766 0 Td -(\054) Tj -/R16 9.96260 Tf -4.42812 0 Td -(\173) Tj -/R53 9.96260 Tf -4.98125 0 Td -(W) Tj -/R55 6.97380 Tf -9.40508 -1.49414 Td -(i) Tj -/R16 9.96260 Tf -3.31719 1.49414 Td -(\175) Tj -/R39 9.96260 Tf -4.98125 0 Td -(\051) Tj -/R14 9.96260 Tf -8.00586 0 Td -[ (represents) -414.90100 (the) ] TJ --179.55700 -11.95510 Td -[ (residual) -312.00800 (mapping) -311.91200 (to) -310.99500 (be) -311.98600 (learned\056) -495.99200 (F) 14.99260 (or) -311.01100 (the) -312.01900 (e) 15.01220 (xample) -312.00700 (in) -312.01400 (Fig\056) -312.11500 (2) ] TJ -T* -[ (that) -328.98900 (has) -328.01700 (tw) 10.00810 (o) -329 (layers\054) ] TJ -/R16 9.96260 Tf -82.63750 0 Td -(F) Tj -/R39 9.96260 Tf -12.36560 0 Td -(\075) Tj -/R53 9.96260 Tf -11.96520 0 Td -(W) Tj -/R57 6.97380 Tf -9.40898 -1.49453 Td -(2) Tj -/R53 9.96260 Tf -4.47031 1.49492 Td -<02> Tj -/R39 9.96260 Tf -6.05000 0 Td -(\050) Tj -/R53 9.96260 Tf -3.87461 0 Td -(W) Tj -/R57 6.97380 Tf -9.40938 -1.49492 Td -(1) Tj -/R41 9.96260 Tf -4.46875 1.49492 Td -(x) Tj -/R39 9.96260 Tf -6.04727 0 Td -(\051) Tj -/R14 9.96260 Tf -7.14727 0 Td -[ (in) -328.99200 (which) ] TJ -/R53 9.96260 Tf -38.64610 0 Td -<02> Tj -/R14 9.96260 Tf -9.32305 0 Td -(denotes) Tj -ET -Q -/R20 gs -3.98000 w -/R11 CS -0.13745 0.12280 0.12598 SCN -501.12100 906.78900 m -1446.11000 906.78900 l -S -q -10 0 0 10 0 0 cm -BT -/R14 5.97760 Tf -1 0 0 1 60.97110 83.81290 Tm -(2) Tj --0.00080 Tc -/R14 7.97010 Tf -3.48672 -2.81289 Td -[ (This) -249.99700 (hypothesis\054) -250.08500 (ho) 24.91610 (we) 24.91460 (v) 14.88410 (e) -0.09343 (r) 39.91050 (\054) -250.11400 (is) -250.10300 (still) -250.08600 (an) -250.11500 (open) -250.09700 (question\056) -310.10400 (See) -250.08300 (\13328\135\056) ] TJ -0 Tc -/R14 9.96260 Tf -244.40400 629.03700 Td -[ (ReLU) -344.98700 (\13329\135) -344.99900 (and) -344.99600 (the) -344.99400 (biases) -344.98700 (are) -345.01100 (omitted) -345.98100 (for) -345.00100 (simplifying) -345.01600 (no\055) ] TJ -11.95510 TL -T* -[ (tations\056) -638.99400 (The) -359.89600 (operation) ] TJ -/R16 9.96260 Tf -95.71450 0 Td -(F) Tj -/R39 9.96260 Tf -11.17420 0 Td -(\053) Tj -/R41 9.96260 Tf -10.77150 0 Td -(x) Tj -/R14 9.96260 Tf -9.63008 0 Td -[ (is) -360.00400 (performed) -358.98900 (by) -360.00900 (a) -359.98400 (shortcut) ] TJ --127.29100 -11.95550 Td -[ (connection) -343.91600 (and) -344.99600 (element\055wise) -343.91300 (addition\056) -593 (W) 79.98660 (e) -345.00600 (adopt) -344.00100 (the) -344.99100 (sec\055) ] TJ -T* -[ (ond) -249.98300 (nonlinearity) -249.79900 (after) -250.00500 (the) -249.98800 (addition) -249.99700 (\050) ] TJ -/R18 9.96260 Tf -141.94600 0 Td -(i\056e) Tj -/R14 9.96260 Tf -9.68359 0 Td -(\056\054) Tj -/R53 9.96260 Tf -7.47227 0 Td -<02> Tj -/R39 9.96260 Tf -6.05000 0 Td -(\050) Tj -/R41 9.96260 Tf -3.87461 0 Td -(y) Tj -/R39 9.96260 Tf -6.20586 0 Td -(\051) Tj -/R14 9.96260 Tf -3.87422 0 Td -[ (\054) -249.99300 (see) -250.00200 (Fig\056) -250.00700 (2\051\056) ] TJ --167.15000 -12.19730 Td -[ (The) -190.98300 (shortcut) -190.88200 (connections) -191.89400 (in) -191.01700 (Eqn\056\0501\051) -191.01200 (introduce) -191.00200 (neither) -191.99200 (e) 15.01220 (x\055) ] TJ --11.95510 -11.95510 Td -[ (tra) -259.99600 (parameter) -258.89800 (nor) -259.98800 (computation) -259.90800 (comple) 15.11510 (xity) 64.91560 (\056) -338.99700 (This) -258.99100 (is) -259.98100 (not) -260.01500 (only) ] TJ -T* -[ (attracti) 25.10610 (v) 14.98280 (e) -271.01800 (in) -269.98200 (practice) -271.01600 (b) 20.00160 (ut) -271.00600 (also) -270.99900 (important) -269.99400 (in) -271.00400 (our) -271.00900 (comparisons) ] TJ -11.95630 TL -T* -[ (between) -340.01400 (plain) -339.88400 (and) -340.01700 (residual) -338.98300 (netw) 10.00810 (orks\056) -580.00600 (W) 79.98660 (e) -339.98700 (can) -339.98700 (f) 9.99343 (airly) -340.01200 (com\055) ] TJ -T* -[ (pare) -376.88600 (plain\057residual) -376.98900 (netw) 10.08660 (orks) -376.98100 (that) -376.98100 (simultaneously) -376.88800 (ha) 19.99670 (v) 14.98280 (e) -377 (the) ] TJ -T* -[ (same) -400.00200 (number) -399.99200 (of) -400.00900 (parameters\054) -437.99600 (depth\054) -437.00500 (width\054) -438.01500 (and) -400.00700 (computa\055) ] TJ -11.95510 TL -T* -[ (tional) -190.02000 (cost) -189.91400 (\050e) 15.00980 (xcept) -190 (for) -190.01000 (the) -191.02000 (ne) 15.01710 (gligible) -190.00800 (element\055wise) -189.97800 (addition\051\056) ] TJ -11.95510 -12.19730 Td -[ (The) -358.91600 (dimensions) -358.98400 (of) ] TJ -/R41 9.96260 Tf -79.91210 0 Td -(x) Tj -/R14 9.96260 Tf -9.62383 0 Td -(and) Tj -/R16 9.96260 Tf -17.96370 0 Td -(F) Tj -/R14 9.96260 Tf -11.72770 0 Td -[ (must) -359.00900 (be) -358.99900 (equal) -358.98900 (in) -358.98900 (Eqn\056\0501\051\056) ] TJ --131.18200 -11.95510 Td -[ (If) -275.02000 (this) -274.98800 (is) -276.02000 (not) -274.99600 (the) -275.00600 (case) -274.98100 (\050) ] TJ --0.14944 Tc -/R18 9.96260 Tf -89.49800 0 Td -[ (e\056) -14.98520 (g) ] TJ -0 Tc -/R14 9.96260 Tf -11.74570 0 Td -[ (\056\054) -281.98700 (when) -275.00300 (changing) -274.98800 (the) -275.00300 (input\057output) ] TJ --101.24400 -11.95510 Td -[ (channels\051\054) -417.01400 (we) -384.01700 (can) -384.01700 (perform) -382.98500 (a) -384.01900 (linear) -384.00500 (projection) ] TJ -/R53 9.96260 Tf -192.80000 0 Td -(W) Tj -/R55 6.97380 Tf -9.40898 -1.49102 Td -(s) Tj -/R14 9.96260 Tf -8.08086 1.49492 Td -[ (by) -384.00500 (the) ] TJ --210.29100 -11.95510 Td -[ (shortcut) -249.89200 (connections) -249.88700 (to) -249.98500 (match) -249.98300 (the) -249.98800 (dimensions\072) ] TJ -/R41 9.96260 Tf -66.52030 -22.40200 Td -(y) Tj -/R39 9.96260 Tf -8.97344 0 Td -(\075) Tj -/R16 9.96260 Tf -10.51640 0 Td -(F) Tj -/R39 9.96260 Tf -8.15039 0 Td -(\050) Tj -/R41 9.96260 Tf -3.87461 0 Td -(x) Tj -/R53 9.96260 Tf -6.04727 0 Td -(\054) Tj -/R16 9.96260 Tf -4.42734 0 Td -(\173) Tj -/R53 9.96260 Tf -4.98242 0 Td -(W) Tj -/R55 6.97380 Tf -9.40742 -1.49414 Td -(i) Tj -/R16 9.96260 Tf -3.31719 1.49414 Td -(\175) Tj -2.22066 Tc -/R39 9.96260 Tf -4.98125 0 Td -(\051\053) Tj -0 Tc -/R53 9.96260 Tf -16.05080 0 Td -(W) Tj -/R55 6.97380 Tf -9.40898 -1.49414 Td -(s) Tj -/R41 9.96260 Tf -4.25781 1.49414 Td -(x) Tj -/R53 9.96260 Tf -6.04727 0 Td -(\056) Tj -/R14 9.96260 Tf -57.67150 0 Td -(\0502\051) Tj --224.63400 -22.40080 Td -[ (W) 79.98660 (e) -228.00600 (can) -228.98400 (also) -227.98600 (use) -227.99400 (a) -228.98600 (square) -227.99600 (matrix) ] TJ -/R53 9.96260 Tf -128.55400 0 Td -(W) Tj -/R55 6.97380 Tf -9.40859 -1.49414 Td -(s) Tj -/R14 9.96260 Tf -6.53398 1.49375 Td -[ (in) -227.99100 (Eqn\056\0501\051\056) -302.98900 (But) -228.01600 (we) -228.98100 (will) ] TJ --144.49600 -11.95510 Td -[ (sho) 24.99340 (w) -263.99300 (by) -263.99000 (e) 15.01220 (xperiments) -263.99800 (that) -264.02000 (the) -263.98500 (identity) -265.01500 (mapping) -264 (is) -263.98000 (suf) 24.98600 (\223cient) ] TJ -T* -[ (for) -290.89500 (addressing) -290.90500 (the) -291.98300 (de) 15.01710 (gradation) -290.98600 (problem) -290.98600 (and) -291.00500 (is) -292.01500 (economical\054) ] TJ -T* -[ (and) -249.91400 (thus) ] TJ -/R53 9.96260 Tf -35.97500 0 Td -(W) Tj -/R55 6.97380 Tf -9.40859 -1.49453 Td -(s) Tj -/R14 9.96260 Tf -6.74883 1.49492 Td -[ (is) -249.98500 (only) -250.01500 (used) -249.98500 (when) -249.98800 (matching) -250.00200 (dimensions\056) ] TJ --40.17810 -12.19730 Td -[ (The) -315.98200 (form) -316.91800 (of) -315.98400 (the) -316.01800 (residual) -316.98600 (function) ] TJ -/R16 9.96260 Tf -138.98800 0 Td -(F) Tj -/R14 9.96260 Tf -11.30160 0 Td -[ (is) -316.01100 (\224e) 14.98770 (xible\056) -508.98900 (Exper) 20.00160 (\055) ] TJ --162.24500 -11.95510 Td -[ (iments) -357.00400 (in) -356.98700 (this) -357.01400 (paper) -357.00200 (in) 40.00560 (v) 20.00160 (olv) 14.99750 (e) -357.00400 (a) -357.00400 (function) ] TJ -/R16 9.96260 Tf -162.50800 0 Td -(F) Tj -/R14 9.96260 Tf -11.70630 0 Td -[ (that) -356.90600 (has) -356.99400 (tw) 10.00810 (o) -356.99400 (or) ] TJ --174.21400 -11.95510 Td -[ (three) -273.99300 (layers) -273.90800 (\050Fig\056) -274.98600 (5\051\054) -279.98800 (while) -274.01300 (more) -273.98400 (layers) -275.00800 (are) -274.00300 (possible\056) -382.01500 (But) -274.98800 (if) ] TJ -/R16 9.96260 Tf -11.95630 TL -(F) ' -/R14 9.96260 Tf -10.21370 0 Td -[ (has) -206.89900 (only) -207.00200 (a) -208.00900 (single) -206.99700 (layer) 39.99330 (\054) -214.98100 (Eqn\056\0501\051) -207.99000 (is) -207.01000 (similar) -206.99000 (to) -207.01400 (a) -206.99000 (linear) -207.01400 (layer\072) ] TJ -/R41 9.96260 Tf --10.21370 -11.95510 Td -(y) Tj -/R39 9.96260 Tf -8.97344 0 Td -(\075) Tj -/R53 9.96260 Tf -10.51640 0 Td -(W) Tj -/R57 6.97380 Tf -9.40859 -1.49336 Td -(1) Tj -/R41 9.96260 Tf -4.46992 1.49414 Td -(x) Tj -/R39 9.96260 Tf -7.63320 0 Td -(\053) Tj -/R41 9.96260 Tf -9.33516 0 Td -(x) Tj -/R14 9.96260 Tf -6.04609 0 Td -[ (\054) -235.99700 (for) -232.98300 (which) -233.00500 (we) -232.98100 (ha) 19.99670 (v) 14.98280 (e) -232.98600 (not) -233 (observ) 14.99260 (ed) -233.02000 (adv) 24.98110 (antages\056) ] TJ --44.42700 -12.19730 Td -[ (W) 79.98660 (e) -242.98400 (also) -241.98400 (note) -243.00600 (that) -241.98400 (although) -242.98400 (the) -241.98900 (abo) 14.98280 (v) 14.98280 (e) -242.98400 (notations) -241.99400 (are) -242.98900 (about) ] TJ --11.95550 -11.95510 Td -[ (fully\055connected) -267.88900 (layers) -267.98700 (for) -269.01400 (simplicity) 64.98920 (\054) -273.00800 (the) 14.98770 (y) -267.99000 (are) -268.98500 (applicable) -268.01400 (to) ] TJ -11.95510 TL -T* -[ (con) 40.11590 (v) 20.00160 (olutional) -311.00200 (layers\056) -493.00600 (The) -311.00200 (function) ] TJ -/R16 9.96260 Tf -143.38200 0 Td -(F) Tj -/R39 9.96260 Tf -8.15039 0 Td -(\050) Tj -/R41 9.96260 Tf -3.87539 0 Td -(x) Tj -/R53 9.96260 Tf -6.04609 0 Td -(\054) Tj -/R16 9.96260 Tf -4.42852 0 Td -(\173) Tj -/R53 9.96260 Tf -4.98242 0 Td -(W) Tj -/R55 6.97380 Tf -9.40703 -1.49375 Td -(i) Tj -/R16 9.96260 Tf -3.31719 1.49414 Td -(\175) Tj -/R39 9.96260 Tf -4.98125 0 Td -(\051) Tj -/R14 9.96260 Tf -6.97266 0 Td -[ (can) -310.89400 (repre\055) ] TJ --195.54300 -11.95510 Td -[ (sent) -273.90000 (multiple) -272.88800 (con) 39.99820 (v) 20.00160 (olutional) -273.98900 (layers\056) -380.98500 (The) -273.00800 (element\055wise) -274.00300 (addi\055) ] TJ -T* -[ (tion) -247.89500 (is) -247.00500 (performed) -247.98800 (on) -247.00800 (tw) 10.00810 (o) -247.99300 (feature) -246.98300 (maps\054) -248.99800 (channel) -247.00800 (by) -247.98800 (channel\056) ] TJ -/R12 10.95890 Tf -20.65080 TL -T* -[ (3\0563\056) -250.00400 (Netw) 10.00500 (ork) -250.00400 (Ar) 17.99600 (chitectur) 17.99600 (es) ] TJ -/R14 9.96260 Tf -11.95510 -18.17420 Td -[ (W) 79.98660 (e) -270 (ha) 19.99670 (v) 14.98280 (e) -270 (tested) -270.01600 (v) 24.98110 (arious) -270.01900 (plain\057residual) -269.98900 (nets\054) -274.99800 (and) -271.00900 (ha) 19.99670 (v) 14.98280 (e) -270 (ob\055) ] TJ --11.95550 -11.95510 Td -[ (serv) 14.98030 (ed) -255.01600 (consistent) -255.01600 (phenomena\056) -325.01900 (T) 79.99160 (o) -255.01100 (pro) 14.98280 (vide) -255.98200 (instances) -254.99200 (for) -255.01600 (dis\055) ] TJ -11.95510 TL -T* -[ (cussion\054) -249.88700 (we) -250 (describe) -249.99000 (tw) 10.00810 (o) -249.99300 (models) -250.00700 (for) -249.99700 (ImageNet) -249.98800 (as) -249.99700 (follo) 24.99580 (ws\056) ] TJ -/R12 9.96260 Tf -18.17460 TL -T* -[ (Plain) -372.01900 (Netw) 10.11350 (ork\056) ] TJ -/R14 9.96260 Tf -72.04770 0 Td -[ (Our) -372.01100 (plain) -371.91800 (baselines) -371.91300 (\050Fig\056) -371.91300 (3\054) -402.00200 (middle\051) -371.98700 (are) ] TJ --0.00100 Tc --72.04770 -11.95510 Td -[ (mainly) -211.98400 (inspired) -213.01100 (by) -212.11700 (the) -212.09900 (philosophy) -213.10700 (o) -0.09312 (f) -212.10700 (V) 14.87990 (GG) -213.10200 (nets) -212.11700 (\13340\135) -212.08700 (\050Fig\056) -213.10700 (3\054) ] TJ -0 Tc -11.95550 TL -T* -[ (left\051\056) -393.89000 (The) -277.98800 (con) 40.11590 (v) 20.00160 (olutional) -277.00800 (layers) -277.98800 (mostly) -277.98800 (ha) 19.99670 (v) 14.98280 (e) -277.99800 (3) ] TJ -/R16 9.96260 Tf -180.90200 0 Td -(\327) Tj -/R14 9.96260 Tf -7.74883 0 Td -[ (3) -277.98800 (\223lters) -278.00300 (and) ] TJ --188.65100 -11.95510 Td -[ (follo) 25.11590 (w) -438.00300 (tw) 10 (o) -438.98100 (simple) -438.01000 (design) -439 (rules\072) -687.00300 (\050i\051) -438.00500 (for) -438.98600 (the) -437.99600 (same) -439.01500 (output) ] TJ -T* -[ (feature) -358.88900 (map) -359.10400 (size\054) -386.00700 (the) -358.99200 (layers) -357.89600 (ha) 19.99670 (v) 14.98280 (e) -359.00400 (the) -358.98900 (same) -358.98900 (number) -359.01900 (of) -358.99900 (\223l\055) ] TJ -T* -[ (ters\073) -477.90800 (and) -402.98700 (\050ii\051) -402.00400 (if) -402.00600 (the) -402.00400 (feature) -402.01600 (map) -403.01600 (size) -402.00600 (is) -401.99700 (halv) 14.99260 (ed\054) -440 (the) -402.98200 (num\055) ] TJ -T* -[ (ber) -410.01200 (of) -410.00800 (\223lters) -409.98300 (is) -409.99800 (doubled) -409.98300 (so) -410 (as) -410.01000 (to) -410 (preserv) 15.01710 (e) -410.01500 (the) -410 (time) -409.98600 (com\055) ] TJ -T* -[ (ple) 14.98520 (xity) -385.91100 (per) -384.99700 (layer) 55.08880 (\056) -717.99500 (W) 79.98660 (e) -386.01900 (perform) -386.00400 (do) 24.98600 (wnsampling) -386.00400 (directly) -385.99400 (by) ] TJ -T* -[ (con) 40.11590 (v) 20.00160 (olutional) -354.99500 (layers) -354.01200 (that) -354.98500 (ha) 19.99670 (v) 14.98280 (e) -355.00400 (a) -353.98500 (stride) -354.98000 (of) -355 (2\056) -624.00400 (The) -354.99500 (netw) 10.00810 (ork) ] TJ -T* -[ (ends) -349.89000 (with) -351.01700 (a) -349.98600 (global) -349.99600 (a) 19.99180 (v) 14.98280 (erage) -349.99100 (pooling) -351 (layer) -349.98100 (and) -350.01500 (a) -351.00500 (1000\055w) 10.01790 (ay) ] TJ -T* -[ (fully\055connected) -378.89000 (layer) -378.01500 (with) -378.89300 (softmax\056) -695.89400 (The) -378.01000 (total) -378.89300 (number) -379.01500 (of) ] TJ -T* -[ (weighted) -249.89500 (layers) -249.99000 (is) -249.98500 (34) -249.98800 (in) -249.98500 (Fig\056) -250.00700 (3) -249.99300 (\050middle\051\056) ] TJ -11.95550 -12.19690 Td -[ (It) -301.98400 (is) -300.99600 (w) 10 (orth) -302.01300 (noticing) -301.99100 (that) -300.99400 (our) -301.98400 (model) -302.00400 (has) ] TJ -/R18 9.96260 Tf -158.98700 0 Td -[ (fe) 14.98280 (wer) ] TJ -/R14 9.96260 Tf -25.22230 0 Td -[ (\223lters) -301.88100 (and) ] TJ -/R18 9.96260 Tf --196.16400 -11.95550 Td -(lower) Tj -/R14 9.96260 Tf -25.13750 0 Td -[ (comple) 15.11510 (xity) -222.01700 (than) -222.89200 (V) 14.98030 (GG) -221.99700 (nets) -221.98700 (\13340\135) -221.99700 (\050Fig\056) -222.99700 (3\054) -227.01100 (left\051\056) -301.00400 (Our) -221.99700 (34\055) ] TJ --25.13750 -11.95510 Td -[ (layer) -211.88600 (baseline) -211.98700 (has) -211.99600 (3\0566) -213.01100 (billion) -211.88100 (FLOPs) -212.12100 (\050multiply\055adds\051\054) -219.78700 (which) ] TJ -T* -[ (is) -249.98500 (only) -250.01500 (18\045) -249.98500 (of) -249.99500 (V) 14.98030 (GG\05519) -249.98500 (\05019\0566) -249.98300 (billion) -249.99300 (FLOPs\051\056) ] TJ --13.74140 -29.88790 Td -(3) Tj -ET -Q -/R28 gs -Q -Q -q -1 0 0 1 0 0 cm -BT -/F1 12 Tf -14.40000 TL -ET -1 1 1 rg -n -270 46 72 14 re -f* -0.50000 0.50000 0.50000 rg -BT -/F2 9 Tf -10.80000 TL -ET -BT -1 0 0 1 299.25000 49 Tm -(772) Tj -T* -ET -Q - -endstream -endobj -108 0 obj -<< -/FirstChar 105 -/Widths [ 404 0 0 0 0 0 0 0 0 0 539 ] -/Encoding 109 0 R -/Type /Font -/BaseFont /FMJMLV+CMMI7 -/LastChar 115 -/ToUnicode 110 0 R -/FontDescriptor 111 0 R -/Subtype /Type1 ->> -endobj -109 0 obj -<< -/Type /Encoding -/BaseEncoding /WinAnsiEncoding -/Differences [ 115 /s ] ->> -endobj -110 0 obj -<< -/Length 163 -/Filter /FlateDecode ->> -stream -x]O10 - )$KY:q u4=M20Igv׎]_:6&?G$ip,i -㨃M',|#gu:UFRMmm#͟z9ϗ@Wr4o1Ҵ4CN5fSE -endstream -endobj -111 0 obj -<< -/FontBBox [ 0 -10 470 663 ] -/FontName /FMJMLV+CMMI7 -/MissingWidth 500 -/Descent -10 -/Flags 4 -/FontFile3 112 0 R -/Type /FontDescriptor -/StemV 70 -/Ascent 663 -/ItalicAngle 0 -/CharSet (\057i\057s) -/CapHeight 663 ->> -endobj -112 0 obj -<< -/Length 537 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -xCMMI7!j+  WRNzCopyright \050c\051 1997, 2009 American Mathematical Society \050\051, with Reserved Font Name CMMI7.MediumisJT#(Ҫopnqnzv`~z\e~};t_bdw揗cT(]z~᥷pt|rM#ۯ.?C q{vwtCN0olfswYzearudZcRtyvnnt_OfL&frfyiwCp` -  -7 Yې -endstream -endobj -113 0 obj -<< -/FirstChar 49 -/Widths [ 569 569 569 569 0 0 0 0 569 ] -/Encoding 114 0 R -/Type /Font -/BaseFont /BJKENS+CMR7 -/LastChar 57 -/ToUnicode 115 0 R -/FontDescriptor 116 0 R -/Subtype /Type1 ->> -endobj -114 0 obj -<< -/Type /Encoding -/BaseEncoding /WinAnsiEncoding -/Differences [ 57 /nine ] ->> -endobj -115 0 obj -<< -/Length 164 -/Filter /FlateDecode ->> -stream -x]= wNSĒ.ZUm/@D 1/C[y:K&LůQ#89bw5Y -O@[W3l#A\MȺ!vWBvYf"WEl -ZL7A1":)C +:S& -endstream -endobj -116 0 obj -<< -/FontBBox [ 0 -20 529 674 ] -/FontName /BJKENS+CMR7 -/MissingWidth 500 -/Descent -20 -/Flags 4 -/FontFile3 117 0 R -/Type /FontDescriptor -/StemV 79 -/Ascent 674 -/ItalicAngle 0 -/CharSet (\057four\057nine\057one\057three\057two) -/CapHeight 674 ->> -endobj -117 0 obj -<< -/Length 806 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -xCMR7!w6  ^SLyCopyright \050c\051 1997, 2009 American Mathematical Society \050\051, with Reserved Font Name CMR7.Medium12349H= oLK0bg͋j~'eg $e'JiuP~>}L讧Ǻ !74/XWҪϡ=:4MFkgo0w!¨oU CfQc3asloozb-N K06U;ixwlЖu4a}]qljeoYr}Z8Ru}`g9i:pgˍˉ $p:=&wܧ6eOuVpzmmywnGa#j jFSRijcd1- ۶!EdfotŋkqaEh@WLwCna -  -7 ڛ c^% -endstream -endobj -118 0 obj -<< -/FirstChar 2 -/Widths [ 571 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 277 0 277 0 0 0 0 0 0 0 0 0 0 0 0 0 777 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 944 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 600 ] -/Encoding 119 0 R -/Type /Font -/BaseFont /MAUJAB+CMMI10 -/LastChar 110 -/ToUnicode 120 0 R -/FontDescriptor 121 0 R -/Subtype /Type1 ->> -endobj -119 0 obj -<< -/Type /Encoding -/BaseEncoding /WinAnsiEncoding -/Differences [ 2 /sigma 110 /n ] ->> -endobj -120 0 obj -<< -/Length 190 -/Filter /FlateDecode ->> -stream -x]P9 y?06¢q$bQE~8Ei=hbM=8xbXps{3.ƒ@°JO*푦Uͣ8AȘQى -\QX$Q$I'QX<})!rE^X}w>hPZaJ -endstream -endobj -121 0 obj -<< -/FontBBox [ 0 -193 1048 683 ] -/FontName /MAUJAB+CMMI10 -/MissingWidth 500 -/Descent -193 -/Flags 4 -/FontFile3 122 0 R -/Type /FontDescriptor -/StemV 157 -/Ascent 683 -/ItalicAngle 0 -/CharSet (\057W\057comma\057less\057n\057period\057sigma) -/CapHeight 683 ->> -endobj -122 0 obj -<< -/Length 903 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -x%OoLu( uӬ3dEc QCLq aٺeAіJ{ݕV\9#faaѐ%řhb,˖WC~,>y}CPm6zڍkʳPo콡Z hO vM _5Zjjh^6;3ni1{(vfv S>vN6ٻ\ZvP6ߘJ{f?efuNی HC:EC ,X`65>n] {/ -k?d 3(}!e:!ɓjm`htP )d)/܉yD!-清 -w|dSҚW҇o C.Ӏz|"a0&|!'F@| -į;׹JL\\ʂL^ۼ5tw+7qkppND9N扟KwrřP?nInA5KǕDs}GI۴k>9 -endstream -endobj -123 0 obj -<< -/Encoding /WinAnsiEncoding -/Type /Font -/Name /F2 -/BaseFont /Times-Roman -/Subtype /Type1 ->> -endobj -124 0 obj -<< -/Encoding /WinAnsiEncoding -/Type /Font -/Name /F1 -/BaseFont /Helvetica -/Subtype /Type1 ->> -endobj -125 0 obj -<< -/Length 101461 ->> -stream -q -q -0.10000 0 0 0.10000 0 0 cm -/R9 gs -/R11 cs -0.99219 0.92188 0.86719 scn -1446.89000 6312.19000 480.30900 70.28910 re -f -7.32000 w -1 J -1 j -/R11 CS -0.49805 0.49805 0.49805 SCN -1446.89000 6312.19000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 152.89000 633.32700 Tm -[ <02> 0.48899 <03> -0.29041 <02> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.55080 <0a> 0.48899 <0b> 0.48650 <09> 0.28048 <04> -23.52840 <0c> 0.66026 <0d> 0.48899 ] TJ -ET -Q -1 1 1 scn -1446.89000 6185.67000 479.14100 70.28520 re -f -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 160.85600 620.67500 Tm -[ <0e06060f> 0.28048 <09> 0.27800 <04> -23.51110 <0c> 0.34750 <0d> 0.48650 ] TJ -ET -Q -0.93359 0.91797 0.94922 scn -1448.06000 6057.97000 480.31300 71.47270 re -f -1448.06000 6057.97000 480.31300 71.47270 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00098 Tc -/R65 4.92020 Tf -0.99953 0 0 1 156.28700 607.90600 Tm -[ <10> -22.83340 <03> -0.88365 <10> 0.48650 <04> 0.35743 <05> -0.29041 <060708> 22.94020 <09> -23.31990 <04> 0.57090 <0a> 0.48650 <0b> 0.48899 ] TJ -ET -Q -0.93359 0.91797 0.94922 scn -1448.06000 5931.45000 480.31300 70.28910 re -f -1448.06000 5931.45000 480.31300 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00098 Tc -/R65 4.92020 Tf -0.99953 0 0 1 156.28700 595.25400 Tm -[ <10> -22.83340 <03> -0.88365 <10> 0.48650 <04> 0.35743 <05> -0.29041 <060708> 22.94020 <09> -23.31990 <04> 0.57090 <0a> 0.48650 <0b> 0.48899 ] TJ -ET -Q -0 0 0 SCN -1688.22000 6057.97000 m -1688.22000 6034.54000 l -S -1688.22000 6001.74000 m -1667.13000 6045.09000 l -1680.02000 6038.06000 1696.42000 6038.06000 1709.30000 6045.09000 c -1688.22000 6001.74000 l -f* -1688.22000 6185.67000 m -1688.22000 6161.07000 l -S -1688.22000 6129.44000 m -1667.13000 6171.61000 l -1680.02000 6164.58000 1696.42000 6164.58000 1709.30000 6171.61000 c -1688.22000 6129.44000 l -f* -0.93359 0.91797 0.94922 scn -1448.06000 5804.93000 480.31300 70.28910 re -f -0.49805 0.49805 0.49805 SCN -1448.06000 5804.93000 480.31300 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00098 Tc -/R65 4.92020 Tf -0.99953 0 0 1 156.28700 582.60200 Tm -[ <10> -22.83340 <03> -0.88365 <10> 0.48650 <04> 0.35743 <05> -0.29041 <060708> 22.94020 <09> -23.31990 <04> 0.57090 <0a> 0.48650 <0b> 0.48899 ] TJ -ET -Q -0.93359 0.91797 0.94922 scn -1448.06000 5678.41000 480.31300 70.28910 re -f -1448.06000 5678.41000 480.31300 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00098 Tc -/R65 4.92020 Tf -0.99953 0 0 1 156.28700 569.95000 Tm -[ <10> -22.83340 <03> -0.88365 <10> 0.48650 <04> 0.35743 <05> -0.29041 <060708> 22.94020 <09> -23.31990 <04> 0.57090 <0a> 0.48650 <0b> 0.48899 ] TJ -ET -Q -0 0 0 SCN -1688.22000 5804.93000 m -1688.22000 5780.33000 l -S -1688.22000 5748.70000 m -1667.13000 5790.88000 l -1680.02000 5785.02000 1696.42000 5785.02000 1709.30000 5790.88000 c -1688.22000 5748.70000 l -f* -1688.22000 5931.45000 m -1688.22000 5908.02000 l -S -1688.22000 5875.22000 m -1667.13000 5918.57000 l -1680.02000 5911.54000 1696.42000 5911.54000 1709.30000 5918.57000 c -1688.22000 5875.22000 l -f* -0.93359 0.91797 0.94922 scn -1449.23000 5550.72000 480.30900 71.46090 re -f -0.49805 0.49805 0.49805 SCN -1449.23000 5550.72000 480.30900 71.46090 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00098 Tc -/R65 4.92020 Tf -0.99953 0 0 1 156.40400 557.18100 Tm -[ <10> -22.83340 <03> -0.88365 <10> 0.48650 <04> 0.35743 <05> -0.29041 <060708> 22.94020 <09> -23.31990 <04> 0.57090 <0a> 0.48650 <0b> 0.48899 ] TJ -ET -Q -0.93359 0.91797 0.94922 scn -1449.23000 5424.20000 480.30900 70.28910 re -f -1449.23000 5424.20000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00098 Tc -/R65 4.92020 Tf -0.99953 0 0 1 156.40400 544.52900 Tm -[ <10> -22.83340 <03> -0.88365 <10> 0.48650 <04> 0.35743 <05> -0.29041 <060708> 22.94020 <09> -23.31990 <04> 0.57090 <0a> 0.48650 <0b> 0.48899 ] TJ -ET -Q -0 0 0 SCN -1689.39000 5550.72000 m -1689.39000 5527.29000 l -S -1689.39000 5494.49000 m -1668.30000 5537.83000 l -1681.19000 5530.80000 1697.59000 5530.80000 1710.48000 5537.83000 c -1689.39000 5494.49000 l -f* -1689.39000 5678.41000 m -1689.39000 5653.81000 l -S -1689.39000 5622.18000 m -1668.30000 5664.35000 l -1681.19000 5657.33000 1697.59000 5657.33000 1710.48000 5664.35000 c -1689.39000 5622.18000 l -f* -0.92188 0.94531 0.87500 scn -1448.06000 5297.68000 480.31300 70.28910 re -f -0.49805 0.49805 0.49805 SCN -1448.06000 5297.68000 480.31300 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 151.71800 531.87700 Tm -[ <10> -22.93270 <03> -0.98294 <10> 0.48899 <04> 0.35247 <05> -0.28793 <060708> 22.81850 <09> -23.42170 <04> 0.35495 <11> 0.48899 <0d> 0.48650 <12> -22.91040 <09> 0.28048 <04> 0.35247 <0c> 0.34750 <0d> 0.48899 ] TJ -ET -Q -0.92188 0.94531 0.87500 scn -1448.06000 5171.16000 480.31300 70.28910 re -f -1448.06000 5171.16000 480.31300 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.11500 519.22500 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.47130 <11> 0.48899 <0d> 0.48650 <12> 0.48899 ] TJ -ET -Q -0 0 0 SCN -1688.22000 5297.68000 m -1688.22000 5274.25000 l -S -1688.22000 5241.45000 m -1667.13000 5283.62000 l -1680.02000 5277.76000 1696.42000 5277.76000 1709.30000 5283.62000 c -1688.22000 5241.45000 l -f* -1688.22000 5424.20000 m -1688.22000 5400.77000 l -S -1688.22000 5367.97000 m -1667.13000 5411.31000 l -1680.02000 5404.28000 1696.42000 5404.28000 1709.30000 5411.31000 c -1688.22000 5367.97000 l -f* -0.92188 0.94531 0.87500 scn -1449.23000 5044.64000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -1449.23000 5044.64000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.23300 506.57200 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.55080 <11> 0.48899 <0d> 0.48650 <12> 0.48899 ] TJ -ET -Q -0.92188 0.94531 0.87500 scn -1449.23000 4916.95000 480.30900 70.28130 re -f -1449.23000 4916.95000 480.30900 70.28130 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.23300 493.80300 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.55080 <11> 0.48899 <0d> 0.48650 <12> 0.48899 ] TJ -ET -Q -0 0 0 SCN -1689.39000 5044.64000 m -1689.39000 5020.04000 l -S -1689.39000 4987.23000 m -1668.30000 5030.58000 l -1681.19000 5023.55000 1697.59000 5023.55000 1710.48000 5030.58000 c -1689.39000 4987.23000 l -f* -1689.39000 5171.16000 m -1689.39000 5146.56000 l -S -1689.39000 5114.93000 m -1668.30000 5157.10000 l -1681.19000 5150.07000 1697.59000 5150.07000 1710.48000 5157.10000 c -1689.39000 5114.93000 l -f* -0.92188 0.94531 0.87500 scn -1449.23000 4790.42000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -1449.23000 4790.42000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.23300 481.15100 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.55080 <11> 0.48899 <0d> 0.48650 <12> 0.48899 ] TJ -ET -Q -0.92188 0.94531 0.87500 scn -1449.23000 4663.90000 480.30900 70.28910 re -f -1449.23000 4663.90000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.23300 468.49900 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.55080 <11> 0.48899 <0d> 0.48650 <12> 0.48899 ] TJ -ET -Q -0 0 0 SCN -1689.39000 4790.42000 m -1689.39000 4766.99000 l -S -1689.39000 4734.19000 m -1668.30000 4776.37000 l -1681.19000 4770.51000 1697.59000 4770.51000 1710.48000 4776.37000 c -1689.39000 4734.19000 l -f* -1689.39000 4916.95000 m -1689.39000 4893.52000 l -S -1689.39000 4860.71000 m -1668.30000 4904.06000 l -1681.19000 4897.03000 1697.59000 4897.03000 1710.48000 4904.06000 c -1689.39000 4860.71000 l -f* -0.92188 0.94531 0.87500 scn -1450.41000 4537.38000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -1450.41000 4537.38000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.35000 455.84700 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.55080 <11> 0.48899 <0d> 0.48650 <12> 0.48899 ] TJ -ET -Q -0.92188 0.94531 0.87500 scn -1450.41000 4409.69000 480.30900 70.28910 re -f -1450.41000 4409.69000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.35000 443.07800 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.55080 <11> 0.48899 <0d> 0.48650 <12> 0.48899 ] TJ -ET -Q -0 0 0 SCN -1690.56000 4537.38000 m -1690.56000 4512.78000 l -S -1690.56000 4479.98000 m -1669.47000 4523.33000 l -1682.36000 4516.30000 1698.76000 4516.30000 1711.65000 4523.33000 c -1690.56000 4479.98000 l -f* -1690.56000 4663.90000 m -1690.56000 4639.30000 l -S -1690.56000 4607.67000 m -1669.47000 4649.85000 l -1682.36000 4642.82000 1698.76000 4642.82000 1711.65000 4649.85000 c -1690.56000 4607.67000 l -f* -0.94922 0.86328 0.85547 scn -1449.23000 4283.17000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -1449.23000 4283.17000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 151.83500 430.42600 Tm -[ <10> -23.01210 <03> -1.06237 <10> 0.48899 <04> 0.35247 <05> -0.28793 <060708> 22.73910 <09> -23.50110 <04> 0.23084 <0d> 0.48899 <13> 0.48650 <0a> -22.98980 <09> 0.28048 <04> 0.35247 <0c> 0.34750 <0d> 0.48899 ] TJ -ET -Q -0.94922 0.86328 0.85547 scn -1449.23000 4156.65000 480.30900 70.29300 re -f -1449.23000 4156.65000 480.30900 70.29300 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.23300 417.77400 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.55080 <0d> 0.48899 <13> 0.48650 <0a> 0.48899 ] TJ -ET -Q -0 0 0 SCN -1689.39000 4283.17000 m -1689.39000 4259.74000 l -S -1689.39000 4226.94000 m -1668.30000 4270.28000 l -1681.19000 4263.25000 1697.59000 4263.25000 1710.48000 4270.28000 c -1689.39000 4226.94000 l -f* -1689.39000 4409.69000 m -1689.39000 4386.26000 l -S -1689.39000 4353.46000 m -1668.30000 4396.80000 l -1681.19000 4389.78000 1697.59000 4389.78000 1710.48000 4396.80000 c -1689.39000 4353.46000 l -f* -0.94922 0.86328 0.85547 scn -1448.06000 4030.13000 480.31300 70.28910 re -f -0.49805 0.49805 0.49805 SCN -1448.06000 4030.13000 480.31300 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.11500 405.12200 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.47130 <0d> 0.48899 <13> 0.48650 <0a> 0.48899 ] TJ -ET -Q -0.94922 0.86328 0.85547 scn -1448.06000 3902.44000 480.31300 71.45700 re -f -1448.06000 3902.44000 480.31300 71.45700 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.11500 392.35200 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.47130 <0d> 0.48899 <13> 0.48650 <0a> 0.48899 ] TJ -ET -Q -0 0 0 SCN -1688.22000 4030.13000 m -1688.22000 4005.53000 l -S -1688.22000 3973.90000 m -1667.13000 4016.07000 l -1680.02000 4009.04000 1696.42000 4009.04000 1709.30000 4016.07000 c -1688.22000 3973.90000 l -f* -1688.22000 4156.65000 m -1688.22000 4132.05000 l -S -1688.22000 4100.42000 m -1667.13000 4142.59000 l -1680.02000 4136.73000 1696.42000 4136.73000 1709.30000 4142.59000 c -1688.22000 4100.42000 l -f* -0.94922 0.86328 0.85547 scn -1448.06000 3775.92000 480.31300 70.28910 re -f -0.49805 0.49805 0.49805 SCN -1448.06000 3775.92000 480.31300 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.11500 379.70000 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.47130 <0d> 0.48899 <13> 0.48650 <0a> 0.48899 ] TJ -ET -Q -0.94922 0.86328 0.85547 scn -1448.06000 3649.40000 480.31300 70.28130 re -f -1448.06000 3649.40000 480.31300 70.28130 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.11500 367.04800 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.47130 <0d> 0.48899 <13> 0.48650 <0a> 0.48899 ] TJ -ET -Q -0 0 0 SCN -1688.22000 3775.92000 m -1688.22000 3752.49000 l -S -1688.22000 3719.68000 m -1667.13000 3763.03000 l -1680.02000 3756 1696.42000 3756 1709.30000 3763.03000 c -1688.22000 3719.68000 l -f* -1688.22000 3902.44000 m -1688.22000 3879.01000 l -S -1688.22000 3846.21000 m -1667.13000 3889.55000 l -1680.02000 3882.52000 1696.42000 3882.52000 1709.30000 3889.55000 c -1688.22000 3846.21000 l -f* -0.94922 0.86328 0.85547 scn -1449.23000 3522.87000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -1449.23000 3522.87000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.23300 354.39600 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.55080 <0d> 0.48899 <13> 0.48650 <0a> 0.48899 ] TJ -ET -Q -0.94922 0.86328 0.85547 scn -1449.23000 3395.18000 480.30900 71.46090 re -f -1449.23000 3395.18000 480.30900 71.46090 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.23300 341.62700 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.55080 <0d> 0.48899 <13> 0.48650 <0a> 0.48899 ] TJ -ET -Q -0 0 0 SCN -1689.39000 3522.87000 m -1689.39000 3498.27000 l -S -1689.39000 3466.64000 m -1668.30000 3508.82000 l -1681.19000 3501.79000 1697.59000 3501.79000 1710.48000 3508.82000 c -1689.39000 3466.64000 l -f* -1689.39000 3649.40000 m -1689.39000 3624.79000 l -S -1689.39000 3593.16000 m -1668.30000 3635.34000 l -1681.19000 3629.48000 1697.59000 3629.48000 1710.48000 3635.34000 c -1689.39000 3593.16000 l -f* -0.94922 0.86328 0.85547 scn -1448.06000 3268.66000 480.31300 70.28910 re -f -0.49805 0.49805 0.49805 SCN -1448.06000 3268.66000 480.31300 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.11500 328.97500 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.47130 <0d> 0.48899 <13> 0.48650 <0a> 0.48899 ] TJ -ET -Q -0.94922 0.86328 0.85547 scn -1448.06000 3142.14000 480.31300 70.28910 re -f -1448.06000 3142.14000 480.31300 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.11500 316.32300 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.47130 <0d> 0.48899 <13> 0.48650 <0a> 0.48899 ] TJ -ET -Q -0 0 0 SCN -1688.22000 3268.66000 m -1688.22000 3245.23000 l -S -1688.22000 3212.43000 m -1667.13000 3255.78000 l -1680.02000 3248.75000 1696.42000 3248.75000 1709.30000 3255.78000 c -1688.22000 3212.43000 l -f* -1688.22000 3395.18000 m -1688.22000 3371.75000 l -S -1688.22000 3338.95000 m -1667.13000 3382.30000 l -1680.02000 3375.27000 1696.42000 3375.27000 1709.30000 3382.30000 c -1688.22000 3338.95000 l -f* -0.94922 0.86328 0.85547 scn -1449.23000 3015.62000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -1449.23000 3015.62000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.23300 303.67100 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.55080 <0d> 0.48899 <13> 0.48650 <0a> 0.48899 ] TJ -ET -Q -0.94922 0.86328 0.85547 scn -1449.23000 2889.10000 480.30900 70.28910 re -f -1449.23000 2889.10000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.23300 291.01900 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.55080 <0d> 0.48899 <13> 0.48650 <0a> 0.48899 ] TJ -ET -Q -0 0 0 SCN -1689.39000 3015.62000 m -1689.39000 2991.02000 l -S -1689.39000 2959.39000 m -1668.30000 3001.56000 l -1681.19000 2994.53000 1697.59000 2994.53000 1710.48000 3001.56000 c -1689.39000 2959.39000 l -f* -1689.39000 3142.14000 m -1689.39000 3118.71000 l -S -1689.39000 3085.91000 m -1668.30000 3128.08000 l -1681.19000 3122.23000 1697.59000 3122.23000 1710.48000 3128.08000 c -1689.39000 3085.91000 l -f* -0.91797 0.93750 0.96094 scn -1449.23000 2761.41000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -1449.23000 2761.41000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 151.83500 278.24900 Tm -[ <10> -23.01210 <03> -1.06237 <10> 0.48899 <04> 0.35247 <05> -0.28793 <060708> 22.73910 <09> -23.50110 <04> 0.23084 <13> 0.48899 <11> 0.48650 <0d> -22.98980 <09> 0.28048 <04> 0.35247 <0c> 0.34750 <0d> 0.48899 ] TJ -ET -Q -0.91797 0.93750 0.96094 scn -1449.23000 2634.89000 480.30900 70.28910 re -f -1449.23000 2634.89000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.23300 265.59700 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.55080 <13> 0.48899 <11> 0.48650 <0d> 0.48899 ] TJ -ET -Q -0 0 0 SCN -1689.39000 2761.41000 m -1689.39000 2737.98000 l -S -1689.39000 2705.18000 m -1668.30000 2748.52000 l -1681.19000 2741.49000 1697.59000 2741.49000 1710.48000 2748.52000 c -1689.39000 2705.18000 l -f* -1689.39000 2889.10000 m -1689.39000 2864.50000 l -S -1689.39000 2831.70000 m -1668.30000 2875.04000 l -1681.19000 2868.01000 1697.59000 2868.01000 1710.48000 2875.04000 c -1689.39000 2831.70000 l -f* -0.91797 0.93750 0.96094 scn -1450.41000 2508.37000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -1450.41000 2508.37000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.35000 252.94500 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.55080 <13> 0.48899 <11> 0.48650 <0d> 0.48899 ] TJ -ET -Q -0.91797 0.93750 0.96094 scn -1450.41000 2381.85000 480.30900 70.28910 re -f -1450.41000 2381.85000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.35000 240.29300 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.55080 <13> 0.48899 <11> 0.48650 <0d> 0.48899 ] TJ -ET -Q -0 0 0 SCN -1690.56000 2508.37000 m -1690.56000 2483.76000 l -S -1690.56000 2452.14000 m -1669.47000 2494.31000 l -1682.36000 2487.28000 1698.76000 2487.28000 1711.65000 2494.31000 c -1690.56000 2452.14000 l -f* -1690.56000 2634.89000 m -1690.56000 2611.46000 l -S -1690.56000 2578.66000 m -1669.47000 2620.83000 l -1682.36000 2614.97000 1698.76000 2614.97000 1711.65000 2620.83000 c -1690.56000 2578.66000 l -f* -0.91797 0.93750 0.96094 scn -1449.23000 2254.15000 480.30900 70.29300 re -f -0.49805 0.49805 0.49805 SCN -1449.23000 2254.15000 480.30900 70.29300 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.23300 227.52400 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.55080 <13> 0.48899 <11> 0.48650 <0d> 0.48899 ] TJ -ET -Q -0.91797 0.93750 0.96094 scn -1449.23000 2127.63000 480.30900 70.28910 re -f -1449.23000 2127.63000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 155.23300 214.87200 Tm -[ <10> 0.48899 <03> -0.29041 <10> 0.48899 <04> -23.47630 <05> 22.92530 <060708> -0.36240 <09> 0.28048 <04> -23.55080 <13> 0.48899 <11> 0.48650 <0d> 0.48899 ] TJ -ET -Q -0 0 0 SCN -1689.39000 2254.15000 m -1689.39000 2230.72000 l -S -1689.39000 2197.92000 m -1668.30000 2241.27000 l -1681.19000 2234.24000 1697.59000 2234.24000 1710.48000 2241.27000 c -1689.39000 2197.92000 l -f* -1689.39000 2381.85000 m -1689.39000 2357.24000 l -S -1689.39000 2324.44000 m -1668.30000 2367.79000 l -1681.19000 2360.76000 1697.59000 2360.76000 1710.48000 2367.79000 c -1689.39000 2324.44000 l -f* -1687.05000 6312.19000 m -1687.05000 6287.59000 l -S -1687.05000 6255.96000 m -1665.96000 6298.13000 l -1678.85000 6292.27000 1695.25000 6292.27000 1708.13000 6298.13000 c -1687.05000 6255.96000 l -f* -1687.05000 2127.63000 m -1687.05000 2104.20000 l -S -1687.05000 2071.40000 m -1665.96000 2114.75000 l -1678.85000 2107.72000 1695.25000 2107.72000 1708.13000 2114.75000 c -1687.05000 2071.40000 l -f* -q -10 0 0 10 0 0 cm -BT -0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 160.27000 202.22000 Tm -[ <14> -0.43686 <08> -0.36240 <15> 23.48870 <04> -22.83840 <0e06060f> 0.28048 ] TJ -ET -Q -1683.53000 2001.11000 m -1683.53000 1976.51000 l -S -1683.53000 1944.88000 m -1662.45000 1987.05000 l -1675.33000 1981.20000 1691.73000 1981.20000 1704.62000 1987.05000 c -1683.53000 1944.88000 l -f* -1 1 1 scn -1443.38000 1874.59000 480.31300 70.28910 re -f -0.49805 0.49805 0.49805 SCN -1443.38000 1874.59000 480.31300 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 160.97300 189.56800 Tm -[ <16> -0.42941 <05> -0.28793 <04> 0.35247 <11> 0.48899 <17> 0.48899 <17> -22.93020 <17> 0.48899 ] TJ -ET -Q -0 0 0 SCN -1687.05000 6945.96000 m -1687.05000 6415.28000 l -S -1687.05000 6382.48000 m -1665.96000 6425.82000 l -1678.85000 6418.79000 1695.25000 6418.79000 1708.13000 6425.82000 c -1687.05000 6382.48000 l -f* -q -10 0 0 10 0 0 cm -BT --0.00049 Tc -/R65 4.92020 Tf -0.99953 0 0 1 162.26100 696.70500 Tm -[ (\030) 0.28048 (\031) 24.03730 <14> -0.43934 <15> 23.08660 (\032) 0.48899 ] TJ -ET -Q -0.92188 0.94531 0.87500 scn -740.48000 4916.95000 480.30900 70.28130 re -f -0.49805 0.49805 0.49805 SCN -740.48000 4916.95000 480.30900 70.28130 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 84.35740 493.80300 Tm -[ <10> 0.48774 <03> -0.28917 <10> 0.48774 <04> 0.35619 <05> -0.29041 <060708> -0.36364 <09> 0.28048 <04> 0.35495 <13> 0.48899 <11> -22.90040 <0d> 0.48899 ] TJ -ET -Q -0.85938 0.93359 0.95312 scn -738.14100 6819.44000 480.30900 70.28910 re -f -738.14100 6819.44000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00049 Tc -/R65 4.92020 Tf -0.99953 0 0 1 85.41170 684.05300 Tm -[ <10> 0.48774 <03> -0.28793 <10> 0.48774 <04> 0.35495 <05> -0.28917 <060708> -0.36488 <09> 0.28048 <04> 0.35495 <0a> -22.69440 <0b> 0.48899 ] TJ -ET -Q -0.85938 0.93359 0.95312 scn -738.14100 6692.92000 480.30900 70.28910 re -f -738.14100 6692.92000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00049 Tc -/R65 4.92020 Tf -0.99953 0 0 1 85.41170 671.40100 Tm -[ <10> 0.48774 <03> -0.28793 <10> 0.48774 <04> 0.35495 <05> -0.28917 <060708> -0.36488 <09> 0.28048 <04> 0.35495 <0a> -22.69440 <0b> 0.48899 ] TJ -ET -Q -1 1 1 scn -739.30900 6566.40000 480.31300 70.28910 re -f -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 90.09770 658.63200 Tm -[ <0e06060f> 0.28048 <09> 0.28173 <04> -23.43160 <0c> 0.34750 <0d> 0.48650 ] TJ -ET -Q -0.99219 0.92188 0.86719 scn -739.30900 6438.71000 480.31300 70.28910 re -f -739.30900 6438.71000 480.31300 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 84.24020 645.97900 Tm -[ <10> 0.48774 <03> -0.28917 <10> 0.48774 <04> -23.47510 <05> 22.92400 <060708> -0.36364 <09> 0.28048 <04> -23.47130 <11> 0.48899 <0d> 0.48650 <12> 0.48899 ] TJ -ET -Q -0 0 0 SCN -979.46900 6565.23000 m -979.46900 6541.80000 l -S -979.46900 6509 m -958.37900 6552.34000 l -971.27000 6545.31000 987.67200 6545.31000 1000.55000 6552.34000 c -979.46900 6509 l -f* -979.46900 6692.92000 m -979.46900 6668.32000 l -S -979.46900 6635.52000 m -958.37900 6678.86000 l -971.27000 6671.83000 987.67200 6671.83000 1000.55000 6678.86000 c -979.46900 6635.52000 l -f* -0.99219 0.92188 0.86719 scn -739.30900 6312.19000 480.31300 70.28910 re -f -0.49805 0.49805 0.49805 SCN -739.30900 6312.19000 480.31300 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 84.24020 633.32700 Tm -[ <10> 0.48774 <03> -0.28917 <10> 0.48774 <04> -23.47510 <05> 22.92400 <060708> -0.36364 <09> 0.28048 <04> -23.47130 <11> 0.48899 <0d> 0.48650 <12> 0.48899 ] TJ -ET -Q -1 1 1 scn -739.30900 6185.67000 480.31300 70.28520 re -f -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 90.09770 620.67500 Tm -[ <0e06060f> 0.28048 <09> 0.28173 <04> -23.43160 <0c> 0.34750 <0d> 0.48650 ] TJ -ET -Q -0 0 0 SCN -979.46900 6312.19000 m -979.46900 6287.59000 l -S -979.46900 6255.96000 m -958.37900 6298.13000 l -971.27000 6292.27000 987.67200 6292.27000 1000.55000 6298.13000 c -979.46900 6255.96000 l -f* -979.46900 6438.71000 m -979.46900 6415.28000 l -S -979.46900 6382.48000 m -958.37900 6425.82000 l -971.27000 6418.79000 987.67200 6418.79000 1000.55000 6425.82000 c -979.46900 6382.48000 l -f* -0.93359 0.91797 0.94922 scn -740.48000 6057.97000 480.30900 71.47270 re -f -0.49805 0.49805 0.49805 SCN -740.48000 6057.97000 480.30900 71.47270 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 84.35740 607.90600 Tm -[ <10> 0.48774 <03> -0.28917 <10> 0.48774 <04> -23.47510 <05> 22.92400 <060708> -0.36364 <09> 0.28048 <04> -23.55080 <0d> 0.48899 <13> 0.48650 <0a> 0.48899 ] TJ -ET -Q -0.93359 0.91797 0.94922 scn -740.48000 5931.45000 480.30900 70.28910 re -f -740.48000 5931.45000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 84.35740 595.25400 Tm -[ <10> 0.48774 <03> -0.28917 <10> 0.48774 <04> -23.47510 <05> 22.92400 <060708> -0.36364 <09> 0.28048 <04> -23.55080 <0d> 0.48899 <13> 0.48650 <0a> 0.48899 ] TJ -ET -Q -0 0 0 SCN -980.64100 6057.97000 m -980.64100 6034.54000 l -S -980.64100 6001.74000 m -959.55100 6045.09000 l -972.44100 6038.06000 988.84000 6038.06000 1001.73000 6045.09000 c -980.64100 6001.74000 l -f* -980.64100 6185.67000 m -980.64100 6161.07000 l -S -980.64100 6129.44000 m -959.55100 6171.61000 l -972.44100 6164.58000 988.84000 6164.58000 1001.73000 6171.61000 c -980.64100 6129.44000 l -f* -0.93359 0.91797 0.94922 scn -739.30900 5804.93000 480.31300 70.28910 re -f -0.49805 0.49805 0.49805 SCN -739.30900 5804.93000 480.31300 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 84.24020 582.60200 Tm -[ <10> 0.48774 <03> -0.28917 <10> 0.48774 <04> -23.47510 <05> 22.92400 <060708> -0.36364 <09> 0.28048 <04> -23.47130 <0d> 0.48899 <13> 0.48650 <0a> 0.48899 ] TJ -ET -Q -0.93359 0.91797 0.94922 scn -739.30900 5678.41000 480.31300 70.28910 re -f -739.30900 5678.41000 480.31300 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 84.24020 569.95000 Tm -[ <10> 0.48774 <03> -0.28917 <10> 0.48774 <04> -23.47510 <05> 22.92400 <060708> -0.36364 <09> 0.28048 <04> -23.47130 <0d> 0.48899 <13> 0.48650 <0a> 0.48899 ] TJ -ET -Q -0 0 0 SCN -979.46900 5804.93000 m -979.46900 5780.33000 l -S -979.46900 5748.70000 m -958.37900 5790.88000 l -971.27000 5785.02000 987.67200 5785.02000 1000.55000 5790.88000 c -979.46900 5748.70000 l -f* -979.46900 5931.45000 m -979.46900 5908.02000 l -S -979.46900 5875.22000 m -958.37900 5918.57000 l -971.27000 5911.54000 987.67200 5911.54000 1000.55000 5918.57000 c -979.46900 5875.22000 l -f* -980.64100 5678.41000 m -980.64100 5400.77000 l -S -980.64100 5367.97000 m -958.37900 5411.31000 l -972.44100 5404.28000 987.67200 5404.28000 1001.73000 5411.31000 c -980.64100 5367.97000 l -f* -1 1 1 scn -740.48000 5297.68000 480.30900 71.46090 re -f -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 90.21480 531.87700 Tm -[ <0e06060f> 0.28048 <09> 0.28173 <04> -23.43160 <0c> 0.34750 <0d> 0.48650 ] TJ -ET -Q -0.92188 0.94531 0.87500 scn -740.48000 5171.16000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -740.48000 5171.16000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 84.35740 519.22500 Tm -[ <10> 0.48774 <03> -0.28917 <10> 0.48774 <04> -23.47510 <05> 22.92400 <060708> -0.36364 <09> 0.28048 <04> -23.55080 <13> 0.48899 <11> 0.48650 <0d> 0.48899 ] TJ -ET -Q -0 0 0 SCN -980.64100 5297.68000 m -980.64100 5274.25000 l -S -980.64100 5241.45000 m -959.55100 5283.62000 l -972.44100 5277.76000 988.84000 5277.76000 1001.73000 5283.62000 c -980.64100 5241.45000 l -f* -0.92188 0.94531 0.87500 scn -741.66000 5044.64000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -741.66000 5044.64000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 84.47460 506.57200 Tm -[ <10> 0.48774 <03> -0.28917 <10> 0.48774 <04> -23.47510 <05> 22.92400 <060708> -0.36364 <09> 0.28048 <04> -23.55080 <13> 0.48899 <11> 0.48650 <0d> 0.48899 ] TJ -ET -Q -0 0 0 SCN -981.80900 5044.64000 m -981.80900 5020.04000 l -S -981.80900 4987.23000 m -960.71900 5030.58000 l -973.60900 5023.55000 990.01200 5023.55000 1002.90000 5030.58000 c -981.80900 4987.23000 l -f* -981.80900 5171.16000 m -981.80900 5146.56000 l -S -981.80900 5114.93000 m -960.71900 5157.10000 l -973.60900 5150.07000 990.01200 5150.07000 1002.90000 5157.10000 c -981.80900 5114.93000 l -f* -0.92188 0.94531 0.87500 scn -740.48000 4790.42000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -740.48000 4790.42000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 84.35740 481.15100 Tm -[ <10> 0.48774 <03> -0.28917 <10> 0.48774 <04> -23.47510 <05> 22.92400 <060708> -0.36364 <09> 0.28048 <04> -23.55080 <13> 0.48899 <11> 0.48650 <0d> 0.48899 ] TJ -ET -Q -0 0 0 SCN -980.64100 4790.42000 m -980.64100 4386.26000 l -S -980.64100 4353.46000 m -958.37900 4396.80000 l -972.44100 4389.78000 987.67200 4389.78000 1001.73000 4396.80000 c -980.64100 4353.46000 l -f* -980.64100 4916.95000 m -980.64100 4893.52000 l -S -980.64100 4860.71000 m -959.55100 4904.06000 l -972.44100 4897.03000 988.84000 4897.03000 1001.73000 4904.06000 c -980.64100 4860.71000 l -f* -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 90.09770 430.42600 Tm -[ <0e06060f> 0.28048 <09> 0.28173 <04> -23.43160 <0c> 0.34750 <0d> 0.48650 ] TJ -ET -Q -0.94922 0.86328 0.85547 scn -739.30900 4156.65000 480.31300 70.29300 re -f -0.49805 0.49805 0.49805 SCN -739.30900 4156.65000 480.31300 70.29300 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 84.24020 417.77400 Tm -[ <10> 0.48774 <03> -0.28917 <10> 0.48774 <04> -23.47510 <05> 22.92400 <060708> -0.36364 <09> 0.28048 <04> -23.47130 <13> 0.48899 <11> 0.48650 <0d> 0.48899 ] TJ -ET -Q -0 0 0 SCN -979.46900 4283.17000 m -979.46900 4259.74000 l -S -979.46900 4226.94000 m -958.37900 4270.28000 l -971.27000 4263.25000 987.67200 4263.25000 1000.55000 4270.28000 c -979.46900 4226.94000 l -f* -0.94922 0.86328 0.85547 scn -740.48000 4030.13000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -740.48000 4030.13000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 84.35740 405.12200 Tm -[ <10> 0.48774 <03> -0.28917 <10> 0.48774 <04> -23.47510 <05> 22.92400 <060708> -0.36364 <09> 0.28048 <04> -23.55080 <13> 0.48899 <11> 0.48650 <0d> 0.48899 ] TJ -ET -Q -0.94922 0.86328 0.85547 scn -740.48000 3902.44000 480.30900 71.45700 re -f -740.48000 3902.44000 480.30900 71.45700 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 84.35740 392.35200 Tm -[ <10> 0.48774 <03> -0.28917 <10> 0.48774 <04> -23.47510 <05> 22.92400 <060708> -0.36364 <09> 0.28048 <04> -23.55080 <13> 0.48899 <11> 0.48650 <0d> 0.48899 ] TJ -ET -Q -0 0 0 SCN -980.64100 4030.13000 m -980.64100 4005.53000 l -S -980.64100 3973.90000 m -959.55100 4016.07000 l -972.44100 4009.04000 988.84000 4009.04000 1001.73000 4016.07000 c -980.64100 3973.90000 l -f* -980.64100 4156.65000 m -980.64100 4132.05000 l -S -980.64100 4100.42000 m -959.55100 4142.59000 l -972.44100 4136.73000 988.84000 4136.73000 1001.73000 4142.59000 c -980.64100 4100.42000 l -f* -0.94922 0.86328 0.85547 scn -739.30900 3775.92000 480.31300 70.28910 re -f -0.49805 0.49805 0.49805 SCN -739.30900 3775.92000 480.31300 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 84.24020 379.70000 Tm -[ <10> 0.48774 <03> -0.28917 <10> 0.48774 <04> -23.47510 <05> 22.92400 <060708> -0.36364 <09> 0.28048 <04> -23.47130 <13> 0.48899 <11> 0.48650 <0d> 0.48899 ] TJ -ET -Q -0 0 0 SCN -979.46900 3775.92000 m -979.46900 2864.50000 l -S -979.46900 2831.70000 m -958.37900 2875.04000 l -971.27000 2868.01000 987.67200 2868.01000 1000.55000 2875.04000 c -979.46900 2831.70000 l -f* -979.46900 3902.44000 m -979.46900 3879.01000 l -S -979.46900 3846.21000 m -958.37900 3889.55000 l -971.27000 3882.52000 987.67200 3882.52000 1000.55000 3889.55000 c -979.46900 3846.21000 l -f* -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 90.21480 278.24900 Tm -[ <0e06060f> 0.28048 <09> 0.28173 <04> -23.43160 <0c> 0.34750 <0d> 0.48650 ] TJ -ET -Q -980.64100 2761.41000 m -980.64100 2104.20000 l -S -980.64100 2071.40000 m -959.55100 2114.75000 l -972.44100 2107.72000 988.84000 2107.72000 1001.73000 2114.75000 c -980.64100 2071.40000 l -f* -978.30100 6819.44000 m -978.30100 6794.84000 l -S -978.30100 6763.21000 m -957.21100 6805.38000 l -970.10200 6798.35000 986.50000 6798.35000 999.39100 6805.38000 c -978.30100 6763.21000 l -f* -1 1 1 scn -741.66000 2001.11000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -741.66000 2001.11000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.11464 Tc -/R65 4.92020 Tf -0.99953 0 0 1 90.91800 202.22000 Tm -[ <16> -0.42941 <05> -24.02360 <04> -22.44990 <0b> -22.10370 <17> -45.93240 (\033) -22.10370 <0a> 0.48899 ] TJ -ET -Q -1 1 1 scn -741.66000 1874.59000 480.30900 70.28910 re -f -741.66000 1874.59000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.11464 Tc -/R65 4.92020 Tf -0.99953 0 0 1 90.91800 189.56800 Tm -[ <16> -0.42941 <05> -24.02360 <04> -22.44990 <0b> -22.10370 <17> -45.93240 (\033) -22.10370 <0a> 0.48899 ] TJ -ET -Q -0 0 0 SCN -980.64100 2001.11000 m -980.64100 1976.51000 l -S -980.64100 1944.88000 m -959.55100 1987.05000 l -972.44100 1981.20000 988.84000 1981.20000 1001.73000 1987.05000 c -980.64100 1944.88000 l -f* -978.30100 1874.59000 m -978.30100 1849.99000 l -S -978.30100 1818.36000 m -957.21100 1860.53000 l -970.10200 1853.50000 986.50000 1853.50000 999.39100 1860.53000 c -978.30100 1818.36000 l -f* -1 1 1 scn -738.14100 1746.90000 480.30900 71.46090 re -f -0.49805 0.49805 0.49805 SCN -738.14100 1746.90000 480.30900 71.46090 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.11464 Tc -/R65 4.92020 Tf -0.99953 0 0 1 90.56640 176.79900 Tm -[ <16> -0.42941 <05> -24.02360 <04> -22.37050 <11> -22.10370 <17> -45.93240 <17> -22.10370 <17> 0.48899 ] TJ -ET -Q -0 0 0 SCN -978.30100 6945.96000 m -978.30100 6922.53000 l -S -978.30100 6889.73000 m -957.21100 6931.90000 l -970.10200 6926.05000 986.50000 6926.05000 999.39100 6931.90000 c -978.30100 6889.73000 l -f* -q -10 0 0 10 0 0 cm -BT --0.00049 Tc -/R65 4.92020 Tf -0.99953 0 0 1 92.08950 696.70500 Tm -[ (\030) 0.28048 (\031) 24.03730 <14> -0.43810 <15> 23.08780 (\032) 0.48899 ] TJ -0 Tc --39.38050 -42.29060 Td -[ <061c1d> 0.49643 <0e1c1d> 0.49643 <04> 0.35495 ] TJ -0.11513 Tc --1.87510 -5.85703 Td --0.11710 Tw -[ (\036) 0.34750 (\030) 47.88340 (\037) 22.77760 (\032) 48.50400 ( ) 0.20726 <04> 0.35495 <11> 24.62180 <11> 24.67520 <0d> 0.48774 ] TJ -0 Tc -1.87510 38.42460 Td -[ <061c1d> 0.49643 <0e1c1d> 0.49643 <04> 0.35495 ] TJ -0.11513 Tc --1.87510 -5.85781 Td -[ (\036) 0.34750 (\030) 47.88340 (\037) 22.77760 (\032) 48.50400 ( ) 0.20726 <04> 0.35495 <0d> 24.62180 <0d> 24.67520 <0b> 0.48774 ] TJ -0 Tc -1.87510 -64.43160 Td -[ <061c1d> 0.49643 <0e1c1d> 0.49643 <04> 0.35495 ] TJ --0.00246 Tc --0.58582 -5.85703 Td -0.00049 Tw -[ (\036) 0.34750 (\030) 0.28048 (\037) 22.74780 (\032) 0.69625 ( ) 0.20726 <04> 0.35619 <13> -23.09900 <0a> 0.48774 ] TJ -0 Tc -0.58582 -83.05780 Td -[ <061c1d> 0.49643 <0e1c1d> 0.49643 <04> 0.35495 ] TJ --0.00246 Tc --0.58582 -5.85781 Td -[ (\036) 0.34750 (\030) 0.28048 (\037) 22.74780 (\032) 0.69625 ( ) 0.20726 <04> 0.35619 <0d> -23.09900 <12> 0.48774 ] TJ -0 Tc -0.58582 -88.56330 Td -[ <061c1d> 0.49643 <0e1c1d> 0.49643 <04> 0.35495 ] TJ --0.00246 Tc --0.58582 -5.85781 Td -[ (\036) 0.34750 (\030) 0.28048 (\037) 22.74780 (\032) 0.69625 ( ) 0.20726 <04> 0.35619 <11> -23.09900 <0b> 0.48774 ] TJ -0 Tc -0.58582 -146.31600 Td -[ <061c1d> 0.49643 <0e1c1d> 0.49643 <04> 0.35495 ] TJ -0.11464 Tc -0.58621 -5.85820 Td -[ (\036) 0.34750 (\030) 47.76300 (\037) 22.67830 (\032) 48.40470 ( ) 0.20602 <04> 23.92310 <02> 0.48899 ] TJ -0 Tc --0.58621 -70.17150 Td -[ <061c1d> 0.49643 <0e1c1d> 0.49643 <04> 0.35495 ] TJ -0.11464 Tc -0.58621 -5.85781 Td -[ (\036) 0.34750 (\030) 47.76300 (\037) 22.67830 (\032) 48.40470 ( ) 0.20602 <04> 23.92310 <11> 0.48899 ] TJ -0 Tc -/R67 7.84900 Tf -0.99954 0 0 1 85.88050 708.18600 Tm -[ <02> 15.70570 <03> -15.09580 <0304> 15.77110 <05> -0.18827 <06> -4644.20000 <07> -0.18827 <08> -0.18827 <04> 15.75860 <09> -14.57460 <0a> 0.21161 <0b> -0.24584 <0c> -0.32519 <0d> 0.26140 <0e> 0.12136 <0f> 0.46056 <09> -14.57610 <0a10> 0.11981 <11> 0.46056 ] TJ -ET -Q -2386.42000 2353.73000 m -2781.22000 2353.73000 2845.65000 2288.13000 2823.39000 2197.92000 c -2811.67000 2154.58000 2781.22000 2106.55000 2386.42000 2106.55000 c -S -2825.73000 2227.21000 m -2825.73000 2238.92000 l -2825.73000 2235.41000 l -S -2825.73000 2203.78000 m -2804.65000 2245.95000 l -2817.53000 2240.10000 2833.93000 2240.10000 2846.82000 2245.95000 c -2825.73000 2203.78000 l -f* -2385.25000 2606.77000 m -2780.04000 2606.77000 2844.48000 2542.34000 2822.22000 2450.96000 c -2810.50000 2408.79000 2780.04000 2360.76000 2385.25000 2360.76000 c -S -2824.56000 2481.42000 m -2824.56000 2493.14000 l -2824.56000 2489.62000 l -S -2824.56000 2456.82000 m -2803.47000 2500.17000 l -2816.36000 2493.14000 2832.76000 2493.14000 2845.65000 2500.17000 c -2824.56000 2456.82000 l -f* -2386.42000 2864.50000 m -2393.45000 2864.50000 l -2396.97000 2859.81000 l -2393.45000 2856.30000 l -2386.42000 2856.30000 l -2384.08000 2857.47000 l -2382.91000 2859.81000 l -2384.08000 2863.33000 l -2386.42000 2864.50000 l -h -2408.68000 2863.33000 m -2415.71000 2863.33000 l -2419.23000 2859.81000 l -2415.71000 2856.30000 l -2408.68000 2856.30000 l -2405.17000 2859.81000 l -2408.68000 2863.33000 l -h -2430.94000 2863.33000 m -2437.97000 2863.33000 l -2441.48000 2859.81000 l -2437.97000 2856.30000 l -2429.77000 2856.30000 l -2426.26000 2859.81000 l -2430.94000 2863.33000 l -h -2452.03000 2863.33000 m -2460.23000 2863.33000 l -2463.74000 2859.81000 l -2459.06000 2856.30000 l -2452.03000 2856.30000 l -2448.51000 2859.81000 l -2452.03000 2863.33000 l -h -2474.29000 2863.33000 m -2481.32000 2862.16000 l -2484.83000 2858.64000 l -2481.32000 2855.13000 l -2474.29000 2855.13000 l -2470.77000 2859.81000 l -2474.29000 2863.33000 l -h -2496.54000 2862.16000 m -2503.57000 2862.16000 l -2507.09000 2857.47000 l -2503.57000 2853.96000 l -2496.54000 2855.13000 l -2493.03000 2858.64000 l -2496.54000 2862.16000 l -h -2518.80000 2860.98000 m -2525.83000 2860.98000 l -2529.35000 2856.30000 l -2525.83000 2853.96000 l -2517.63000 2853.96000 l -2514.12000 2857.47000 l -2518.80000 2860.98000 l -h -2539.89000 2859.81000 m -2548.09000 2859.81000 l -2551.60000 2855.13000 l -2546.92000 2851.61000 l -2539.89000 2852.78000 l -2536.38000 2856.30000 l -2539.89000 2859.81000 l -h -2562.15000 2858.64000 m -2569.18000 2857.47000 l -2572.69000 2853.96000 l -2569.18000 2850.44000 l -2562.15000 2851.61000 l -2558.63000 2855.13000 l -2562.15000 2858.64000 l -h -2584.41000 2856.30000 m -2591.44000 2856.30000 l -2594.95000 2851.61000 l -2591.44000 2848.10000 l -2583.23000 2849.27000 l -2579.72000 2852.78000 l -2584.41000 2856.30000 l -h -2606.66000 2853.96000 m -2613.69000 2853.96000 l -2617.21000 2849.27000 l -2612.52000 2846.93000 l -2605.49000 2846.93000 l -2601.98000 2851.61000 l -2606.66000 2853.96000 l -h -2627.75000 2851.61000 m -2634.78000 2850.44000 l -2638.29000 2846.93000 l -2634.78000 2843.41000 l -2626.58000 2844.58000 l -2624.24000 2849.27000 l -2627.75000 2851.61000 l -h -2650.01000 2849.27000 m -2657.04000 2848.10000 l -2660.55000 2843.41000 l -2655.87000 2841.07000 l -2648.84000 2842.24000 l -2645.32000 2845.75000 l -2650.01000 2849.27000 l -h -2672.27000 2845.75000 m -2679.30000 2844.58000 l -2681.64000 2839.90000 l -2678.13000 2836.38000 l -2669.92000 2838.73000 l -2667.58000 2842.24000 l -2672.27000 2845.75000 l -h -2693.35000 2841.07000 m -2700.38000 2839.90000 l -2702.73000 2835.21000 l -2699.21000 2832.87000 l -2692.18000 2834.04000 l -2688.67000 2838.73000 l -2693.35000 2841.07000 l -h -2714.44000 2836.38000 m -2721.47000 2834.04000 l -2722.64000 2834.04000 l -2724.98000 2829.35000 l -2720.30000 2827.01000 l -2713.27000 2829.35000 l -2710.93000 2832.87000 l -2714.44000 2836.38000 l -h -2736.70000 2830.53000 m -2736.70000 2829.35000 l -2743.73000 2827.01000 l -2744.90000 2823.50000 l -2740.21000 2821.15000 l -2734.36000 2822.32000 l -2734.36000 2823.50000 l -2732.01000 2827.01000 l -2736.70000 2830.53000 l -h -2756.61000 2822.32000 m -2762.47000 2819.98000 l -2763.64000 2819.98000 l -2765.99000 2814.12000 l -2761.30000 2812.95000 l -2760.13000 2812.95000 l -2754.27000 2815.30000 l -2751.93000 2819.98000 l -2756.61000 2822.32000 l -h -2777.70000 2812.95000 m -2783.56000 2809.44000 l -2784.73000 2804.75000 l -2780.04000 2802.41000 l -2774.19000 2805.92000 l -2771.84000 2811.78000 l -2777.70000 2812.95000 l -h -2796.45000 2801.24000 m -2802.30000 2795.38000 l -2802.30000 2790.69000 l -2796.45000 2790.69000 l -2791.76000 2795.38000 l -2791.76000 2800.07000 l -2796.45000 2801.24000 l -h -2812.85000 2784.84000 m -2814.02000 2783.67000 l -2817.53000 2778.98000 l -2816.36000 2774.29000 l -2811.67000 2775.47000 l -2809.33000 2778.98000 l -2806.99000 2780.15000 l -2806.99000 2786.01000 l -2812.85000 2784.84000 l -h -2824.56000 2766.09000 m -2826.90000 2761.41000 l -2826.90000 2757.89000 l -2824.56000 2753.21000 l -2819.88000 2756.72000 l -2819.88000 2759.06000 l -2817.53000 2762.58000 l -2819.88000 2767.27000 l -2824.56000 2766.09000 l -h -2830.42000 2742.66000 m -2830.42000 2735.63000 l -2826.90000 2732.12000 l -2823.39000 2735.63000 l -2823.39000 2742.66000 l -2825.73000 2746.18000 l -2830.42000 2742.66000 l -h -2829.25000 2720.41000 m -2828.08000 2713.38000 l -2824.56000 2709.86000 l -2821.05000 2714.55000 l -2822.22000 2721.58000 l -2826.90000 2725.09000 l -2829.25000 2720.41000 l -h -2824.56000 2698.15000 m -2824.56000 2695.80000 l -2822.22000 2691.12000 l -2817.53000 2688.78000 l -2815.19000 2694.63000 l -2817.53000 2698.15000 l -2817.53000 2700.49000 l -2822.22000 2702.83000 l -2824.56000 2698.15000 l -h -2815.19000 2677.06000 m -2812.85000 2674.72000 l -2810.50000 2671.20000 l -2804.65000 2671.20000 l -2804.65000 2677.06000 l -2809.33000 2681.75000 l -2814.02000 2682.92000 l -2815.19000 2677.06000 l -h -2798.79000 2661.83000 m -2792.93000 2658.32000 l -2791.76000 2657.15000 l -2787.07000 2658.32000 l -2788.24000 2664.17000 l -2789.42000 2664.17000 l -2794.10000 2667.69000 l -2798.79000 2666.52000 l -2798.79000 2661.83000 l -h -2778.87000 2650.12000 m -2771.84000 2647.77000 l -2767.16000 2648.94000 l -2769.50000 2654.80000 l -2775.36000 2657.15000 l -2780.04000 2654.80000 l -2778.87000 2650.12000 l -h -2757.79000 2641.92000 m -2750.76000 2639.57000 l -2746.07000 2641.92000 l -2748.41000 2646.60000 l -2755.44000 2648.94000 l -2760.13000 2646.60000 l -2757.79000 2641.92000 l -h -2736.70000 2636.06000 m -2729.67000 2634.89000 l -2724.98000 2637.23000 l -2727.33000 2641.92000 l -2734.36000 2643.09000 l -2739.04000 2640.74000 l -2736.70000 2636.06000 l -h -2714.44000 2631.37000 m -2710.93000 2630.20000 l -2707.41000 2630.20000 l -2703.90000 2632.54000 l -2706.24000 2637.23000 l -2709.76000 2637.23000 l -2713.27000 2638.40000 l -2717.96000 2636.06000 l -2714.44000 2631.37000 l -h -2693.35000 2626.69000 m -2686.33000 2626.69000 l -2681.64000 2629.03000 l -2685.15000 2633.72000 l -2692.18000 2634.89000 l -2695.70000 2631.37000 l -2693.35000 2626.69000 l -h -2671.10000 2624.34000 m -2664.07000 2623.17000 l -2660.55000 2626.69000 l -2662.90000 2630.20000 l -2669.92000 2631.37000 l -2674.61000 2627.86000 l -2671.10000 2624.34000 l -h -2650.01000 2620.83000 m -2641.81000 2620.83000 l -2638.29000 2623.17000 l -2641.81000 2627.86000 l -2648.84000 2629.03000 l -2652.35000 2625.52000 l -2650.01000 2620.83000 l -h -2627.75000 2619.66000 m -2620.72000 2618.49000 l -2616.04000 2622 l -2619.55000 2625.52000 l -2626.58000 2626.69000 l -2631.27000 2623.17000 l -2627.75000 2619.66000 l -h -2605.49000 2617.31000 m -2598.46000 2616.14000 l -2594.95000 2619.66000 l -2597.29000 2624.34000 l -2605.49000 2624.34000 l -2609.01000 2620.83000 l -2605.49000 2617.31000 l -h -2583.23000 2614.97000 m -2576.21000 2614.97000 l -2572.69000 2618.49000 l -2576.21000 2622 l -2583.23000 2623.17000 l -2586.75000 2619.66000 l -2583.23000 2614.97000 l -h -2562.15000 2613.80000 m -2553.95000 2613.80000 l -2550.43000 2617.31000 l -2553.95000 2620.83000 l -2559.80000 2622 l -2560.98000 2622 l -2565.66000 2618.49000 l -2562.15000 2613.80000 l -h -2539.89000 2612.63000 m -2532.86000 2612.63000 l -2528.17000 2616.14000 l -2531.69000 2619.66000 l -2532.86000 2619.66000 l -2539.89000 2620.83000 l -2543.40000 2617.31000 l -2539.89000 2612.63000 l -h -2517.63000 2612.63000 m -2510.60000 2611.46000 l -2507.09000 2614.97000 l -2510.60000 2619.66000 l -2517.63000 2619.66000 l -2521.15000 2616.14000 l -2517.63000 2612.63000 l -h -2495.37000 2611.46000 m -2488.34000 2611.46000 l -2484.83000 2614.97000 l -2488.34000 2618.49000 l -2495.37000 2618.49000 l -2498.89000 2614.97000 l -2495.37000 2611.46000 l -h -2474.29000 2611.46000 m -2473.11000 2611.46000 l -2466.09000 2610.29000 l -2462.57000 2614.97000 l -2466.09000 2618.49000 l -2473.11000 2618.49000 l -2477.80000 2614.97000 l -2474.29000 2611.46000 l -h -2452.03000 2610.29000 m -2445 2610.29000 l -2440.31000 2613.80000 l -2443.83000 2617.31000 l -2452.03000 2618.49000 l -2455.54000 2613.80000 l -2452.03000 2610.29000 l -h -2429.77000 2610.29000 m -2422.74000 2610.29000 l -2419.23000 2613.80000 l -2422.74000 2617.31000 l -2429.77000 2617.31000 l -2433.28000 2613.80000 l -2429.77000 2610.29000 l -h -2407.51000 2610.29000 m -2400.48000 2610.29000 l -2396.97000 2613.80000 l -2400.48000 2617.31000 l -2407.51000 2617.31000 l -2411.03000 2613.80000 l -2407.51000 2610.29000 l -f -2822.22000 2734.46000 m -2822.22000 2741.49000 l -2823.39000 2745.01000 l -2828.08000 2745.01000 l -2829.25000 2741.49000 l -2829.25000 2734.46000 l -2828.08000 2732.12000 l -2825.73000 2730.95000 l -2823.39000 2732.12000 l -2822.22000 2734.46000 l -f -2825.73000 2711.03000 m -2804.65000 2753.21000 l -2817.53000 2746.18000 2833.93000 2746.18000 2846.82000 2753.21000 c -2825.73000 2711.03000 l -f* -2386.42000 3114.03000 m -2781.22000 3114.03000 2845.65000 3048.42000 2823.39000 2958.22000 c -2811.67000 2916.04000 2781.22000 2866.84000 2386.42000 2866.84000 c -S -2825.73000 2988.68000 m -2825.73000 3000.39000 l -2825.73000 2996.88000 l -S -2825.73000 2964.08000 m -2804.65000 3007.42000 l -2817.53000 3000.39000 2833.93000 3000.39000 2846.82000 3007.42000 c -2825.73000 2964.08000 l -f* -2387.60000 3367.07000 m -2782.39000 3367.07000 2846.82000 3302.63000 2824.56000 3212.43000 c -2812.85000 3169.09000 2782.39000 3121.05000 2387.60000 3121.05000 c -S -2826.90000 3241.72000 m -2826.90000 3253.43000 l -2826.90000 3249.92000 l -S -2826.90000 3218.29000 m -2805.82000 3260.46000 l -2818.70000 3253.43000 2835.10000 3253.43000 2847.99000 3260.46000 c -2826.90000 3218.29000 l -f* -2386.42000 3621.28000 m -2781.22000 3621.28000 2845.65000 3555.68000 2823.39000 3465.47000 c -2811.67000 3423.30000 2781.22000 3374.10000 2386.42000 3374.10000 c -S -2825.73000 3494.76000 m -2825.73000 3507.65000 l -2825.73000 3504.13000 l -S -2825.73000 3471.33000 m -2804.65000 3514.67000 l -2817.53000 3507.65000 2833.93000 3507.65000 2846.82000 3514.67000 c -2825.73000 3471.33000 l -f* -2387.60000 3874.32000 m -2782.39000 3874.32000 2846.82000 3809.89000 2824.56000 3719.68000 c -2812.85000 3676.34000 2782.39000 3628.31000 2387.60000 3628.31000 c -S -2826.90000 3748.97000 m -2826.90000 3760.69000 l -2826.90000 3757.17000 l -S -2826.90000 3725.54000 m -2805.82000 3767.72000 l -2818.70000 3760.69000 2835.10000 3760.69000 2847.99000 3767.72000 c -2826.90000 3725.54000 l -f* -2387.60000 4128.53000 m -2782.39000 4128.53000 2846.82000 4062.93000 2824.56000 3972.73000 c -2812.85000 3930.55000 2782.39000 3881.35000 2387.60000 3881.35000 c -S -2826.90000 4002.01000 m -2826.90000 4014.90000 l -2826.90000 4011.38000 l -S -2826.90000 3978.58000 m -2805.82000 4021.93000 l -2818.70000 4014.90000 2835.10000 4014.90000 2847.99000 4021.93000 c -2826.90000 3978.58000 l -f* -2386.42000 4385.09000 m -2393.45000 4385.09000 l -2396.97000 4381.58000 l -2393.45000 4378.06000 l -2386.42000 4378.06000 l -2384.08000 4379.23000 l -2382.91000 4381.58000 l -2384.08000 4383.92000 l -2386.42000 4385.09000 l -h -2408.68000 4385.09000 m -2415.71000 4385.09000 l -2419.23000 4381.58000 l -2415.71000 4378.06000 l -2408.68000 4378.06000 l -2405.17000 4381.58000 l -2408.68000 4385.09000 l -h -2430.94000 4385.09000 m -2437.97000 4385.09000 l -2441.48000 4381.58000 l -2437.97000 4378.06000 l -2429.77000 4378.06000 l -2426.26000 4381.58000 l -2430.94000 4385.09000 l -h -2452.03000 4385.09000 m -2460.23000 4385.09000 l -2463.74000 4380.40000 l -2459.06000 4376.89000 l -2456.71000 4378.06000 l -2452.03000 4378.06000 l -2448.51000 4381.58000 l -2452.03000 4385.09000 l -h -2474.29000 4383.92000 m -2481.32000 4383.92000 l -2484.83000 4380.40000 l -2481.32000 4376.89000 l -2474.29000 4376.89000 l -2470.77000 4380.40000 l -2474.29000 4383.92000 l -h -2496.54000 4383.92000 m -2503.57000 4382.75000 l -2507.09000 4379.23000 l -2503.57000 4375.72000 l -2496.54000 4375.72000 l -2493.03000 4380.40000 l -2496.54000 4383.92000 l -h -2518.80000 4382.75000 m -2525.83000 4382.75000 l -2529.35000 4378.06000 l -2525.83000 4374.55000 l -2519.97000 4375.72000 l -2517.63000 4375.72000 l -2514.12000 4379.23000 l -2518.80000 4382.75000 l -h -2539.89000 4381.58000 m -2548.09000 4380.40000 l -2551.60000 4376.89000 l -2546.92000 4373.37000 l -2539.89000 4374.55000 l -2536.38000 4378.06000 l -2539.89000 4381.58000 l -h -2562.15000 4380.40000 m -2569.18000 4379.23000 l -2572.69000 4375.72000 l -2569.18000 4372.20000 l -2562.15000 4372.20000 l -2558.63000 4376.89000 l -2562.15000 4380.40000 l -h -2584.41000 4378.06000 m -2591.44000 4378.06000 l -2594.95000 4373.37000 l -2591.44000 4369.86000 l -2583.23000 4371.03000 l -2579.72000 4374.55000 l -2584.41000 4378.06000 l -h -2606.66000 4375.72000 m -2613.69000 4375.72000 l -2617.21000 4371.03000 l -2612.52000 4367.52000 l -2605.49000 4368.69000 l -2601.98000 4373.37000 l -2606.66000 4375.72000 l -h -2627.75000 4373.37000 m -2634.78000 4372.20000 l -2638.29000 4368.69000 l -2634.78000 4365.17000 l -2626.58000 4366.35000 l -2624.24000 4369.86000 l -2627.75000 4373.37000 l -h -2650.01000 4371.03000 m -2657.04000 4369.86000 l -2660.55000 4365.17000 l -2655.87000 4361.66000 l -2648.84000 4362.83000 l -2645.32000 4367.52000 l -2650.01000 4371.03000 l -h -2672.27000 4367.52000 m -2679.30000 4365.17000 l -2681.64000 4361.66000 l -2678.13000 4358.15000 l -2669.92000 4359.32000 l -2667.58000 4364 l -2672.27000 4367.52000 l -h -2693.35000 4362.83000 m -2700.38000 4361.66000 l -2702.73000 4356.97000 l -2699.21000 4353.46000 l -2692.18000 4355.80000 l -2688.67000 4359.32000 l -2693.35000 4362.83000 l -h -2714.44000 4358.15000 m -2721.47000 4355.80000 l -2722.64000 4355.80000 l -2724.98000 4351.12000 l -2720.30000 4348.77000 l -2713.27000 4351.12000 l -2710.93000 4354.63000 l -2714.44000 4358.15000 l -h -2736.70000 4351.12000 m -2743.73000 4348.77000 l -2744.90000 4344.09000 l -2740.21000 4341.74000 l -2734.36000 4344.09000 l -2732.01000 4348.77000 l -2736.70000 4351.12000 l -h -2756.61000 4344.09000 m -2762.47000 4341.74000 l -2763.64000 4340.57000 l -2765.99000 4335.89000 l -2761.30000 4334.72000 l -2760.13000 4334.72000 l -2754.27000 4337.06000 l -2751.93000 4341.74000 l -2756.61000 4344.09000 l -h -2777.70000 4334.72000 m -2783.56000 4331.20000 l -2784.73000 4325.34000 l -2780.04000 4324.17000 l -2774.19000 4327.69000 l -2771.84000 4333.54000 l -2777.70000 4334.72000 l -h -2796.45000 4321.83000 m -2801.13000 4318.31000 l -2802.30000 4317.14000 l -2802.30000 4312.46000 l -2796.45000 4312.46000 l -2791.76000 4315.97000 l -2791.76000 4321.83000 l -2796.45000 4321.83000 l -h -2812.85000 4306.60000 m -2814.02000 4305.43000 l -2817.53000 4300.74000 l -2816.36000 4296.06000 l -2811.67000 4296.06000 l -2809.33000 4300.74000 l -2806.99000 4301.91000 l -2806.99000 4306.60000 l -2812.85000 4306.60000 l -h -2824.56000 4286.68000 m -2826.90000 4283.17000 l -2826.90000 4279.66000 l -2824.56000 4274.97000 l -2819.88000 4277.31000 l -2819.88000 4280.83000 l -2817.53000 4284.34000 l -2819.88000 4289.03000 l -2824.56000 4286.68000 l -h -2830.42000 4264.43000 m -2830.42000 4257.40000 l -2826.90000 4253.88000 l -2823.39000 4257.40000 l -2823.39000 4264.43000 l -2825.73000 4267.94000 l -2830.42000 4264.43000 l -h -2829.25000 4242.17000 m -2828.08000 4235.14000 l -2824.56000 4231.63000 l -2821.05000 4236.31000 l -2822.22000 4243.34000 l -2826.90000 4245.68000 l -2829.25000 4242.17000 l -h -2824.56000 4219.91000 m -2824.56000 4217.57000 l -2822.22000 4212.88000 l -2817.53000 4210.54000 l -2815.19000 4215.22000 l -2817.53000 4219.91000 l -2817.53000 4222.25000 l -2822.22000 4224.60000 l -2824.56000 4219.91000 l -h -2815.19000 4198.82000 m -2812.85000 4196.48000 l -2810.50000 4192.97000 l -2804.65000 4192.97000 l -2804.65000 4198.82000 l -2806.99000 4199.99000 l -2809.33000 4203.51000 l -2814.02000 4204.68000 l -2815.19000 4198.82000 l -h -2798.79000 4183.59000 m -2792.93000 4180.08000 l -2791.76000 4178.91000 l -2787.07000 4180.08000 l -2788.24000 4184.77000 l -2789.42000 4185.94000 l -2794.10000 4189.45000 l -2798.79000 4188.28000 l -2798.79000 4183.59000 l -h -2778.87000 4171.88000 m -2771.84000 4169.54000 l -2767.16000 4170.71000 l -2769.50000 4175.39000 l -2775.36000 4178.91000 l -2780.04000 4176.56000 l -2778.87000 4171.88000 l -h -2757.79000 4163.68000 m -2750.76000 4161.34000 l -2746.07000 4163.68000 l -2748.41000 4168.36000 l -2755.44000 4170.71000 l -2760.13000 4168.36000 l -2757.79000 4163.68000 l -h -2736.70000 4157.82000 m -2729.67000 4155.48000 l -2724.98000 4158.99000 l -2727.33000 4162.51000 l -2734.36000 4164.85000 l -2739.04000 4162.51000 l -2736.70000 4157.82000 l -h -2714.44000 4153.14000 m -2707.41000 4150.79000 l -2703.90000 4154.31000 l -2706.24000 4158.99000 l -2709.76000 4158.99000 l -2713.27000 4160.16000 l -2717.96000 4156.65000 l -2714.44000 4153.14000 l -h -2693.35000 4148.45000 m -2686.33000 4147.28000 l -2681.64000 4150.79000 l -2685.15000 4155.48000 l -2692.18000 4155.48000 l -2695.70000 4153.14000 l -2693.35000 4148.45000 l -h -2671.10000 4146.11000 m -2664.07000 4144.93000 l -2660.55000 4147.28000 l -2662.90000 4151.96000 l -2669.92000 4153.14000 l -2674.61000 4149.62000 l -2671.10000 4146.11000 l -h -2650.01000 4142.59000 m -2641.81000 4142.59000 l -2638.29000 4144.93000 l -2641.81000 4149.62000 l -2648.84000 4149.62000 l -2652.35000 4147.28000 l -2650.01000 4142.59000 l -h -2627.75000 4140.25000 m -2620.72000 4140.25000 l -2616.04000 4143.76000 l -2619.55000 4147.28000 l -2626.58000 4148.45000 l -2631.27000 4144.93000 l -2627.75000 4140.25000 l -h -2605.49000 4139.08000 m -2598.46000 4137.91000 l -2594.95000 4141.42000 l -2597.29000 4144.93000 l -2605.49000 4146.11000 l -2609.01000 4142.59000 l -2605.49000 4139.08000 l -h -2583.23000 4136.73000 m -2576.21000 4136.73000 l -2572.69000 4140.25000 l -2576.21000 4143.76000 l -2583.23000 4144.93000 l -2586.75000 4141.42000 l -2583.23000 4136.73000 l -h -2562.15000 4135.56000 m -2553.95000 4135.56000 l -2550.43000 4139.08000 l -2553.95000 4142.59000 l -2560.98000 4142.59000 l -2565.66000 4139.08000 l -2562.15000 4135.56000 l -h -2539.89000 4134.39000 m -2532.86000 4134.39000 l -2528.17000 4137.91000 l -2531.69000 4141.42000 l -2539.89000 4141.42000 l -2543.40000 4139.08000 l -2539.89000 4134.39000 l -h -2517.63000 4133.22000 m -2510.60000 4133.22000 l -2507.09000 4136.73000 l -2510.60000 4141.42000 l -2517.63000 4141.42000 l -2521.15000 4137.91000 l -2517.63000 4133.22000 l -h -2495.37000 4133.22000 m -2488.34000 4133.22000 l -2484.83000 4136.73000 l -2488.34000 4140.25000 l -2495.37000 4140.25000 l -2498.89000 4136.73000 l -2495.37000 4133.22000 l -h -2474.29000 4132.05000 m -2466.09000 4132.05000 l -2462.57000 4135.56000 l -2466.09000 4140.25000 l -2473.11000 4140.25000 l -2477.80000 4136.73000 l -2474.29000 4132.05000 l -h -2452.03000 4132.05000 m -2445 4132.05000 l -2440.31000 4135.56000 l -2443.83000 4139.08000 l -2452.03000 4139.08000 l -2455.54000 4135.56000 l -2452.03000 4132.05000 l -h -2429.77000 4132.05000 m -2422.74000 4132.05000 l -2419.23000 4135.56000 l -2422.74000 4139.08000 l -2429.77000 4139.08000 l -2433.28000 4135.56000 l -2429.77000 4132.05000 l -h -2407.51000 4132.05000 m -2400.48000 4132.05000 l -2396.97000 4135.56000 l -2400.48000 4139.08000 l -2407.51000 4139.08000 l -2411.03000 4135.56000 l -2407.51000 4132.05000 l -f -2822.22000 4256.23000 m -2822.22000 4263.25000 l -2823.39000 4265.60000 l -2825.73000 4266.77000 l -2828.08000 4265.60000 l -2829.25000 4263.25000 l -2829.25000 4256.23000 l -2828.08000 4253.88000 l -2825.73000 4252.71000 l -2823.39000 4253.88000 l -2822.22000 4256.23000 l -f -2825.73000 4232.80000 m -2804.65000 4274.97000 l -2817.53000 4267.94000 2833.93000 4267.94000 2846.82000 4274.97000 c -2825.73000 4232.80000 l -f* -2385.25000 4635.79000 m -2780.04000 4635.79000 2844.48000 4570.18000 2822.22000 4479.98000 c -2810.50000 4437.81000 2780.04000 4388.60000 2385.25000 4388.60000 c -S -2824.56000 4509.27000 m -2824.56000 4522.15000 l -2824.56000 4518.64000 l -S -2824.56000 4485.84000 m -2803.47000 4529.18000 l -2816.36000 4522.15000 2832.76000 4522.15000 2845.65000 4529.18000 c -2824.56000 4485.84000 l -f* -2386.42000 4888.83000 m -2781.22000 4888.83000 2845.65000 4824.40000 2823.39000 4734.19000 c -2811.67000 4690.85000 2781.22000 4642.82000 2386.42000 4642.82000 c -S -2825.73000 4763.48000 m -2825.73000 4775.20000 l -2825.73000 4771.68000 l -S -2825.73000 4740.05000 m -2804.65000 4782.22000 l -2817.53000 4775.20000 2833.93000 4775.20000 2846.82000 4782.22000 c -2825.73000 4740.05000 l -f* -2386.42000 5143.04000 m -2781.22000 5143.04000 2845.65000 5077.44000 2823.39000 4987.23000 c -2811.67000 4945.06000 2781.22000 4895.86000 2386.42000 4895.86000 c -S -2825.73000 5016.52000 m -2825.73000 5028.24000 l -2825.73000 5025.89000 l -S -2825.73000 4993.09000 m -2804.65000 5035.27000 l -2817.53000 5029.41000 2833.93000 5029.41000 2846.82000 5035.27000 c -2825.73000 4993.09000 l -f* -2387.60000 5399.60000 m -2394.63000 5399.60000 l -2398.14000 5396.08000 l -2394.63000 5392.57000 l -2387.60000 5392.57000 l -2385.25000 5393.74000 l -2384.08000 5396.08000 l -2385.25000 5398.43000 l -2387.60000 5399.60000 l -h -2409.85000 5399.60000 m -2416.88000 5399.60000 l -2420.40000 5396.08000 l -2416.88000 5392.57000 l -2409.85000 5392.57000 l -2406.34000 5396.08000 l -2409.85000 5399.60000 l -h -2430.94000 5399.60000 m -2439.14000 5399.60000 l -2442.66000 5396.08000 l -2439.14000 5392.57000 l -2430.94000 5392.57000 l -2427.43000 5396.08000 l -2430.94000 5399.60000 l -h -2453.20000 5399.60000 m -2461.40000 5399.60000 l -2464.91000 5394.91000 l -2460.23000 5391.40000 l -2453.20000 5391.40000 l -2449.69000 5396.08000 l -2453.20000 5399.60000 l -h -2475.46000 5398.43000 m -2482.49000 5398.43000 l -2486 5394.91000 l -2482.49000 5391.40000 l -2475.46000 5391.40000 l -2471.94000 5394.91000 l -2475.46000 5398.43000 l -h -2497.72000 5398.43000 m -2504.75000 5397.26000 l -2508.26000 5393.74000 l -2504.75000 5390.23000 l -2497.72000 5390.23000 l -2494.20000 5394.91000 l -2497.72000 5398.43000 l -h -2519.97000 5397.26000 m -2521.15000 5397.26000 l -2527 5396.08000 l -2530.52000 5392.57000 l -2525.83000 5389.05000 l -2519.97000 5389.05000 l -2515.29000 5393.74000 l -2519.97000 5397.26000 l -h -2541.06000 5396.08000 m -2549.26000 5394.91000 l -2551.60000 5391.40000 l -2548.09000 5387.88000 l -2541.06000 5389.05000 l -2537.55000 5392.57000 l -2541.06000 5396.08000 l -h -2563.32000 5393.74000 m -2570.35000 5393.74000 l -2573.86000 5390.23000 l -2570.35000 5386.71000 l -2563.32000 5386.71000 l -2559.80000 5391.40000 l -2563.32000 5393.74000 l -h -2585.58000 5392.57000 m -2592.61000 5391.40000 l -2596.12000 5387.88000 l -2591.43000 5384.37000 l -2584.41000 5385.54000 l -2580.89000 5389.05000 l -2585.58000 5392.57000 l -h -2607.84000 5390.23000 m -2614.86000 5389.05000 l -2617.21000 5385.54000 l -2613.69000 5382.03000 l -2606.66000 5383.20000 l -2603.15000 5386.71000 l -2607.84000 5390.23000 l -h -2628.92000 5387.88000 m -2635.95000 5386.71000 l -2639.47000 5383.20000 l -2635.95000 5379.68000 l -2627.75000 5380.85000 l -2625.41000 5384.37000 l -2628.92000 5387.88000 l -h -2651.18000 5384.37000 m -2658.21000 5383.20000 l -2661.72000 5379.68000 l -2657.04000 5376.17000 l -2650.01000 5377.34000 l -2646.50000 5382.03000 l -2651.18000 5384.37000 l -h -2672.27000 5380.85000 m -2680.47000 5379.68000 l -2682.81000 5376.17000 l -2678.13000 5372.65000 l -2671.10000 5373.83000 l -2668.75000 5378.51000 l -2672.27000 5380.85000 l -h -2694.53000 5377.34000 m -2701.55000 5375 l -2703.90000 5371.48000 l -2700.38000 5367.97000 l -2693.35000 5370.31000 l -2689.84000 5373.83000 l -2694.53000 5377.34000 l -h -2715.61000 5371.48000 m -2722.64000 5370.31000 l -2726.16000 5365.62000 l -2721.47000 5363.28000 l -2720.30000 5363.28000 l -2714.44000 5364.45000 l -2710.93000 5369.14000 l -2715.61000 5371.48000 l -h -2736.70000 5365.62000 m -2737.87000 5365.62000 l -2743.73000 5363.28000 l -2746.07000 5358.60000 l -2741.39000 5356.25000 l -2735.53000 5358.60000 l -2733.19000 5363.28000 l -2736.70000 5365.62000 l -h -2757.79000 5358.60000 m -2763.64000 5356.25000 l -2764.82000 5355.08000 l -2767.16000 5350.40000 l -2762.47000 5349.22000 l -2761.30000 5349.22000 l -2755.44000 5351.57000 l -2753.10000 5356.25000 l -2757.79000 5358.60000 l -h -2778.87000 5349.22000 m -2784.73000 5345.71000 l -2785.90000 5339.85000 l -2781.22000 5338.68000 l -2775.36000 5342.20000 l -2773.02000 5346.88000 l -2778.87000 5349.22000 l -h -2797.62000 5336.34000 m -2802.30000 5332.82000 l -2803.47000 5331.65000 l -2803.47000 5326.97000 l -2797.62000 5326.97000 l -2792.93000 5330.48000 l -2791.76000 5336.34000 l -2797.62000 5336.34000 l -h -2814.02000 5321.11000 m -2815.19000 5319.94000 l -2818.70000 5315.25000 l -2817.53000 5309.39000 l -2812.85000 5310.57000 l -2809.33000 5314.08000 l -2808.16000 5316.42000 l -2808.16000 5321.11000 l -2814.02000 5321.11000 l -h -2825.73000 5301.19000 m -2826.90000 5297.68000 l -2828.08000 5294.16000 l -2825.73000 5289.48000 l -2821.05000 5291.82000 l -2821.05000 5295.34000 l -2818.70000 5298.85000 l -2821.05000 5303.54000 l -2825.73000 5301.19000 l -h -2831.59000 5278.93000 m -2831.59000 5271.91000 l -2828.08000 5268.39000 l -2824.56000 5271.91000 l -2824.56000 5273.08000 l -2823.39000 5278.93000 l -2826.90000 5282.45000 l -2831.59000 5278.93000 l -h -2830.42000 5256.68000 m -2829.25000 5248.48000 l -2825.73000 5246.13000 l -2822.22000 5250.82000 l -2823.39000 5257.85000 l -2828.08000 5260.19000 l -2830.42000 5256.68000 l -h -2825.73000 5234.42000 m -2825.73000 5232.08000 l -2823.39000 5227.39000 l -2818.70000 5225.05000 l -2816.36000 5229.73000 l -2818.70000 5233.25000 l -2818.70000 5236.76000 l -2823.39000 5239.10000 l -2825.73000 5234.42000 l -h -2816.36000 5213.33000 m -2814.02000 5209.82000 l -2810.50000 5207.47000 l -2805.82000 5207.47000 l -2805.82000 5212.16000 l -2808.16000 5214.50000 l -2810.50000 5218.02000 l -2815.19000 5219.19000 l -2816.36000 5213.33000 l -h -2798.79000 5196.93000 m -2794.10000 5193.42000 l -2792.93000 5193.42000 l -2788.24000 5194.59000 l -2789.42000 5199.27000 l -2789.42000 5200.45000 l -2795.27000 5203.96000 l -2799.96000 5202.79000 l -2798.79000 5196.93000 l -h -2780.04000 5186.39000 m -2773.02000 5182.87000 l -2768.33000 5185.22000 l -2769.50000 5189.90000 l -2776.53000 5193.42000 l -2781.22000 5191.07000 l -2780.04000 5186.39000 l -h -2758.96000 5178.19000 m -2751.93000 5175.84000 l -2747.24000 5178.19000 l -2749.59000 5182.87000 l -2756.61000 5185.22000 l -2761.30000 5182.87000 l -2758.96000 5178.19000 l -h -2737.87000 5172.33000 m -2730.84000 5169.99000 l -2726.16000 5173.50000 l -2728.50000 5177.02000 l -2735.53000 5179.36000 l -2740.21000 5177.02000 l -2737.87000 5172.33000 l -h -2715.61000 5167.64000 m -2708.58000 5165.30000 l -2703.90000 5168.82000 l -2707.41000 5173.50000 l -2710.93000 5173.50000 l -2714.44000 5174.67000 l -2719.13000 5171.16000 l -2715.61000 5167.64000 l -h -2694.53000 5162.96000 m -2687.50000 5161.79000 l -2682.81000 5165.30000 l -2686.33000 5168.82000 l -2693.35000 5169.99000 l -2696.87000 5167.64000 l -2694.53000 5162.96000 l -h -2672.27000 5159.44000 m -2665.24000 5159.44000 l -2660.55000 5161.79000 l -2664.07000 5166.47000 l -2671.10000 5167.64000 l -2675.78000 5164.13000 l -2672.27000 5159.44000 l -h -2650.01000 5157.10000 m -2642.98000 5155.93000 l -2639.47000 5159.44000 l -2642.98000 5164.13000 l -2650.01000 5164.13000 l -2653.52000 5161.79000 l -2650.01000 5157.10000 l -h -2628.92000 5154.76000 m -2620.72000 5154.76000 l -2617.21000 5157.10000 l -2620.72000 5161.79000 l -2627.75000 5161.79000 l -2632.44000 5159.44000 l -2628.92000 5154.76000 l -h -2606.66000 5153.59000 m -2599.64000 5152.41000 l -2594.95000 5155.93000 l -2598.46000 5159.44000 l -2606.66000 5160.61000 l -2610.18000 5157.10000 l -2606.66000 5153.59000 l -h -2584.41000 5151.24000 m -2577.38000 5151.24000 l -2573.86000 5154.76000 l -2577.38000 5158.27000 l -2584.41000 5158.27000 l -2587.92000 5155.93000 l -2584.41000 5151.24000 l -h -2563.32000 5150.07000 m -2555.12000 5150.07000 l -2551.60000 5153.59000 l -2555.12000 5157.10000 l -2562.15000 5157.10000 l -2565.66000 5153.59000 l -2563.32000 5150.07000 l -h -2541.06000 5148.90000 m -2532.86000 5148.90000 l -2529.35000 5152.41000 l -2532.86000 5155.93000 l -2539.89000 5155.93000 l -2544.58000 5152.41000 l -2541.06000 5148.90000 l -h -2518.80000 5147.73000 m -2511.77000 5147.73000 l -2508.26000 5151.24000 l -2511.77000 5154.76000 l -2518.80000 5155.93000 l -2522.32000 5152.41000 l -2518.80000 5147.73000 l -h -2496.54000 5147.73000 m -2489.52000 5147.73000 l -2486 5151.24000 l -2489.52000 5154.76000 l -2496.54000 5154.76000 l -2500.06000 5151.24000 l -2496.54000 5147.73000 l -h -2474.29000 5146.56000 m -2467.26000 5146.56000 l -2463.74000 5150.07000 l -2467.26000 5153.59000 l -2473.11000 5154.76000 l -2474.29000 5154.76000 l -2478.97000 5151.24000 l -2474.29000 5146.56000 l -h -2453.20000 5146.56000 m -2445 5146.56000 l -2441.48000 5150.07000 l -2445 5153.59000 l -2453.20000 5153.59000 l -2456.71000 5150.07000 l -2453.20000 5146.56000 l -h -2430.94000 5146.56000 m -2423.91000 5146.56000 l -2420.40000 5150.07000 l -2423.91000 5153.59000 l -2430.94000 5153.59000 l -2434.46000 5150.07000 l -2430.94000 5146.56000 l -h -2408.68000 5146.56000 m -2401.65000 5146.56000 l -2398.14000 5150.07000 l -2401.65000 5153.59000 l -2408.68000 5153.59000 l -2412.20000 5150.07000 l -2408.68000 5146.56000 l -f -2823.39000 5270.73000 m -2823.39000 5277.76000 l -2824.56000 5280.11000 l -2826.90000 5281.28000 l -2829.25000 5280.11000 l -2830.42000 5277.76000 l -2830.42000 5270.73000 l -2829.25000 5268.39000 l -2826.90000 5267.22000 l -2824.56000 5268.39000 l -2823.39000 5270.73000 l -f -2826.90000 5246.13000 m -2805.82000 5289.48000 l -2818.70000 5282.45000 2835.10000 5282.45000 2847.99000 5289.48000 c -2826.90000 5246.13000 l -f* -2386.42000 5650.30000 m -2781.22000 5650.30000 2845.65000 5584.69000 2823.39000 5494.49000 c -2811.67000 5452.32000 2781.22000 5403.11000 2386.42000 5403.11000 c -S -2825.73000 5523.78000 m -2825.73000 5535.49000 l -2825.73000 5533.15000 l -S -2825.73000 5500.35000 m -2804.65000 5542.52000 l -2817.53000 5536.66000 2833.93000 5536.66000 2846.82000 5542.52000 c -2825.73000 5500.35000 l -f* -2387.60000 5903.34000 m -2782.39000 5903.34000 2846.82000 5838.91000 2824.56000 5748.70000 c -2812.85000 5705.36000 2782.39000 5657.33000 2387.60000 5657.33000 c -S -2826.90000 5777.99000 m -2826.90000 5789.70000 l -2826.90000 5786.19000 l -S -2826.90000 5753.39000 m -2805.82000 5796.73000 l -2818.70000 5789.70000 2835.10000 5789.70000 2847.99000 5796.73000 c -2826.90000 5753.39000 l -f* -2387.60000 6157.55000 m -2782.39000 6157.55000 2846.82000 6091.95000 2824.56000 6001.74000 c -2812.85000 5958.40000 2782.39000 5910.37000 2387.60000 5910.37000 c -S -2826.90000 6031.03000 m -2826.90000 6042.75000 l -2826.90000 6039.23000 l -S -2826.90000 6007.60000 m -2805.82000 6049.77000 l -2818.70000 6043.92000 2835.10000 6043.92000 2847.99000 6049.77000 c -2826.90000 6007.60000 l -f* -0.99219 0.92188 0.86719 scn -2148.61000 6312.19000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -2148.61000 6312.19000 480.31300 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 223.06200 633.32700 Tm -[ <02> 0.48650 <03> -0.28793 <02> 0.48650 <04> -23.47630 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.46640 <0a> 0.48650 <0b> 0.48650 <09> 0.27800 <04> -23.44650 <0c> 0.58083 <0d> 0.48650 ] TJ -ET -Q -1 1 1 scn -2148.61000 6185.67000 479.14100 70.28520 re -f -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00049 Tc -/R65 4.92020 Tf -0.99953 0 0 1 231.02800 620.67500 Tm -[ <0e06060f> 0.28297 <09> 0.28297 <04> 0.35743 <0c> -22.92030 <0d> 0.49147 ] TJ -ET -Q -0.93359 0.91797 0.94922 scn -2147.44000 6057.97000 480.30900 71.47270 re -f -2147.44000 6057.97000 480.30900 71.47270 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00098 Tc -/R65 4.92020 Tf -0.99953 0 0 1 226.22500 607.90600 Tm -[ <10> -22.83090 <03> -0.88365 <10> 0.49147 <04> 0.35247 <05> -0.28793 <060708> 22.94020 <09> -23.40180 <04> 0.57090 <0a> 0.49147 <0b> 0.48650 ] TJ -ET -Q -0.93359 0.91797 0.94922 scn -2147.44000 5931.45000 480.30900 70.28910 re -f -2147.44000 5931.45000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00098 Tc -/R65 4.92020 Tf -0.99953 0 0 1 226.22500 595.25400 Tm -[ <10> -22.83090 <03> -0.88365 <10> 0.49147 <04> 0.35247 <05> -0.28793 <060708> 22.94020 <09> -23.40180 <04> 0.57090 <0a> 0.49147 <0b> 0.48650 ] TJ -ET -Q -0 0 0 SCN -2387.60000 6057.97000 m -2387.60000 6034.54000 l -S -2387.60000 6001.74000 m -2408.68000 6045.09000 l -2395.80000 6038.06000 2379.40000 6038.06000 2366.51000 6045.09000 c -2387.60000 6001.74000 l -f* -2387.60000 6185.67000 m -2387.60000 6161.07000 l -S -2387.60000 6129.44000 m -2408.68000 6171.61000 l -2395.80000 6164.58000 2379.40000 6164.58000 2366.51000 6171.61000 c -2387.60000 6129.44000 l -f* -0.93359 0.91797 0.94922 scn -2147.44000 5804.93000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -2147.44000 5804.93000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00098 Tc -/R65 4.92020 Tf -0.99953 0 0 1 226.22500 582.60200 Tm -[ <10> -22.83090 <03> -0.88365 <10> 0.49147 <04> 0.35247 <05> -0.28793 <060708> 22.94020 <09> -23.40180 <04> 0.57090 <0a> 0.49147 <0b> 0.48650 ] TJ -ET -Q -0.93359 0.91797 0.94922 scn -2147.44000 5678.41000 480.30900 70.28910 re -f -2147.44000 5678.41000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00098 Tc -/R65 4.92020 Tf -0.99953 0 0 1 226.22500 569.95000 Tm -[ <10> -22.83090 <03> -0.88365 <10> 0.49147 <04> 0.35247 <05> -0.28793 <060708> 22.94020 <09> -23.40180 <04> 0.57090 <0a> 0.49147 <0b> 0.48650 ] TJ -ET -Q -0 0 0 SCN -2387.60000 5804.93000 m -2387.60000 5780.33000 l -S -2387.60000 5748.70000 m -2408.68000 5790.88000 l -2395.80000 5785.02000 2379.40000 5785.02000 2366.51000 5790.88000 c -2387.60000 5748.70000 l -f* -2387.60000 5931.45000 m -2387.60000 5908.02000 l -S -2387.60000 5875.22000 m -2408.68000 5918.57000 l -2395.80000 5911.54000 2379.40000 5911.54000 2366.51000 5918.57000 c -2387.60000 5875.22000 l -f* -0.93359 0.91797 0.94922 scn -2146.27000 5550.72000 480.30900 71.46090 re -f -0.49805 0.49805 0.49805 SCN -2146.27000 5550.72000 480.30900 71.46090 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 226.10800 557.18100 Tm -[ <10> -22.93520 <03> -0.98294 <10> 0.48650 <04> 0.35743 <05> -0.28793 <060708> 22.81600 <09> -23.42170 <04> 0.47161 <0a> 0.48650 <0b> 0.48650 ] TJ -ET -Q -0.93359 0.91797 0.94922 scn -2146.27000 5424.20000 480.30900 70.28910 re -f -2146.27000 5424.20000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 226.10800 544.52900 Tm -[ <10> -22.93520 <03> -0.98294 <10> 0.48650 <04> 0.35743 <05> -0.28793 <060708> 22.81600 <09> -23.42170 <04> 0.47161 <0a> 0.48650 <0b> 0.48650 ] TJ -ET -Q -0 0 0 SCN -2386.42000 5550.72000 m -2386.42000 5527.29000 l -S -2386.42000 5494.49000 m -2407.51000 5537.83000 l -2394.63000 5530.80000 2378.22000 5530.80000 2365.34000 5537.83000 c -2386.42000 5494.49000 l -f* -2386.42000 5678.41000 m -2386.42000 5653.81000 l -S -2386.42000 5622.18000 m -2407.51000 5664.35000 l -2394.63000 5657.33000 2378.22000 5657.33000 2365.34000 5664.35000 c -2386.42000 5622.18000 l -f* -0.92188 0.94531 0.87500 scn -2147.44000 5297.68000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -2147.44000 5297.68000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 221.65600 531.87700 Tm -[ <10> 0.48650 <03> -24.88120 <10> 0.48650 <04> 0.35743 <05> -0.28793 <060708> 22.73660 <09> -23.50110 <04> 0.23332 <11> 0.48650 <0d> 0.48650 <12> -22.99480 <09> 0.27800 <04> 0.35743 <0c> 0.34750 <0d> 0.48650 ] TJ -ET -Q -0.92188 0.94531 0.87500 scn -2147.44000 5171.16000 480.30900 70.28910 re -f -2147.44000 5171.16000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 225.05300 519.22500 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.31740 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.46640 <11> 0.48650 <0d> 0.48650 <12> 0.48154 ] TJ -ET -Q -0 0 0 SCN -2387.60000 5297.68000 m -2387.60000 5274.25000 l -S -2387.60000 5241.45000 m -2408.68000 5283.62000 l -2395.80000 5277.76000 2379.40000 5277.76000 2366.51000 5283.62000 c -2387.60000 5241.45000 l -f* -2387.60000 5424.20000 m -2387.60000 5400.77000 l -S -2387.60000 5367.97000 m -2408.68000 5411.31000 l -2395.80000 5404.28000 2379.40000 5404.28000 2366.51000 5411.31000 c -2387.60000 5367.97000 l -f* -0.92188 0.94531 0.87500 scn -2146.27000 5044.64000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -2146.27000 5044.64000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 224.93600 506.57200 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.31740 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.30750 <11> 0.48650 <0d> 0.48650 <12> 0.48154 ] TJ -ET -Q -0.92188 0.94531 0.87500 scn -2146.27000 4916.95000 480.30900 70.28130 re -f -2146.27000 4916.95000 480.30900 70.28130 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 224.93600 493.80300 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.31740 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.30750 <11> 0.48650 <0d> 0.48650 <12> 0.48154 ] TJ -ET -Q -0 0 0 SCN -2386.42000 5044.64000 m -2386.42000 5020.04000 l -S -2386.42000 4987.23000 m -2407.51000 5030.58000 l -2394.63000 5023.55000 2378.22000 5023.55000 2365.34000 5030.58000 c -2386.42000 4987.23000 l -f* -2386.42000 5171.16000 m -2386.42000 5146.56000 l -S -2386.42000 5114.93000 m -2407.51000 5157.10000 l -2394.63000 5150.07000 2378.22000 5150.07000 2365.34000 5157.10000 c -2386.42000 5114.93000 l -f* -0.92188 0.94531 0.87500 scn -2146.27000 4790.42000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -2146.27000 4790.42000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 224.93600 481.15100 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.31740 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.30750 <11> 0.48650 <0d> 0.48650 <12> 0.48154 ] TJ -ET -Q -0.92188 0.94531 0.87500 scn -2146.27000 4663.90000 480.30900 70.28910 re -f -2146.27000 4663.90000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 224.93600 468.49900 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.31740 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.30750 <11> 0.48650 <0d> 0.48650 <12> 0.48154 ] TJ -ET -Q -0 0 0 SCN -2386.42000 4790.42000 m -2386.42000 4766.99000 l -S -2386.42000 4734.19000 m -2407.51000 4776.37000 l -2394.63000 4770.51000 2378.22000 4770.51000 2365.34000 4776.37000 c -2386.42000 4734.19000 l -f* -2386.42000 4916.95000 m -2386.42000 4893.52000 l -S -2386.42000 4860.71000 m -2407.51000 4904.06000 l -2394.63000 4897.03000 2378.22000 4897.03000 2365.34000 4904.06000 c -2386.42000 4860.71000 l -f* -0.92188 0.94531 0.87500 scn -2145.10000 4537.38000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -2145.10000 4537.38000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 224.81900 455.84700 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.47630 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.54580 <11> 0.48650 <0d> 0.48650 <12> 0.48154 ] TJ -ET -Q -0.92188 0.94531 0.87500 scn -2145.10000 4409.69000 480.30900 70.28910 re -f -2145.10000 4409.69000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 224.81900 443.07800 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.47630 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.54580 <11> 0.48650 <0d> 0.48650 <12> 0.48154 ] TJ -ET -Q -0 0 0 SCN -2385.25000 4537.38000 m -2385.25000 4512.78000 l -S -2385.25000 4479.98000 m -2406.34000 4523.33000 l -2393.45000 4516.30000 2377.05000 4516.30000 2364.17000 4523.33000 c -2385.25000 4479.98000 l -f* -2385.25000 4663.90000 m -2385.25000 4639.30000 l -S -2385.25000 4607.67000 m -2406.34000 4649.85000 l -2393.45000 4642.82000 2377.05000 4642.82000 2364.17000 4649.85000 c -2385.25000 4607.67000 l -f* -0.94922 0.86328 0.85547 scn -2146.27000 4283.17000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -2146.27000 4283.17000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 221.53900 430.42600 Tm -[ <10> 0.48650 <03> -24.88120 <10> 0.48650 <04> 0.35743 <05> -0.28793 <060708> 22.73660 <09> -23.50110 <04> 0.23332 <0d> 0.48650 <13> 0.48650 <0a> -22.99480 <09> 0.27800 <04> 0.35743 <0c> 0.34750 <0d> 0.48650 ] TJ -ET -Q -0.94922 0.86328 0.85547 scn -2146.27000 4156.65000 480.30900 70.29300 re -f -2146.27000 4156.65000 480.30900 70.29300 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 224.93600 417.77400 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.31740 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.30750 <0d> 0.48650 <13> 0.48650 <0a> 0.48154 ] TJ -ET -Q -0 0 0 SCN -2386.42000 4283.17000 m -2386.42000 4259.74000 l -S -2386.42000 4226.94000 m -2407.51000 4270.28000 l -2394.63000 4263.25000 2378.22000 4263.25000 2365.34000 4270.28000 c -2386.42000 4226.94000 l -f* -2386.42000 4409.69000 m -2386.42000 4386.26000 l -S -2386.42000 4353.46000 m -2407.51000 4396.80000 l -2394.63000 4389.78000 2378.22000 4389.78000 2365.34000 4396.80000 c -2386.42000 4353.46000 l -f* -0.94922 0.86328 0.85547 scn -2147.44000 4030.13000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -2147.44000 4030.13000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 225.05300 405.12200 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.31740 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.46640 <0d> 0.48650 <13> 0.48650 <0a> 0.48154 ] TJ -ET -Q -0.94922 0.86328 0.85547 scn -2147.44000 3902.44000 480.30900 71.45700 re -f -2147.44000 3902.44000 480.30900 71.45700 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 225.05300 392.35200 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.31740 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.46640 <0d> 0.48650 <13> 0.48650 <0a> 0.48154 ] TJ -ET -Q -0 0 0 SCN -2387.60000 4030.13000 m -2387.60000 4005.53000 l -S -2387.60000 3973.90000 m -2408.68000 4016.07000 l -2395.80000 4009.04000 2379.40000 4009.04000 2366.51000 4016.07000 c -2387.60000 3973.90000 l -f* -2387.60000 4156.65000 m -2387.60000 4132.05000 l -S -2387.60000 4100.42000 m -2408.68000 4142.59000 l -2395.80000 4136.73000 2379.40000 4136.73000 2366.51000 4142.59000 c -2387.60000 4100.42000 l -f* -0.94922 0.86328 0.85547 scn -2147.44000 3775.92000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -2147.44000 3775.92000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 225.05300 379.70000 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.31740 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.46640 <0d> 0.48650 <13> 0.48650 <0a> 0.48154 ] TJ -ET -Q -0.94922 0.86328 0.85547 scn -2147.44000 3649.40000 480.30900 70.28130 re -f -2147.44000 3649.40000 480.30900 70.28130 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 225.05300 367.04800 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.31740 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.46640 <0d> 0.48650 <13> 0.48650 <0a> 0.48154 ] TJ -ET -Q -0 0 0 SCN -2387.60000 3775.92000 m -2387.60000 3752.49000 l -S -2387.60000 3719.68000 m -2408.68000 3763.03000 l -2395.80000 3756 2379.40000 3756 2366.51000 3763.03000 c -2387.60000 3719.68000 l -f* -2387.60000 3902.44000 m -2387.60000 3879.01000 l -S -2387.60000 3846.21000 m -2408.68000 3889.55000 l -2395.80000 3882.52000 2379.40000 3882.52000 2366.51000 3889.55000 c -2387.60000 3846.21000 l -f* -0.94922 0.86328 0.85547 scn -2146.27000 3522.87000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -2146.27000 3522.87000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 224.93600 354.39600 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.31740 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.30750 <0d> 0.48650 <13> 0.48650 <0a> 0.48154 ] TJ -ET -Q -0.94922 0.86328 0.85547 scn -2146.27000 3395.18000 480.30900 71.46090 re -f -2146.27000 3395.18000 480.30900 71.46090 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 224.93600 341.62700 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.31740 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.30750 <0d> 0.48650 <13> 0.48650 <0a> 0.48154 ] TJ -ET -Q -0 0 0 SCN -2386.42000 3522.87000 m -2386.42000 3498.27000 l -S -2386.42000 3466.64000 m -2407.51000 3508.82000 l -2394.63000 3501.79000 2378.22000 3501.79000 2365.34000 3508.82000 c -2386.42000 3466.64000 l -f* -2386.42000 3649.40000 m -2386.42000 3624.79000 l -S -2386.42000 3593.16000 m -2407.51000 3635.34000 l -2394.63000 3629.48000 2378.22000 3629.48000 2365.34000 3635.34000 c -2386.42000 3593.16000 l -f* -0.94922 0.86328 0.85547 scn -2147.44000 3268.66000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -2147.44000 3268.66000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 225.05300 328.97500 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.31740 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.46640 <0d> 0.48650 <13> 0.48650 <0a> 0.48154 ] TJ -ET -Q -0.94922 0.86328 0.85547 scn -2147.44000 3142.14000 480.30900 70.28910 re -f -2147.44000 3142.14000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 225.05300 316.32300 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.31740 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.46640 <0d> 0.48650 <13> 0.48650 <0a> 0.48154 ] TJ -ET -Q -0 0 0 SCN -2387.60000 3268.66000 m -2387.60000 3245.23000 l -S -2387.60000 3212.43000 m -2408.68000 3255.78000 l -2395.80000 3248.75000 2379.40000 3248.75000 2366.51000 3255.78000 c -2387.60000 3212.43000 l -f* -2387.60000 3395.18000 m -2387.60000 3371.75000 l -S -2387.60000 3338.95000 m -2408.68000 3382.30000 l -2395.80000 3375.27000 2379.40000 3375.27000 2366.51000 3382.30000 c -2387.60000 3338.95000 l -f* -0.94922 0.86328 0.85547 scn -2146.27000 3015.62000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -2146.27000 3015.62000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 224.93600 303.67100 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.31740 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.30750 <0d> 0.48650 <13> 0.48650 <0a> 0.48154 ] TJ -ET -Q -0.94922 0.86328 0.85547 scn -2146.27000 2889.10000 480.30900 70.28910 re -f -2146.27000 2889.10000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 224.93600 291.01900 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.31740 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.30750 <0d> 0.48650 <13> 0.48650 <0a> 0.48154 ] TJ -ET -Q -0 0 0 SCN -2386.42000 3015.62000 m -2386.42000 2991.02000 l -S -2386.42000 2959.39000 m -2407.51000 3001.56000 l -2394.63000 2994.53000 2378.22000 2994.53000 2365.34000 3001.56000 c -2386.42000 2959.39000 l -f* -2386.42000 3142.14000 m -2386.42000 3118.71000 l -S -2386.42000 3085.91000 m -2407.51000 3128.08000 l -2394.63000 3122.23000 2378.22000 3122.23000 2365.34000 3128.08000 c -2386.42000 3085.91000 l -f* -0.91797 0.93750 0.96094 scn -2146.27000 2761.41000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -2146.27000 2761.41000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 221.53900 278.24900 Tm -[ <10> 0.48650 <03> -24.88120 <10> 0.48650 <04> 0.35743 <05> -0.28793 <060708> 22.73660 <09> -23.50110 <04> 0.23332 <13> 0.48650 <11> 0.48650 <0d> -22.99480 <09> 0.27800 <04> 0.35743 <0c> 0.34750 <0d> 0.48650 ] TJ -ET -Q -0.91797 0.93750 0.96094 scn -2146.27000 2634.89000 480.30900 70.28910 re -f -2146.27000 2634.89000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 224.93600 265.59700 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.31740 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.30750 <13> 0.48650 <11> 0.48650 <0d> 0.48154 ] TJ -ET -Q -0 0 0 SCN -2386.42000 2761.41000 m -2386.42000 2737.98000 l -S -2386.42000 2705.18000 m -2407.51000 2748.52000 l -2394.63000 2741.49000 2378.22000 2741.49000 2365.34000 2748.52000 c -2386.42000 2705.18000 l -f* -2386.42000 2889.10000 m -2386.42000 2864.50000 l -S -2386.42000 2831.70000 m -2407.51000 2875.04000 l -2394.63000 2868.01000 2378.22000 2868.01000 2365.34000 2875.04000 c -2386.42000 2831.70000 l -f* -0.91797 0.93750 0.96094 scn -2145.10000 2508.37000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -2145.10000 2508.37000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 224.81900 252.94500 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.47630 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.54580 <13> 0.48650 <11> 0.48650 <0d> 0.48154 ] TJ -ET -Q -0.91797 0.93750 0.96094 scn -2145.10000 2381.85000 480.30900 70.28910 re -f -2145.10000 2381.85000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 224.81900 240.29300 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.47630 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.54580 <13> 0.48650 <11> 0.48650 <0d> 0.48154 ] TJ -ET -Q -0 0 0 SCN -2385.25000 2508.37000 m -2385.25000 2483.76000 l -S -2385.25000 2452.14000 m -2406.34000 2494.31000 l -2393.45000 2487.28000 2377.05000 2487.28000 2364.17000 2494.31000 c -2385.25000 2452.14000 l -f* -2385.25000 2634.89000 m -2385.25000 2611.46000 l -S -2385.25000 2578.66000 m -2406.34000 2620.83000 l -2393.45000 2614.97000 2377.05000 2614.97000 2364.17000 2620.83000 c -2385.25000 2578.66000 l -f* -0.91797 0.93750 0.96094 scn -2146.27000 2254.15000 480.30900 70.29300 re -f -0.49805 0.49805 0.49805 SCN -2146.27000 2254.15000 480.30900 70.29300 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 224.93600 227.52400 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.31740 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.30750 <13> 0.48650 <11> 0.48650 <0d> 0.48154 ] TJ -ET -Q -0.91797 0.93750 0.96094 scn -2146.27000 2127.63000 480.30900 70.28910 re -f -2146.27000 2127.63000 480.30900 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 224.93600 214.87200 Tm -[ <10> 0.48650 <03> -0.28793 <10> 0.48650 <04> -23.31740 <05> 22.92530 <060708> -0.36736 <09> 0.27800 <04> -23.30750 <13> 0.48650 <11> 0.48650 <0d> 0.48154 ] TJ -ET -Q -0 0 0 SCN -2386.42000 2254.15000 m -2386.42000 2230.72000 l -S -2386.42000 2197.92000 m -2407.51000 2241.27000 l -2394.63000 2234.24000 2378.22000 2234.24000 2365.34000 2241.27000 c -2386.42000 2197.92000 l -f* -2386.42000 2381.85000 m -2386.42000 2357.24000 l -S -2386.42000 2324.44000 m -2407.51000 2367.79000 l -2394.63000 2360.76000 2378.22000 2360.76000 2365.34000 2367.79000 c -2386.42000 2324.44000 l -f* -2388.77000 6312.19000 m -2388.77000 6287.59000 l -S -2388.77000 6255.96000 m -2409.85000 6298.13000 l -2396.97000 6292.27000 2380.57000 6292.27000 2367.68000 6298.13000 c -2388.77000 6255.96000 l -f* -2388.77000 2127.63000 m -2388.77000 2104.20000 l -S -2388.77000 2071.40000 m -2409.85000 2114.75000 l -2396.97000 2107.72000 2380.57000 2107.72000 2367.68000 2114.75000 c -2388.77000 2071.40000 l -f* -q -10 0 0 10 0 0 cm -BT -0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 230.09100 202.22000 Tm -[ <14> -0.43686 <08> -0.36240 <15> 23.48620 <04> -22.83590 <0e0606> 23.87340 <0f> 0.28297 ] TJ -ET -Q -2388.77000 2001.11000 m -2388.77000 1976.51000 l -S -2388.77000 1944.88000 m -2409.85000 1987.05000 l -2396.97000 1981.20000 2380.57000 1981.20000 2367.68000 1987.05000 c -2388.77000 1944.88000 l -f* -1 1 1 scn -2148.61000 1874.59000 480.30900 70.28910 re -f -0.49805 0.49805 0.49805 SCN -2148.61000 1874.59000 480.31300 70.28910 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00148 Tc -/R65 4.92020 Tf -0.99953 0 0 1 231.49600 189.56800 Tm -[ <16> -0.42693 <05> -0.28793 <04> 0.35743 <11> 0.48154 <17> 0.48650 <17> 0.48650 <17> 0.48650 ] TJ -ET -Q -0 0 0 SCN -2388.77000 6945.96000 m -2388.77000 6415.28000 l -S -2388.77000 6382.48000 m -2367.68000 6425.82000 l -2380.57000 6418.79000 2396.97000 6418.79000 2409.85000 6425.82000 c -2388.77000 6382.48000 l -f* -q -10 0 0 10 0 0 cm -BT --0.11907 Tc -/R65 4.92020 Tf -0.99953 0 0 1 232.43400 696.70500 Tm -[ (\030) 0.28297 (\031) -23.92310 <14> -24.92590 <15> -1.01769 (\032) 0.48650 ] TJ --0.00078 Tc -/R67 7.84900 Tf -0.99954 0 0 1 212.40100 708.18600 Tm -[ <07> -0.18671 <08> -0.18983 <04> 15.65910 <09> 0.12136 <0a0b> -15.64040 <0c> -0.84644 <0d> 0.26140 <0e> 0.12136 <0d> 0.26140 <0c> -0.32364 <12> -14.71300 <10> 0.21472 <13> 0.46056 <14> 0.45745 <0a09> 0.12448 ] TJ -ET -Q -0.13745 0.12280 0.12598 scn -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 50.11210 152.28400 Tm -[ (Figure) -276.90800 (3\056) -278.01300 (Example) -277.01500 (netw) 10 (ork) -277.00400 (architectures) -277.99500 (for) -277.01600 (ImageNet\056) ] TJ -/R12 8.96640 Tf -203.59800 0 Td -(Left) Tj -/R14 8.96640 Tf -15.93360 0 Td -[ (\072) -364.98300 (the) ] TJ --219.53100 -10.95860 Td -[ (V) 15.02050 (GG\05519) -356.00700 (model) -357.02000 (\13340\135) -356.00200 (\05019\0566) -356.01000 (billion) -356.98300 (FLOPs\051) -356.00600 (as) -355.98700 (a) -356.99400 (reference\056) ] TJ -/R12 8.96640 Tf -217.32200 0 Td -(Mid\055) Tj --217.32200 -10.95900 Td -(dle) Tj -/R14 8.96640 Tf -11.45900 0 Td -[ (\072) -297.02000 (a) -222.98700 (plain) -223.05500 (netw) 10 (ork) -222.98300 (with) -223.05500 (34) -224.01300 (parameter) -223.05500 (layers) -223.05500 (\0503\0566) -223.05500 (billion) -223.05500 (FLOPs\051\056) ] TJ -/R12 8.96640 Tf --11.45900 -10.95860 Td -(Right) Tj -/R14 8.96640 Tf -21.41990 0 Td -[ (\072) -536.97900 (a) -364.00800 (residual) -363.01700 (netw) 10 (ork) -364.00400 (with) -362.97900 (34) -363.98900 (parameter) -362.98700 (layers) -363.98400 (\0503\0566) -363.98100 (billion) ] TJ --21.41990 -10.95860 Td -[ (FLOPs\051\056) -296.90900 (The) -210.00900 (dotted) -209.98700 (shortcuts) -210.82000 (increase) -209.88700 (dimensions\056) ] TJ -/R12 8.96640 Tf -184.70500 0 Td -[ (T) 91.98020 (able) -210.02100 (1) ] TJ -/R14 8.96640 Tf -29.35350 0 Td -[ (sho) 25.00930 (ws) ] TJ --214.05900 -10.95780 Td -[ (more) -249.91600 (details) -249.89700 (and) -249.99700 (other) -249.91600 (v) 25.00660 (ariants\056) ] TJ -/R12 9.96260 Tf -258.74900 612.54600 Td -[ (Residual) -276.02000 (Netw) 10.11350 (ork\056) ] TJ -/R14 9.96260 Tf -83.15270 0 Td -[ (Based) -275.90000 (on) -275.00300 (the) -275.98300 (abo) 14.98280 (v) 14.98280 (e) -275.99800 (plain) -274.99300 (netw) 10.00810 (ork\054) -281.98200 (we) ] TJ --83.15270 -11.95510 Td -[ (insert) -411.01200 (shortcut) -410.88500 (connections) -409.89700 (\050Fig\056) -411.00500 (3\054) -451.01300 (right\051) -411.01000 (which) -411.01500 (turn) -411.01500 (the) ] TJ -11.95550 TL -T* -[ (netw) 10.00810 (ork) -320.01800 (into) -318.98100 (its) -319.88800 (counterpart) -318.99100 (residual) -320.00500 (v) 14.98280 (ersion\056) -518.01200 (The) -319.98100 (identity) ] TJ -T* -[ (shortcuts) -255.88400 (\050Eqn\056\0501\051\051) -255.00900 (can) -255.99900 (be) -255.99600 (directly) -256.01600 (used) -255.00600 (when) -255.98700 (the) -255.98700 (input) -256.00600 (and) ] TJ -T* -[ (output) -344.88900 (are) -345.01300 (of) -344.99900 (the) -344.01400 (same) -344.99100 (dimensions) -344.98700 (\050solid) -345.01100 (line) -344.98700 (shortcuts) -345.00600 (in) ] TJ -T* -[ (Fig\056) -195.89900 (3\051\056) -291.00500 (When) -196 (the) -196 (dimensions) -195.01200 (increase) -196.00700 (\050dotted) -195.00700 (line) -195.99200 (shortcuts) ] TJ -T* -[ (in) -318.99300 (Fig\056) -319.01500 (3\051\054) -336.01700 (we) -319.00800 (consider) -318.98800 (tw) 10.00810 (o) -319 (options\072) -447.99400 (\050A\051) -319.01000 (The) -319 (shortcut) -319.01500 (still) ] TJ -T* -[ (performs) -320.01000 (identity) -321.00500 (mapping\054) -337.90400 (with) -319.88300 (e) 15.01220 (xtra) -321 (zero) -319.99100 (entries) -320.99100 (padded) ] TJ -T* -[ (for) -287.91500 (increasing) -288.01100 (dimensions\056) -423.00800 (This) -286.98600 (option) -287.99600 (introduces) -286.98200 (no) -287.98100 (e) 15.01220 (xtra) ] TJ -T* -[ (parameter\073) -244.89300 (\050B\051) -243.01100 (The) -242.89600 (projection) -242.98900 (shortcut) -242.91000 (in) -243.98900 (Eqn\056\0502\051) -243.00400 (is) -243.00400 (used) -243.00800 (to) ] TJ -T* -[ (match) -362.00300 (dimensions) -361.88600 (\050done) -361.89300 (by) -360.98900 (1) ] TJ -/R16 9.96260 Tf -121.78800 0 Td -(\327) Tj -/R14 9.96260 Tf -7.74766 0 Td -[ (1) -362.01300 (con) 39.99820 (v) 20.00160 (olutions\051\056) -646 (F) 14.99260 (or) -361.00300 (both) ] TJ --129.53600 -11.95590 Td -[ (options\054) -325.90100 (when) -310.01900 (the) -310.88200 (shortcuts) -311.01200 (go) -310.01700 (across) -311.00200 (feature) -309.99200 (maps) -310.98700 (of) -311.00700 (tw) 10.00810 (o) ] TJ -11.95630 TL -T* -[ (sizes\054) -249.98500 (the) 14.98520 (y) -249.99300 (are) -250.01000 (performed) -249.98800 (with) -250.01200 (a) -250.00200 (stride) -250.01700 (of) -249.99700 (2\056) ] TJ -/R12 10.95890 Tf -19.12460 TL -T* -[ (3\0564\056) -250.00400 (Implementation) ] TJ -/R14 9.96260 Tf -11.95510 -17.93280 Td -[ (Our) -368.01200 (implementation) -368.89200 (for) -368.01700 (ImageNet) -368.00700 (follo) 25.11350 (ws) -368.00700 (the) -368.98700 (practice) ] TJ --11.95550 -11.95510 Td -[ (in) -306.99500 (\13321\054) -307.11500 (40\135\056) -481.01300 (The) -307.00300 (image) -306.99300 (is) -306.99300 (resized) -307.00800 (with) -306.98300 (its) -306.98800 (shorter) -306.99300 (side) -306.99300 (ran\055) ] TJ -11.95510 TL -T* -[ (domly) -359.98400 (sampled) -359.99100 (in) ] TJ -0.00199 Tc -/R39 9.96260 Tf -77.18750 0 Td -(\133256) Tj -0 Tc -/R53 9.96260 Tf -17.71130 0 Td -(\054) Tj -/R39 9.96260 Tf -4.42852 0 Td -(480\135) Tj -/R14 9.96260 Tf -21.30000 0 Td -[ (for) -359.97900 (scale) -360.01800 (augmentation) -360.91500 (\13340\135\056) ] TJ --120.62700 -11.95510 Td -[ (A) -249.01500 (224) ] TJ -/R16 9.96260 Tf -24.62190 0 Td -(\327) Tj -/R14 9.96260 Tf -7.74766 0 Td -[ (224) -249.00300 (crop) -249.99500 (is) -249.00500 (randomly) -250.00700 (sampled) -248.99300 (from) -249.00700 (an) -249.99700 (image) -249.00300 (or) -249.99700 (its) ] TJ --32.37030 -11.95630 Td -[ (horizontal) -206.99500 (\224ip\054) -214.91500 (with) -207.00200 (the) -207.01700 (per) 20.10940 (\055pix) 14.91420 (el) -206.98000 (mean) -207.01400 (subtracted) -207.00500 (\13321\135\056) -295.98500 (The) ] TJ -11.95630 TL -T* -[ (standard) -205.00700 (color) -204.89700 (augmentation) -205.88200 (in) -205.01500 (\13321\135) -204.98000 (is) -205.01000 (used\056) -294.99500 (W) 79.98660 (e) -204.99000 (adopt) -205.98500 (batch) ] TJ -11.95510 TL -T* -[ (normalization) -388.91100 (\050BN\051) -388.90600 (\13316\135) -388.99100 (right) -389.01400 (after) -389.00400 (each) -389.00400 (con) 39.99820 (v) 20.00160 (olution) -388.99400 (and) ] TJ -T* -[ (before) -281.01700 (acti) 24.98110 (v) 24.98110 (ation\054) -288.00800 (follo) 24.99830 (wing) -280.99200 (\13316\135\056) -402.00600 (W) 79.98660 (e) -281.01700 (initialize) -281.01700 (the) -281.00200 (weights) ] TJ -T* -[ (as) -267.99200 (in) -267.00200 (\13312\135) -267.99200 (and) -267.00900 (train) -267.98200 (all) -267.00400 (plain\057residual) -267.99000 (nets) -267 (from) -267.98500 (scratch\056) -362.99300 (W) 79.98660 (e) ] TJ -T* -[ (use) -316.01800 (SGD) -316.98600 (with) -315.88600 (a) -317.01100 (mini\055batch) -317.00600 (size) -315.98200 (of) -317.00600 (256\056) -508.99300 (The) -315.98200 (learning) -316.98600 (rate) ] TJ -11.95630 TL -T* -[ (starts) -223.98200 (from) -223.99200 (0\0561) -223.91100 (and) -223.99700 (is) -223.99000 (di) 24.98850 (vided) -223.98200 (by) -223.99200 (10) -225.01100 (when) -223.99200 (the) -223.99200 (error) -224.01200 (plateaus\054) ] TJ -11.95510 TL -T* -[ (and) -231.99600 (the) -233.01300 (models) -231.89000 (are) -232.99300 (trained) -231.90700 (for) -232.98100 (up) -231.99100 (to) ] TJ -/R39 9.96260 Tf -143.02700 0 Td -(60) Tj -/R16 9.96260 Tf -11.52890 0 Td -(\327) Tj -/R39 9.96260 Tf -9.31406 0 Td -(10) Tj -/R57 6.97380 Tf -9.96406 3.61836 Td -(4) Tj -/R14 9.96260 Tf -6.78516 -3.61602 Td -[ (iterations\056) -303.91500 (W) 79.98660 (e) ] TJ -0.00100 Tc --180.61800 -11.95510 Td -[ (use) -280.90200 (a) -280.91600 (weight) -280.89900 (decay) -280.90700 (of) -280.88900 (0\0560001) -280.89400 (and) -280.90400 (a) -280.91400 (momentum) -280.90400 (of) -280.88900 (0\0569\056) -403.90800 (W) 80.08960 (e) ] TJ -0 Tc -T* -[ (do) -249.98800 (not) -250.02000 (use) -249.99000 (dropout) -250.00700 (\13313\135\054) -249.99300 (follo) 24.99580 (wing) -250.01700 (the) -249.98800 (practice) -249.99700 (in) -249.98800 (\13316\135\056) ] TJ -11.95510 -11.95510 Td -[ (In) -269.01100 (testing\054) -273.01600 (for) -269.01600 (comparison) -269.01900 (studies) -268.98000 (we) -269.01400 (adopt) -268.99400 (the) -269.00400 (standard) ] TJ --11.95510 -11.95630 Td -[ (10\055crop) -342.01200 (testing) -341.90900 (\13321\135\056) -584.99600 (F) 14.99260 (or) -341.98700 (best) -342.00700 (results\054) -363.99300 (we) -341.98200 (adopt) -342.00200 (the) -342.01200 (fully\055) ] TJ -11.95590 TL -T* -[ (con) 40.11590 (v) 20.00160 (olutional) -364.99300 (form) -364.98800 (as) -364.99500 (in) -364.98600 (\13340\054) -364.98800 (12\135\054) -394.00300 (and) -364.99300 (a) 19.99180 (v) 14.98280 (erage) -365.00800 (the) -364.98800 (scores) ] TJ -T* -[ (at) -301.98600 (multiple) -301.98100 (scales) -301.98100 (\050images) -302.00800 (are) -301.99900 (resized) -301.98900 (such) -302.99800 (that) -302.01300 (the) -301.97900 (shorter) ] TJ -11.95510 TL -T* -[ (side) -249.90400 (is) -249.98500 (in) ] TJ -/R16 9.96260 Tf -37.91680 0 Td -(\173) Tj -/R39 9.96260 Tf -4.98203 0 Td -(224) Tj -/R53 9.96260 Tf -14.94410 0 Td -(\054) Tj -/R39 9.96260 Tf -4.42734 0 Td -(256) Tj -/R53 9.96260 Tf -14.94370 0 Td -(\054) Tj -/R39 9.96260 Tf -4.42852 0 Td -(384) Tj -/R53 9.96260 Tf -14.94370 0 Td -(\054) Tj -/R39 9.96260 Tf -4.42852 0 Td -(480) Tj -/R53 9.96260 Tf -14.94370 0 Td -(\054) Tj -/R39 9.96260 Tf -4.42852 0 Td -(640) Tj -/R16 9.96260 Tf -14.94370 0 Td -(\175) Tj -/R14 9.96260 Tf -4.98125 0 Td -(\051\056) Tj -/R12 11.95520 Tf --140.31200 -23.10900 Td -[ (4\056) -249.98900 (Experiments) ] TJ -/R12 10.95890 Tf -18.93010 TL -T* -[ (4\0561\056) -250.00400 (ImageNet) -250.00400 (Classi\223cation) ] TJ -/R14 9.96260 Tf -11.95510 -17.93200 Td -[ (W) 79.98660 (e) -289.01600 (e) 25.01050 (v) 24.98110 (aluate) -289.98300 (our) -289.00300 (method) -288.98100 (on) -289.98100 (the) -289 (ImageNet) -289 (2012) -290.01000 (classi\223\055) ] TJ --11.95550 -11.95510 Td -[ (cation) -194.89400 (dataset) -195.99400 (\13335\135) -194.98500 (that) -195.99200 (consists) -194.98700 (of) -196.00700 (1000) -195.00700 (classes\056) -292.01500 (The) -196.00200 (models) ] TJ -11.95630 TL -T* -[ (are) -306 (trained) -305.89700 (on) -306.01800 (the) -305 (1\05628) -306.01000 (million) -306.01800 (training) -305.99800 (images\054) -320 (and) -305.98300 (e) 25.01050 (v) 24.98110 (alu\055) ] TJ -11.95510 TL -T* -[ (ated) -339 (on) -338.99200 (the) -338.99500 (50k) -338.98800 (v) 24.98110 (alidation) -337.98800 (images\056) -577.01600 (W) 79.98660 (e) -339.00700 (also) -338.98800 (obtain) -339.01700 (a) -339.00700 (\223nal) ] TJ -T* -[ (result) -320.98800 (on) -322.01500 (the) -320.99800 (100k) -322.00500 (test) -320.98800 (images\054) -339.01700 (reported) -322.02000 (by) -320.99500 (the) -320.99500 (test) -322.01000 (serv) 14.98280 (er) 55 (\056) ] TJ -T* -[ (W) 79.98660 (e) -250.00200 (e) 25.01050 (v) 24.98110 (aluate) -249.99000 (both) -250.01500 (top\0551) -250.01700 (and) -249.99300 (top\0555) -250.01700 (error) -250.00700 (rates\056) ] TJ -/R12 9.96260 Tf -17.93280 TL -T* -[ (Plain) -370.01900 (Netw) 10.11350 (orks\056) ] TJ -/R14 9.96260 Tf -75.83160 0 Td -[ (W) 79.98660 (e) -369.98200 (\223rst) -369.01200 (e) 25.01050 (v) 24.98110 (aluate) -370.01200 (18\055layer) -368.99200 (and) -370.01200 (34\055layer) ] TJ --75.83160 -11.95510 Td -[ (plain) -256.01600 (nets\056) -330.00600 (The) -255.99200 (34\055layer) -255.98900 (plain) -256.91800 (net) -255.98700 (is) -255.98200 (in) -257.00600 (Fig\056) -256.00600 (3) -257.01100 (\050middle\051\056) -328.89600 (The) ] TJ -11.95510 TL -T* -[ (18\055layer) -292.88500 (plain) -292.99000 (net) -291.90500 (is) -292.99800 (of) -293.00700 (a) -293.01500 (similar) -293.01500 (form\056) -437.99100 (See) -293.00500 (T) 79.99160 (able) -293.00500 (1) -293.00500 (for) -292.89200 (de\055) ] TJ -T* -[ (tailed) -250.02000 (architectures\056) ] TJ -11.95550 -11.95630 Td -[ (The) -206.98000 (results) -207 (in) -205.99300 (T) 79.99160 (able) -206.98300 (2) -206.90200 (sho) 24.91250 (w) -206.98000 (that) -205.99000 (the) -207.01400 (deeper) -206.99000 (34\055layer) -207.01900 (plain) ] TJ --11.95550 -11.95510 Td -[ (net) -317.90000 (has) -319.11600 (higher) -317.89300 (v) 24.98110 (alidation) -317.99100 (error) -319.01500 (than) -318.01100 (the) -318.01600 (shallo) 25 (wer) -319.01000 (18\055layer) ] TJ -T* -[ (plain) -359.01900 (net\056) -636.98200 (T) 79.99160 (o) -358.99400 (re) 25.00810 (v) 14.98280 (eal) -359.00100 (the) -358.99200 (reasons\054) -386.98000 (in) -358.98900 (Fig\056) -359.00900 (4) -358.99400 (\050left\051) -358.99900 (we) -358.99900 (com\055) ] TJ -T* -[ (pare) -264.98300 (their) -264.88500 (training\057v) 25.01790 (alidation) -263.88200 (errors) -264.90200 (during) -264.99000 (the) -264.88700 (training) -264.98500 (pro\055) ] TJ -T* -[ (cedure\056) -659.89500 (W) 79.98660 (e) -367.00200 (ha) 19.99670 (v) 14.98280 (e) -365.98300 (observ) 14.99260 (ed) -366.99800 (the) -366.98800 (de) 15.01710 (gradation) -365.99300 (problem) -367.01200 (\055) -367.00200 (the) ] TJ --13.74140 -29.88790 Td -(4) Tj -ET -Q -/R28 gs -Q -Q -q -1 0 0 1 0 0 cm -BT -/F1 12 Tf -14.40000 TL -ET -1 1 1 rg -n -270 47 72 14 re -f* -0.50000 0.50000 0.50000 rg -BT -/F2 9 Tf -10.80000 TL -ET -BT -1 0 0 1 299.25000 50 Tm -(773) Tj -T* -ET -Q - -endstream -endobj -126 0 obj -<< -/Encoding /WinAnsiEncoding -/Type /Font -/Name /F2 -/BaseFont /Times-Roman -/Subtype /Type1 ->> -endobj -127 0 obj -<< -/FirstChar 2 -/Widths [ 500 429 214 429 524 524 453 238 500 500 381 500 524 238 500 500 500 500 477 477 310 500 238 810 500 500 524 333 381 405 262 ] -/Encoding 128 0 R -/Type /Font -/BaseFont /TLJBVF+TT94o00 -/LastChar 32 -/ToUnicode 129 0 R -/FontDescriptor 130 0 R -/Subtype /Type1 ->> -endobj -128 0 obj -<< -/Type /Encoding -/BaseEncoding /WinAnsiEncoding -/Differences [ 2 /uni0037 /uni0078 /uni0020 /uni0063 /uni006F /uni006E /uni0076 /uni002C /uni0036 /uni0034 /uni002F /uni0032 /uni0070 /uni006C /uni0033 /uni0031 /uni0038 /uni0035 /uni0061 /uni0067 /uni0066 /uni0030 /uni0069 /uni006D /uni0065 /uni0039 /uni0075 /uni0074 /uni0073 /uni007A /uni003A ] ->> -endobj -129 0 obj -<< -/Length 337 -/Filter /FlateDecode ->> -stream -x]Mn0F0;٤,ZUm/@A,zO颋᱙9_^.e\}'0~\2W¶Ǽ=󽛫_3R[w#+My1wܸ:i[ -;VڒB"@Hy=y Hb"DV<RT<ڬؑ^aܓBd] 䁨'kXD$ *+ -F+Wt_9(3+o6P\|QQ\|c(h>$V,hV7@qE5#qEMvz:8ۜ,\V.ӬjITh -endstream -endobj -130 0 obj -<< -/FontBBox [ 0 -178 726 717 ] -/FontName /TLJBVF+TT94o00 -/Descent -178 -/Flags 4 -/FontFile3 131 0 R -/Type /FontDescriptor -/StemV 108 -/Ascent 717 -/ItalicAngle 0 -/CharSet (\057uni0020\057uni002C\057uni002F\057uni0030\057uni0031\057uni0032\057uni0033\057uni0034\057uni0035\057uni0036\057uni0037\057uni0038\057uni0039\057uni003A\057uni0061\057uni0063\057uni0065\057uni0066\057uni0067\057uni0069\057uni006C\057uni006D\057uni006E\057uni006F\057uni0070\057uni0073\057uni0074\057uni0075\057uni0076\057uni0078\057uni007A) -/CapHeight 717 ->> -endobj -131 0 obj -<< -/Length 5919 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -xyl#W~ҷ'w[롃kA7޳}z['E-kХAB dȒ|Ѐi1>faF $]b 6pv5)ZR{H G?f޼|??.\|"׾vModN џ(EKa]gwxf; a8s_zK\/V2{wG?\k==>U?^y]{{z׽^񞼓]5O{oxoz\F~,/yWv%8].\_ _x3?g/}&ag~ߦw}~G}w||u ߖ5}};?9O.pŸ:ϐ4.>s,|&^??s?_|~/_\C/7?]:ųN@11T5+jUG!QØPF&3zc3(aЩ&׍i0B 3BDk:у?ߺz⸠"yIR`름 g۔M]**+%ң_;6Y M"(T:md73NGhL]:0ban5JQBCSBF1t &1<(f.?0+5E+kY\8%DMÎ#V2Nf=(lw0ƓA}~D<@8MVwͨaH0矿> ЏuJZNV -ZI)9pdcuǏW.T&F#(f[{dO˸nR , |""cw:=:caQt#lp6΋nԡ[d9 ??޽u`NrvZJ;)k;Rt4?<@YW ԘhD1AD"h(!z጑ʝ6v%m'(61Pz֩ VfE[w ;6Y~a, 3?@߂V]hg9KѢTFoXNiX(h*UQxWp…]f \Nm%XVfFZ-6ǽq{< ři]Xw(j =5gՋPuT "L*4WkL$< [#@6ZSth] 3҆|>hE(æ9i=q;n]ĝų'pUXbAZ5$=IQMH#@ty7 F^2r FpLY+R&[k Wc8BS$M3< -D! +X]xٮJن6{x=?Զ.̂dfY&U%)+b:UHfc[TŦNQiQЦ;̖vհe6?%[H[#/[=(vp4NScN9C{qV;6if"3MW"s-p_drzޢ9%*몢*hm$.Kh?#wt@ڴ޶M۬%6muq,0T{Y[5c:0s4[8vt,PTRцPЂʿKeJڭP,J8VUu(=mw}kOGkMC~߯?.\sPKTsQ%f+BNpFˢFHAMEhS7N&aB-:1AreQo6on1`#֧zD}4R/ke8Pxs;x#kǿb NoPRU$J+: m7ڛJe嶬Dj2}#ypl+{2 ||(0=dec~{:н9V0`4o1R -\V>h!2UXXh.z'3x>^~E$-o.7ejV96UQ%xEoo dU[k")om) 7X3m*#$STXnJc0~zҹj ޕ<7MWKy>h ~NU%R+'@O_{]8~$x-'d%Mr\A -2q#23#]+K9/)P(\(@iw;oMf:9PrR՞x0 /7~{3ѥ{hֺ^΁"II -&IQF͖KkB)[U^q4* v$f]-F-Y-522, `(L`5(f*;J-r}oo/=8Z92xm13ؘ/Y%WΗ%uZ\/ongqHY㑴ߙO3;r6WSJI(őPl8J*C[e ׇY4h>o#kvA..iQF)PsmXaѝv;Ȓbxx(4bxWͲf)֠1}tۭ=|bRPvl 8ykܵޗd2 -8]D 4V6Fi2^ÊUU -sZCbhG#QѺڨY0)g빤8L7ϝ7G=TWī2ԡ}u_1aϳPqnL8a^I-dPzK'\]O?=E<"?$,"F<"e|";o)TNZpb,Y}U]ɧƩ'%uE(fYPۭX-Sr"; p As -AsoX,xz+/nhKŷR$K$ܲ*e0<+8鹙dw#T^|Dn{=21d&|cC+aE^<8PWXl/.Wjɕyv~tE!u8jvԐgߚ[ǯ/)[bbB tK6\RԃYj.F gAm낅 (*۹upi~$H . - * :.B!Xonn5Xq"/r2c?$7an0vA\`֏xA6ĕϟ~rųɓ;ޖy>eH0q6̚)HQI+jeIaGQ+1H3޻/?h|~_&{incGΆ55 qİk%<ok eݪ"5Frd9_Kk %13ewrWGYwy[6o &g mF_]S_՗ o&|7r7ԗCɻpOOH9{&CdC{L&ЏȑzX8Nhy]2__Xo>>ɽDko*n)*Qd9HLMR|S$͛_d_3nvNN_sg]eZ-nvxxm ٘N$OܹZL.Gt2- s-F(q|A2=xaHI ܡ&2?@:;8u]H{Fq,=f`hxޕvw -V+F]"u»!?zk(6Fmi B J|90) (ՒZvj"vHRoM`xBMpM4`8X1bt *򴙔,& -դ++ZNɖhH?:y;g0h׏D'nQ1tx&O'!X.6֣yACX D`ۖγ~&giv0[B{]7t23 DUw7kŖYT~j.vW Jʒ$X4\J7? Peqj7p86eA`8O>ˇIn2߶qh hwe|pto8mz :"H64MzdBQTw -CUӸ)89, (6~`4sd{lHd2*vs^̳&'X)[N,-u|urӘ|J?~9V_o,N'2xҿ-%ʊ2+5ِY-4ʈ\H {޿NtՋwsM #nʹ̙ZVrVmt6k="Ѥx0ʴ㽘}/KKKTc2XYLqZ&e7PY-+ŵ|,㻅qvkmk`uؾd]fˏ.=z)e( 3?<ލE7YG^Q杖a􌹰1+  6L(9/ (M'x3zO-0?w{fC7Xoyu#/B*`ב%!V r&!FtD8`ZԒ)÷ci7L*EUt=ŧȻWB -ć 8xFi hH닏.?/> -endstream -endobj -132 0 obj -<< -/FirstChar 2 -/Widths [ 567 627 313 508 508 508 508 224 478 448 493 343 224 522 224 522 388 522 522 ] -/Encoding 133 0 R -/Type /Font -/BaseFont /HDSXNT+TT95o00 -/LastChar 20 -/ToUnicode 134 0 R -/FontDescriptor 135 0 R -/Subtype /Type1 ->> -endobj -133 0 obj -<< -/Type /Encoding -/BaseEncoding /WinAnsiEncoding -/Differences [ 2 /uni0056 /uni0047 /uni002D /uni0031 /uni0039 /uni0033 /uni0034 /uni006C /uni0061 /uni0079 /uni0065 /uni0072 /uni0020 /uni0070 /uni0069 /uni006E /uni0073 /uni0064 /uni0075 ] ->> -endobj -134 0 obj -<< -/Length 259 -/Filter /FlateDecode ->> -stream -x]Mn F>7hh6&VU "/q}0O%-?iSqIc}OJ%uzPaۯ]ӫ_ߙT=@Qݩfj[ZB~ SqF1bG){$q?:# -0Y ՠǗ#0աe(mY5v`%`ֈXV]ej?56kN-6ZA{J[V=7$fNJÆ -endstream -endobj -135 0 obj -<< -/FontBBox [ 0 -178 558 680 ] -/FontName /HDSXNT+TT95o00 -/Descent -178 -/Flags 4 -/FontFile3 136 0 R -/Type /FontDescriptor -/StemV 83 -/Ascent 680 -/ItalicAngle 0 -/CharSet (\057uni0020\057uni002D\057uni0031\057uni0033\057uni0034\057uni0039\057uni0047\057uni0056\057uni0061\057uni0064\057uni0065\057uni0069\057uni006C\057uni006E\057uni0070\057uni0072\057uni0073\057uni0075\057uni0079) -/CapHeight 680 ->> -endobj -136 0 obj -<< -/Length 3875 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -x}l}&7;:t( Emz+12cҔ|=ԑwx|x|x<yG>S4%YrdQW8 Ȱ؊md#É|ȓ~>ulf={x[rӝ;Ȼ:6Ŀ咤6ڳ[_`菿]{؏?a{wm|'>>Hkxְ=a[b۷nol֞=:::կ<;}w;7o谉 6ɖ![&6Ŗ-gl-oxGcCYŝW7 w_~~uw߻17'9roޕϳQq(Ʉ(<`HP -88x|(.CU;B)HﲊԤ6PK0a&@UaR !uC +L0:?U'^S+YWTU>ρ"웚7j-IE)@FBÜt8 ]2%|w_O~tv9w*\/Wizۡ x%uS:9hzkp b9oi+X^obn|gEsxc` pڟyH}b9D3z5DnG^X D5Fgz~PܛMxq.8gꇇfd(M/فa8V]X$۾P3+AK$ 0d"ʢ -/u~ɘJGMW`?GzJv(T䴖f95&dƥrK3qbnҥKSoWޚ\B[7Y_e:P{{}W~m,q8 $ZˑR"^"ed\g睢 gb.AUr?z\SLJQRHO傥jKbG -B7_"w-աV@'Kִx*"P$D~"K}}=ZG@ -S$8h Ɛyq H*8 -"10 NL4`qR`^3gʸQ0t#k(|lNbAu5XaQ\$ Ѱ-aڹP*%/}ab2~C?=B\;eCQ/)Ew8ý|'{rS@m)\XYSYQ1ͷd4ՊzپGSGHu8+E0S0Q՘O7jU$sТﭦ2alǦ# ")!B,[D౤V:Gu`dO<.>\U|3&f MbI[4򹙙ʂyx'E{O=׻fřh䧸/3x0^C8Kq4N!NJIF" -s sQ@:Ȥr٬Zʺմ:Wyy/PsUy˃L={}o!7zG> -Q s%PcāgGN{a];g//כ`y7'怼ȋq QwQ0!Vl!G\B ɸ"u#2HpQSY4@d`0%ObIo/H7>eFʃ)vqKRL'Z6(F[~عx:a7ws{'Q=cCA؞?wy%GSB&a%Q5 yc2~y RqOBI0SBU -ӉZڬ,ӍS -W@z=br_bz@=:27:O׃p?yXD͹Bsb}ě|#Ԙx?=>3V)/g{@ه_`Y{p|&|]%w79_u4Tn<2(30΄ h .oź1?07頠gI!}st} - d\ d2Vߍ[}VNO1$\}nIXiߴ뉬@P߫k{7t| -R&2!Wi1'f~brڂ*: -|1R -#e39Tt*L+Kz> [UŒE@kOю;9VKt>8\? fճ9rr\:]5b#A*M"#n%!/Y^h(f%$Q)[O'"qSN;n5e %lS?P̸J)G!GEZQ!.'@4 O2?1QL4[T7qTTetTWn n1!a[@(`ko[I@XU?å'ߗw/*%vǻ .@`,]4wޡP׸pgu/̕Ƶv.ZTQ6Gܒ]JlaTZmӢW/GJ0a jE~v<2ʎp0?$ Ɓ80 z0g}WOSNG_f>#;׮:o__r3!5j8@椀h柬t:vҽW<GC.:h^hφT8WV`XAW$NEY#e5I% I[jY[hh>U f4JmUevf'fH ]c ֯*1)6waW.@/ܑ*dX\fPڵՄue^g -J٨ _SXVH Uc!0XPHǍO\`9jV?t:*ʪL#l'Jz:*zzE;״kuAn$%曌tg.L_/fIՉQG{ǩQڛ{.)1\êN޶Ʋ jmXRy.> -endobj -138 0 obj -<< -/Length 66197 ->> -stream -q -q -0.10000 0 0 0.10000 0 0 cm -/R75 gs -2.58000 w -/R11 CS -0.13745 0.12280 0.12598 SCN -1259.74000 7198.70000 m -4692.47000 7198.70000 l -S -/R11 cs -0.13745 0.12280 0.12598 scn -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 127.91400 713.76800 Tm -[ (layer) -249.99500 (name) ] TJ -ET -Q -1585.20000 7112.08000 m -1585.20000 7197.41000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 160.58900 713.76800 Tm -[ (output) -250.10600 (size) ] TJ -ET -Q -1908.47000 7112.08000 m -1908.47000 7197.41000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 205.93800 713.76800 Tm -(18\055layer) Tj -ET -Q -2425.66000 7112.08000 m -2425.66000 7197.41000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 257.65800 713.76800 Tm -(34\055layer) Tj -ET -Q -2942.87000 7112.08000 m -2942.87000 7197.41000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 311.89100 713.76800 Tm -(50\055layer) Tj -ET -Q -3510.34000 7112.08000 m -3510.34000 7197.41000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 368.63900 713.76800 Tm -(101\055layer) Tj -ET -Q -4110.13000 7112.08000 m -4110.13000 7197.41000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 427.81000 713.76800 Tm -(152\055layer) Tj -ET -Q -1259.74000 7110.79000 m -4692.47000 7110.79000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 134.41300 704.97700 Tm -[ (con) 40.01090 (v1) ] TJ -ET -Q -1585.20000 7024.17000 m -1585.20000 7109.50000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 162.47400 704.97700 Tm -(112) Tj -/R16 6.46400 Tf -9.69609 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02695 0 Td -(112) Tj -ET -Q -1908.47000 7024.17000 m -1908.47000 7109.50000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 308.29600 704.97700 Tm -(7) Tj -/R16 6.46400 Tf -3.23320 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02695 0 Td -[ (7\054) -250.01000 (64\054) -250.01400 (stride) -249.98400 (2) ] TJ -ET -Q -1259.74000 7022.88000 m -4692.47000 7022.88000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 131.63300 683.54200 Tm -[ (con) 39.89000 (v2) ] TJ -ET -Q -1475.61000 6836.71000 m -1495 6836.71000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 149.50000 683.54200 Tm -(x) Tj -ET -Q -1585.20000 6936.26000 m -1585.20000 7021.59000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 165.70600 683.54200 Tm -(56) Tj -/R16 6.46400 Tf -6.46406 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02695 0 Td -(56) Tj -ET -Q -1908.47000 6936.26000 m -1908.47000 7021.59000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 300.21600 696.18600 Tm -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (3) -250.00600 (max) -249.98000 (pool\054) -250.00200 (stride) -249.98400 (2) ] TJ -ET -Q -1909.76000 6934.97000 m -4692.47000 6934.97000 l -S -1585.20000 6850.94000 m -1585.20000 6936.26000 l -S -1908.47000 6850.94000 m -1908.47000 6936.26000 l -S -q -10 0 0 10 0 0 cm -BT -/R76 6.46400 Tf -1 0 0 1 194.53200 688.32600 Tm -<02> Tj -/R14 6.46400 Tf -6.64297 -5.26172 Td -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (3\054) -250.01000 (64) ] TJ --8.25977 -7.88633 Td -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (3\054) -250.01000 (64) ] TJ -/R76 6.46400 Tf -16.16020 13.14770 Td -<03> Tj -/R16 6.46400 Tf -3.41094 -9.11484 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -(2) Tj -ET -Q -2425.66000 6850.94000 m -2425.66000 6936.26000 l -S -q -10 0 0 10 0 0 cm -BT -/R76 6.46400 Tf -1 0 0 1 246.25100 688.32600 Tm -<02> Tj -/R14 6.46400 Tf -6.64297 -5.26172 Td -(3) Tj -/R16 6.46400 Tf -3.23320 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (3\054) -250.01000 (64) ] TJ --8.26094 -7.88633 Td -(3) Tj -/R16 6.46400 Tf -3.23320 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (3\054) -250.01000 (64) ] TJ -/R76 6.46400 Tf -16.15860 13.14770 Td -<03> Tj -/R16 6.46400 Tf -3.41172 -9.11484 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -(3) Tj -ET -Q -2942.87000 6850.94000 m -2942.87000 6936.26000 l -S -q -10 0 0 10 0 0 cm -BT -/R76 6.46400 Tf -1 0 0 1 297.97100 692.20400 Tm -<04> Tj -11.63520 TL -<05> ' -/R14 6.46400 Tf -9.15664 6.43828 Td -(1) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (1\054) -250.01000 (64) ] TJ --8.25977 -7.88633 Td -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (3\054) -250.01000 (64) ] TJ --9.87539 -7.88594 Td -(1) Tj -/R16 6.46400 Tf -3.23164 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (1\054) -250.01000 (256) ] TJ -/R76 6.46400 Tf -19.39220 20.96910 Td -<06> Tj -<07> ' -/R16 6.46400 Tf -4.30898 -1.35820 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -(3) Tj -ET -Q -3510.34000 6850.94000 m -3510.34000 6936.26000 l -S -q -10 0 0 10 0 0 cm -BT -/R76 6.46400 Tf -1 0 0 1 356.33400 692.20400 Tm -<04> Tj -11.63520 TL -<05> ' -/R14 6.46400 Tf -9.15820 6.43828 Td -(1) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02695 0 Td -[ (1\054) -250.01000 (64) ] TJ --8.25898 -7.88633 Td -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02695 0 Td -[ (3\054) -250.01000 (64) ] TJ --9.87578 -7.88594 Td -(1) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (1\054) -250.01000 (256) ] TJ -/R76 6.46400 Tf -19.39220 20.96910 Td -<06> Tj -<07> ' -/R16 6.46400 Tf -4.31016 -1.35820 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -(3) Tj -ET -Q -4110.13000 6850.94000 m -4110.13000 6936.26000 l -S -q -10 0 0 10 0 0 cm -BT -/R76 6.46400 Tf -1 0 0 1 416.31300 692.20400 Tm -<04> Tj -11.63520 TL -<05> ' -/R14 6.46400 Tf -9.15820 6.43828 Td -(1) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (1\054) -250.01000 (64) ] TJ --8.25977 -7.88633 Td -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (3\054) -250.01000 (64) ] TJ --9.87578 -7.88594 Td -(1) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02695 0 Td -[ (1\054) -250.01000 (256) ] TJ -/R76 6.46400 Tf -19.39300 20.96910 Td -<06> Tj -<07> ' -/R16 6.46400 Tf -4.30859 -1.35820 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -(3) Tj -ET -Q -1585.20000 6765.61000 m -1585.20000 6850.94000 l -S -1908.47000 6765.61000 m -1908.47000 6850.94000 l -S -2425.66000 6765.61000 m -2425.66000 6850.94000 l -S -2942.87000 6765.61000 m -2942.87000 6850.94000 l -S -3510.34000 6765.61000 m -3510.34000 6850.94000 l -S -4110.13000 6765.61000 m -4110.13000 6850.94000 l -S -1585.20000 6680.28000 m -1585.20000 6765.61000 l -S -1908.47000 6680.28000 m -1908.47000 6765.61000 l -S -2425.66000 6680.28000 m -2425.66000 6765.61000 l -S -2942.87000 6680.28000 m -2942.87000 6765.61000 l -S -3510.34000 6680.28000 m -3510.34000 6765.61000 l -S -4110.13000 6680.28000 m -4110.13000 6765.61000 l -S -1259.74000 6678.99000 m -4692.47000 6678.99000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 131.63300 653.42000 Tm -[ (con) 39.89000 (v3) ] TJ -ET -Q -1475.61000 6535.49000 m -1495 6535.49000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 149.50000 653.42000 Tm -(x) Tj -ET -Q -1585.20000 6592.37000 m -1585.20000 6677.70000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 165.70600 653.42000 Tm -(28) Tj -/R16 6.46400 Tf -6.46406 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02695 0 Td -(28) Tj -ET -Q -1908.47000 6592.37000 m -1908.47000 6677.70000 l -S -q -10 0 0 10 0 0 cm -BT -/R76 6.46400 Tf -1 0 0 1 192.91500 662.46900 Tm -<02> Tj -/R14 6.46400 Tf -6.64375 -5.26133 Td -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (3\054) -250.01000 (128) ] TJ --8.25977 -7.88672 Td -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (3\054) -250.01000 (128) ] TJ -/R76 6.46400 Tf -19.39220 13.14800 Td -<03> Tj -/R16 6.46400 Tf -3.41133 -9.11445 Td -(\327) Tj -/R14 6.46400 Tf -5.02734 0 Td -(2) Tj -ET -Q -2425.66000 6592.37000 m -2425.66000 6677.70000 l -S -q -10 0 0 10 0 0 cm -BT -/R76 6.46400 Tf -1 0 0 1 244.63500 662.46900 Tm -<02> Tj -/R14 6.46400 Tf -6.64336 -5.26133 Td -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02734 0 Td -[ (3\054) -250.01000 (128) ] TJ --8.25938 -7.88672 Td -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02734 0 Td -[ (3\054) -250.01000 (128) ] TJ -/R76 6.46400 Tf -19.39260 13.14800 Td -<03> Tj -/R16 6.46400 Tf -3.41094 -9.11445 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -(4) Tj -ET -Q -2942.87000 6592.37000 m -2942.87000 6677.70000 l -S -q -10 0 0 10 0 0 cm -BT -/R76 6.46400 Tf -1 0 0 1 297.97100 666.34800 Tm -<04> Tj -11.63590 TL -<05> ' -/R14 6.46400 Tf -7.54102 6.43867 Td -(1) Tj -/R16 6.46400 Tf -3.23164 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (1\054) -250.01000 (128) ] TJ --8.25938 -7.88672 Td -(3) Tj -/R16 6.46400 Tf -3.23164 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (3\054) -250.01000 (128) ] TJ --8.25938 -7.88594 Td -(1) Tj -/R16 6.46400 Tf -3.23164 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (1\054) -250.01000 (512) ] TJ -/R76 6.46400 Tf -19.39220 20.96990 Td -<06> Tj -<07> ' -/R16 6.46400 Tf -4.30898 -1.35664 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -(4) Tj -ET -Q -3510.34000 6592.37000 m -3510.34000 6677.70000 l -S -q -10 0 0 10 0 0 cm -BT -/R76 6.46400 Tf -1 0 0 1 356.33400 666.34800 Tm -<04> Tj -11.63590 TL -<05> ' -/R14 6.46400 Tf -7.54219 6.43867 Td -(1) Tj -/R16 6.46400 Tf -3.23086 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (1\054) -250.01000 (128) ] TJ --8.25977 -7.88672 Td -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (3\054) -250.01000 (128) ] TJ --8.25977 -7.88594 Td -(1) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (1\054) -250.01000 (512) ] TJ -/R76 6.46400 Tf -19.39180 20.96990 Td -<06> Tj -<07> ' -/R16 6.46400 Tf -4.31016 -1.35664 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -(4) Tj -ET -Q -4110.13000 6592.37000 m -4110.13000 6677.70000 l -S -q -10 0 0 10 0 0 cm -BT -/R76 6.46400 Tf -1 0 0 1 416.31300 666.34800 Tm -<04> Tj -11.63590 TL -<05> ' -/R14 6.46400 Tf -7.54219 6.43867 Td -(1) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02695 0 Td -[ (1\054) -250.01000 (128) ] TJ --8.25898 -7.88672 Td -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02695 0 Td -[ (3\054) -250.01000 (128) ] TJ --8.25898 -7.88594 Td -(1) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02695 0 Td -[ (1\054) -250.01000 (512) ] TJ -/R76 6.46400 Tf -19.39260 20.96990 Td -<06> Tj -<07> ' -/R16 6.46400 Tf -4.30898 -1.35664 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -(8) Tj -ET -Q -1585.20000 6507.04000 m -1585.20000 6592.37000 l -S -1908.47000 6507.04000 m -1908.47000 6592.37000 l -S -2425.66000 6507.04000 m -2425.66000 6592.37000 l -S -2942.87000 6507.04000 m -2942.87000 6592.37000 l -S -3510.34000 6507.04000 m -3510.34000 6592.37000 l -S -4110.13000 6507.04000 m -4110.13000 6592.37000 l -S -1585.20000 6421.72000 m -1585.20000 6507.04000 l -S -1908.47000 6421.72000 m -1908.47000 6507.04000 l -S -2425.66000 6421.72000 m -2425.66000 6507.04000 l -S -2942.87000 6421.72000 m -2942.87000 6507.04000 l -S -3510.34000 6421.72000 m -3510.34000 6507.04000 l -S -4110.13000 6421.72000 m -4110.13000 6507.04000 l -S -1259.74000 6420.42000 m -4692.47000 6420.42000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 131.63300 627.56300 Tm -[ (con) 39.89000 (v4) ] TJ -ET -Q -1475.61000 6276.92000 m -1495 6276.92000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 149.50000 627.56300 Tm -(x) Tj -ET -Q -1585.20000 6333.81000 m -1585.20000 6419.13000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 165.70600 627.56300 Tm -(14) Tj -/R16 6.46400 Tf -6.46406 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02695 0 Td -(14) Tj -ET -Q -1908.47000 6333.81000 m -1908.47000 6419.13000 l -S -q -10 0 0 10 0 0 cm -BT -/R76 6.46400 Tf -1 0 0 1 192.91500 636.61300 Tm -<02> Tj -/R14 6.46400 Tf -6.64375 -5.26172 Td -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (3\054) -250.01000 (256) ] TJ --8.25977 -7.88594 Td -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (3\054) -250.01000 (256) ] TJ -/R76 6.46400 Tf -19.39220 13.14770 Td -<03> Tj -/R16 6.46400 Tf -3.41133 -9.11484 Td -(\327) Tj -/R14 6.46400 Tf -5.02734 0 Td -(2) Tj -ET -Q -2425.66000 6333.81000 m -2425.66000 6419.13000 l -S -q -10 0 0 10 0 0 cm -BT -/R76 6.46400 Tf -1 0 0 1 244.63500 636.61300 Tm -<02> Tj -/R14 6.46400 Tf -6.64336 -5.26172 Td -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02734 0 Td -[ (3\054) -250.01000 (256) ] TJ --8.25938 -7.88594 Td -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02734 0 Td -[ (3\054) -250.01000 (256) ] TJ -/R76 6.46400 Tf -19.39260 13.14770 Td -<03> Tj -/R16 6.46400 Tf -3.41094 -9.11484 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -(6) Tj -ET -Q -2942.87000 6333.81000 m -2942.87000 6419.13000 l -S -q -10 0 0 10 0 0 cm -BT -/R76 6.46400 Tf -1 0 0 1 296.35500 640.49100 Tm -<04> Tj -11.63520 TL -<05> ' -/R14 6.46400 Tf -9.15703 6.43828 Td -(1) Tj -/R16 6.46400 Tf -3.23164 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (1\054) -250.01000 (256) ] TJ --8.25938 -7.88633 Td -(3) Tj -/R16 6.46400 Tf -3.23164 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (3\054) -250.01000 (256) ] TJ --9.87539 -7.88594 Td -(1) Tj -/R16 6.46400 Tf -3.23164 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (1\054) -250.01000 (1024) ] TJ -/R76 6.46400 Tf -22.62420 20.96840 Td -<06> Tj -<07> ' -/R16 6.46400 Tf -4.31016 -1.35781 Td -(\327) Tj -/R14 6.46400 Tf -5.02695 0 Td -(6) Tj -ET -Q -3510.34000 6333.81000 m -3510.34000 6419.13000 l -S -q -10 0 0 10 0 0 cm -BT -/R76 6.46400 Tf -1 0 0 1 353.10200 640.49100 Tm -<04> Tj -11.63520 TL -<05> ' -/R14 6.46400 Tf -9.15703 6.43828 Td -(1) Tj -/R16 6.46400 Tf -3.23320 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (1\054) -250.01000 (256) ] TJ --8.26094 -7.88633 Td -(3) Tj -/R16 6.46400 Tf -3.23320 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (3\054) -250.01000 (256) ] TJ --9.87578 -7.88594 Td -(1) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02695 0 Td -[ (1\054) -250.01000 (1024) ] TJ -/R76 6.46400 Tf -22.62420 20.96840 Td -<06> Tj -<07> ' -/R16 6.46400 Tf -4.31016 -1.35781 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -(23) Tj -ET -Q -4110.13000 6333.81000 m -4110.13000 6419.13000 l -S -q -10 0 0 10 0 0 cm -BT -/R76 6.46400 Tf -1 0 0 1 413.08100 640.49100 Tm -<04> Tj -11.63520 TL -<05> ' -/R14 6.46400 Tf -9.15820 6.43828 Td -(1) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (1\054) -250.01000 (256) ] TJ --8.25977 -7.88633 Td -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (3\054) -250.01000 (256) ] TJ --9.87578 -7.88594 Td -(1) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (1\054) -250.01000 (1024) ] TJ -/R76 6.46400 Tf -22.62420 20.96840 Td -<06> Tj -<07> ' -/R16 6.46400 Tf -4.30898 -1.35781 Td -(\327) Tj -/R14 6.46400 Tf -5.02734 0 Td -(36) Tj -ET -Q -1585.20000 6248.48000 m -1585.20000 6333.81000 l -S -1908.47000 6248.48000 m -1908.47000 6333.81000 l -S -2425.66000 6248.48000 m -2425.66000 6333.81000 l -S -2942.87000 6248.48000 m -2942.87000 6333.81000 l -S -3510.34000 6248.48000 m -3510.34000 6333.81000 l -S -4110.13000 6248.48000 m -4110.13000 6333.81000 l -S -1585.20000 6163.16000 m -1585.20000 6248.48000 l -S -1908.47000 6163.16000 m -1908.47000 6248.48000 l -S -2425.66000 6163.16000 m -2425.66000 6248.48000 l -S -2942.87000 6163.16000 m -2942.87000 6248.48000 l -S -3510.34000 6163.16000 m -3510.34000 6248.48000 l -S -4110.13000 6163.16000 m -4110.13000 6248.48000 l -S -1259.74000 6161.86000 m -4692.47000 6161.86000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 131.63300 601.70700 Tm -[ (con) 39.89000 (v5) ] TJ -ET -Q -1475.61000 6018.36000 m -1495 6018.36000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 149.50000 601.70700 Tm -(x) Tj -ET -Q -1585.20000 6075.24000 m -1585.20000 6160.57000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 168.93800 601.70700 Tm -(7) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02695 0 Td -(7) Tj -ET -Q -1908.47000 6075.24000 m -1908.47000 6160.57000 l -S -q -10 0 0 10 0 0 cm -BT -/R76 6.46400 Tf -1 0 0 1 192.91500 610.75700 Tm -<02> Tj -/R14 6.46400 Tf -6.64375 -5.26172 Td -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (3\054) -250.01000 (512) ] TJ --8.25977 -7.88594 Td -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (3\054) -250.01000 (512) ] TJ -/R76 6.46400 Tf -19.39220 13.14770 Td -<03> Tj -/R16 6.46400 Tf -3.41133 -9.11484 Td -(\327) Tj -/R14 6.46400 Tf -5.02734 0 Td -(2) Tj -ET -Q -2425.66000 6075.24000 m -2425.66000 6160.57000 l -S -q -10 0 0 10 0 0 cm -BT -/R76 6.46400 Tf -1 0 0 1 244.63500 610.75700 Tm -<02> Tj -/R14 6.46400 Tf -6.64336 -5.26172 Td -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02734 0 Td -[ (3\054) -250.01000 (512) ] TJ --8.25938 -7.88594 Td -(3) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02734 0 Td -[ (3\054) -250.01000 (512) ] TJ -/R76 6.46400 Tf -19.39260 13.14770 Td -<03> Tj -/R16 6.46400 Tf -3.41094 -9.11484 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -(3) Tj -ET -Q -2942.87000 6075.24000 m -2942.87000 6160.57000 l -S -q -10 0 0 10 0 0 cm -BT -/R76 6.46400 Tf -1 0 0 1 296.35500 614.63500 Tm -<04> Tj -11.63520 TL -<05> ' -/R14 6.46400 Tf -9.15703 6.43789 Td -(1) Tj -/R16 6.46400 Tf -3.23164 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (1\054) -250.01000 (512) ] TJ --8.25938 -7.88594 Td -(3) Tj -/R16 6.46400 Tf -3.23164 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (3\054) -250.01000 (512) ] TJ --9.87539 -7.88633 Td -(1) Tj -/R16 6.46400 Tf -3.23164 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (1\054) -250.01000 (2048) ] TJ -/R76 6.46400 Tf -22.62420 20.96880 Td -<06> Tj -<07> ' -/R16 6.46400 Tf -4.31016 -1.35820 Td -(\327) Tj -/R14 6.46400 Tf -5.02695 0 Td -(3) Tj -ET -Q -3510.34000 6075.24000 m -3510.34000 6160.57000 l -S -q -10 0 0 10 0 0 cm -BT -/R76 6.46400 Tf -1 0 0 1 354.71800 614.63500 Tm -<04> Tj -11.63520 TL -<05> ' -/R14 6.46400 Tf -9.15820 6.43789 Td -(1) Tj -/R16 6.46400 Tf -3.23086 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (1\054) -250.01000 (512) ] TJ --8.25938 -7.88594 Td -(3) Tj -/R16 6.46400 Tf -3.23086 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (3\054) -250.01000 (512) ] TJ --9.87578 -7.88633 Td -(1) Tj -/R16 6.46400 Tf -3.23320 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02734 0 Td -[ (1\054) -250.01000 (2048) ] TJ -/R76 6.46400 Tf -22.62460 20.96880 Td -<06> Tj -<07> ' -/R16 6.46400 Tf -4.30820 -1.35820 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -(3) Tj -ET -Q -4110.13000 6075.24000 m -4110.13000 6160.57000 l -S -q -10 0 0 10 0 0 cm -BT -/R76 6.46400 Tf -1 0 0 1 414.69800 614.63500 Tm -<04> Tj -11.63520 TL -<05> ' -/R14 6.46400 Tf -9.15703 6.43789 Td -(1) Tj -/R16 6.46400 Tf -3.23164 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02734 0 Td -[ (1\054) -250.01000 (512) ] TJ --8.25898 -7.88594 Td -(3) Tj -/R16 6.46400 Tf -3.23164 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02734 0 Td -[ (3\054) -250.01000 (512) ] TJ --9.87539 -7.88633 Td -(1) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02773 0 Td -[ (1\054) -250.01000 (2048) ] TJ -/R76 6.46400 Tf -22.62420 20.96880 Td -<06> Tj -<07> ' -/R16 6.46400 Tf -4.30898 -1.35820 Td -(\327) Tj -/R14 6.46400 Tf -5.02734 0 Td -(3) Tj -ET -Q -1585.20000 5989.92000 m -1585.20000 6075.25000 l -S -1908.47000 5989.92000 m -1908.47000 6075.25000 l -S -2425.66000 5989.92000 m -2425.66000 6075.25000 l -S -2942.87000 5989.92000 m -2942.87000 6075.25000 l -S -3510.34000 5989.92000 m -3510.34000 6075.25000 l -S -4110.13000 5989.92000 m -4110.13000 6075.25000 l -S -1585.20000 5904.59000 m -1585.20000 5989.92000 l -S -1908.47000 5904.59000 m -1908.47000 5989.92000 l -S -2425.66000 5904.59000 m -2425.66000 5989.92000 l -S -2942.87000 5904.59000 m -2942.87000 5989.92000 l -S -3510.34000 5904.59000 m -3510.34000 5989.92000 l -S -4110.13000 5904.59000 m -4110.13000 5989.92000 l -S -1259.74000 5903.30000 m -4692.47000 5903.30000 l -S -1585.20000 5816.68000 m -1585.20000 5902.01000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 168.93800 584.22800 Tm -(1) Tj -/R16 6.46400 Tf -3.23203 0 Td -(\327) Tj -/R14 6.46400 Tf -5.02695 0 Td -(1) Tj -ET -Q -1908.47000 5816.68000 m -1908.47000 5902.01000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 287.50100 584.22800 Tm -[ (a) 20.01770 (v) 14.98310 (erage) -249.99900 (pool\054) -250.00200 (1000\055d) -250.00200 (fc\054) -250.02500 (softmax) ] TJ -ET -Q -1259.74000 5815.39000 m -4692.47000 5815.39000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 149.18700 575.43700 Tm -(FLOPs) Tj -ET -Q -1908.47000 5728.77000 m -1908.47000 5814.10000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 205.47100 575.43700 Tm -(1\0568) Tj -/R16 6.46400 Tf -8.08008 0 Td -(\327) Tj -/R39 6.46400 Tf -5.02695 0 Td -(10) Tj -/R57 4.52480 Tf -6.46484 2.34492 Td -(9) Tj -ET -Q -2425.66000 5728.77000 m -2425.66000 5814.10000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 257.19000 575.43700 Tm -(3\0566) Tj -/R16 6.46400 Tf -8.08086 0 Td -(\327) Tj -/R39 6.46400 Tf -5.02773 0 Td -(10) Tj -/R57 4.52480 Tf -6.46367 2.34492 Td -(9) Tj -ET -Q -2942.87000 5728.77000 m -2942.87000 5814.10000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 311.42400 575.43700 Tm -(3\0568) Tj -/R16 6.46400 Tf -8.07969 0 Td -(\327) Tj -/R39 6.46400 Tf -5.02773 0 Td -(10) Tj -/R57 4.52480 Tf -6.46445 2.34492 Td -(9) Tj -ET -Q -3510.34000 5728.77000 m -3510.34000 5814.10000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 369.78800 575.43700 Tm -(7\0566) Tj -/R16 6.46400 Tf -8.08008 0 Td -(\327) Tj -/R39 6.46400 Tf -5.02695 0 Td -(10) Tj -/R57 4.52480 Tf -6.46406 2.34492 Td -(9) Tj -ET -Q -4110.13000 5728.77000 m -4110.13000 5814.10000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 6.46400 Tf -1 0 0 1 427.34300 575.43700 Tm -(11\0563) Tj -/R16 6.46400 Tf -11.31210 0 Td -(\327) Tj -/R39 6.46400 Tf -5.02695 0 Td -(10) Tj -/R57 4.52480 Tf -6.46484 2.34492 Td -(9) Tj -ET -Q -1259.74000 5727.47000 m -4692.47000 5727.47000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 50.11210 560.52500 Tm -[ (T) 79.98130 (able) -263.99100 (1\056) -263.98500 (Architectures) -264.00100 (for) -264.99300 (ImageNet\056) -352.00600 (Building) -264.01200 (blocks) -264.01200 (are) -264.01500 (sho) 25.00930 (wn) -265.01900 (in) -263.99800 (brack) 10.01190 (ets) -264.01200 (\050see) -264.00900 (also) -264.01200 (Fig\056) -264.00100 (5\051\054) -268.00600 (with) -263.99800 (the) -264.01700 (numbers) -263.98500 (of) -264.98100 (blocks) -264.01200 (stack) 9.99826 (ed\056) -352.00900 (Do) 24.99570 (wn\055) ] TJ -10.95860 TL -T* -[ (sampling) -249.88000 (is) -250.00800 (performed) -250.00700 (by) -249.97800 (con) 40.01760 (v3) ] TJ -ET -Q -3.98000 w -1663.42000 5497.66000 m -1690.32000 5497.66000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 169.03200 549.56600 Tm -[ (1\054) -250 (con) 40.01760 (v4) ] TJ -ET -Q -2000.92000 5497.66000 m -2027.82000 5497.66000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 202.78200 549.56600 Tm -[ (1\054) -250 (and) -249.99700 (con) 40.01760 (v5) ] TJ -ET -Q -2490.30000 5497.66000 m -2517.20000 5497.66000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 251.72000 549.56600 Tm -[ (1) -249.97800 (with) -250.01400 (a) -249.99700 (stride) -249.98900 (of) -249.99200 (2\056) ] TJ -ET -Q -1 1 1 scn -847.62100 4023.71000 2226.94000 1382.28000 re -f -1020 4187.20000 1829.76000 1200.98000 re -f -/R23 gs -1.57000 w -1 J -1 j -1 1 1 SCN -1020 4187.20000 1829.76000 1200.98000 re -S -[ 37.72700 37.72700 37.72700 37.72700 37.72700 37.72700 37.72700 37.72700 ] 0 d -0 0 0 SCN -1020 4187.20000 m -2849.77000 4187.20000 l -S -0 0 0 scn -2849.77000 4184.05000 1.57031 1.57813 re -f -2849.77000 4187.20000 m -2849.77000 4187.20000 l -S -2849.77000 4184.05000 1.57031 1.57813 re -f -1020 4468.58000 m -2849.77000 4468.58000 l -S -2849.77000 4465.44000 1.57031 1.56641 re -f -2849.77000 4468.58000 m -2849.77000 4468.58000 l -S -2849.77000 4465.44000 1.57031 1.56641 re -f -1020 4746.82000 m -2849.77000 4746.82000 l -S -2849.77000 4743.67000 1.57031 1.57813 re -f -2849.77000 4746.82000 m -2849.77000 4746.82000 l -S -2849.77000 4743.67000 1.57031 1.57813 re -f -1020 5026.63000 m -2849.77000 5026.63000 l -S -2849.77000 5025.06000 1.57031 1.57031 re -f -2849.77000 5026.63000 m -2849.77000 5026.63000 l -S -2849.77000 5025.06000 1.57031 1.57031 re -f -1020 5304.86000 m -2849.77000 5304.86000 l -S -2849.77000 5303.29000 1.57031 1.57031 re -f -2849.77000 5304.86000 m -2849.77000 5304.86000 l -S -2849.77000 5303.29000 1.57031 1.57031 re -f -[ ] 0 d -1020 4187.20000 m -2849.76000 4187.20000 l -S -2849.77000 4184.05000 1.57031 1.57813 re -f -1020 4187.20000 m -1020 5388.18000 l -S -1020 5386.61000 1.57031 1.57031 re -f -1020 4187.20000 m -1020 4206.06000 l -S -1020 4202.92000 1.57031 1.57031 re -f -q -10 0 0 10 0 0 cm -BT -/R24 6.90380 Tf -0.99962 0 0 1 100.42800 411.64600 Tm -(0) Tj -ET -Q -1353.26000 4187.20000 m -1353.26000 4206.06000 l -S -1354.83000 4202.92000 1.56641 1.57031 re -f -q -10 0 0 10 0 0 cm -BT --0.14981 Tc -/R24 6.90380 Tf -0.99962 0 0 1 132.02400 411.64600 Tm -(10) Tj -ET -Q -1684.94000 4187.20000 m -1684.94000 4206.06000 l -S -1684.94000 4202.92000 1.57031 1.57031 re -f -q -10 0 0 10 0 0 cm -BT -0.00759 Tc -/R24 6.90380 Tf -0.99962 0 0 1 165.03600 411.64600 Tm -(20) Tj -ET -Q -2018.20000 4187.20000 m -2018.20000 4206.06000 l -S -2019.77000 4202.92000 1.57031 1.57031 re -f -q -10 0 0 10 0 0 cm -BT -0.00759 Tc -/R24 6.90380 Tf -0.99962 0 0 1 198.51900 411.64600 Tm -(30) Tj -ET -Q -2349.88000 4187.20000 m -2349.88000 4206.06000 l -S -2349.88000 4202.92000 1.57031 1.57031 re -f -q -10 0 0 10 0 0 cm -BT -0.00759 Tc -/R24 6.90380 Tf -0.99962 0 0 1 231.53000 411.64600 Tm -(40) Tj -ET -Q -2681.56000 4187.20000 m -2681.56000 4206.06000 l -S -2681.56000 4202.92000 1.58203 1.57031 re -f -q -10 0 0 10 0 0 cm -BT -0.00759 Tc -/R24 6.90380 Tf -0.99962 0 0 1 264.69800 411.64600 Tm -(50) Tj -ET -Q -1020 4187.20000 m -1037.29000 4187.20000 l -S -1038.86000 4184.05000 1.57031 1.57813 re -f -q -10 0 0 10 0 0 cm -BT -0.00759 Tc -/R24 6.90380 Tf -0.99962 0 0 1 94.45470 416.20500 Tm -(20) Tj -ET -Q -1020 4468.58000 m -1037.29000 4468.58000 l -S -1038.86000 4465.44000 1.57031 1.56641 re -f -q -10 0 0 10 0 0 cm -BT -0.00759 Tc -/R24 6.90380 Tf -0.99962 0 0 1 94.45470 444.34300 Tm -(30) Tj -ET -Q -1020 4746.82000 m -1037.29000 4746.82000 l -S -1038.86000 4743.67000 1.57031 1.57813 re -f -q -10 0 0 10 0 0 cm -BT -0.00759 Tc -/R24 6.90380 Tf -0.99962 0 0 1 94.45470 472.16700 Tm -(40) Tj -ET -Q -1020 5026.63000 m -1037.29000 5026.63000 l -S -1038.86000 5025.06000 1.57031 1.57031 re -f -q -10 0 0 10 0 0 cm -BT -0.00759 Tc -/R24 6.90380 Tf -0.99962 0 0 1 94.45470 500.30500 Tm -(50) Tj -ET -Q -1020 5304.86000 m -1037.29000 5304.86000 l -S -1038.86000 5303.29000 1.57031 1.57031 re -f -q -10 0 0 10 0 0 cm -BT -0.00759 Tc -/R24 6.90380 Tf -0.99962 0 0 1 94.45470 528.12900 Tm -(60) Tj -ET -Q -q -1098.60000 4465.44000 1752.74000 922.73800 re -W -n -0 1 1 SCN -1098.60000 5388.18000 m -1104.88000 5369.32000 l -1120.60000 5369.32000 l -1136.32000 5333.16000 l -1153.62000 5293.86000 l -1169.34000 5292.29000 l -1188.20000 5275 l -1203.92000 5262.42000 l -1219.64000 5273.43000 l -1235.36000 5224.69000 l -1252.65000 5208.97000 l -1269.94000 5149.24000 l -1287.23000 5188.54000 l -1302.95000 5224.69000 l -1318.67000 5202.69000 l -1337.54000 5177.54000 l -1353.26000 5208.97000 l -1368.97000 5188.54000 l -1386.27000 5183.82000 l -1401.99000 5224.69000 l -1419.28000 5177.54000 l -1436.57000 5185.40000 l -1452.29000 5210.55000 l -1468.01000 5172.82000 l -1483.73000 5174.39000 l -1502.59000 5188.54000 l -1518.31000 5146.10000 l -1535.60000 4850.57000 l -1551.32000 4817.56000 l -1567.04000 4837.99000 l -1585.91000 4753.11000 l -1601.63000 4767.25000 l -1617.35000 4768.83000 l -1634.64000 4729.53000 l -1651.93000 4782.97000 l -1669.22000 4764.11000 l -1684.94000 4734.24000 l -1700.66000 4806.55000 l -1716.38000 4729.53000 l -1735.24000 4787.69000 l -1750.96000 4751.53000 l -1768.25000 4756.25000 l -1783.97000 4767.25000 l -1799.69000 4760.97000 l -1818.56000 4756.25000 l -1834.28000 4771.97000 l -1850 4773.54000 l -1865.72000 4734.24000 l -1884.58000 4756.25000 l -1900.30000 4751.53000 l -1917.59000 4742.10000 l -1933.31000 4746.82000 l -1949.03000 4732.67000 l -1967.89000 4743.67000 l -1983.61000 4746.82000 l -1999.33000 4760.97000 l -2016.62000 4734.24000 l -2032.34000 4608.48000 l -2051.21000 4613.20000 l -2066.93000 4599.05000 l -2082.65000 4603.77000 l -2098.37000 4599.05000 l -2115.66000 4570.76000 l -2132.95000 4564.47000 l -2150.24000 4539.32000 l -2165.96000 4545.61000 l -2181.68000 4536.17000 l -2200.54000 4562.90000 l -2216.26000 4569.19000 l -2231.98000 4529.89000 l -2247.70000 4570.76000 l -2264.99000 4573.90000 l -2282.29000 4558.18000 l -2299.58000 4518.88000 l -2315.30000 4544.03000 l -2331.02000 4534.60000 l -2346.74000 4558.18000 l -2365.60000 4529.89000 l -2381.32000 4534.60000 l -2398.61000 4520.45000 l -2414.33000 4562.90000 l -2430.05000 4578.62000 l -2448.91000 4485.87000 l -2464.63000 4534.60000 l -2480.35000 4525.17000 l -2497.64000 4578.62000 l -2514.94000 4539.32000 l -2532.23000 4495.30000 l -2547.95000 4533.03000 l -2563.67000 4511.02000 l -2579.39000 4509.45000 l -2598.25000 4539.32000 l -2613.97000 4525.17000 l -2629.69000 4525.17000 l -2646.98000 4515.74000 l -2662.70000 4520.45000 l -2681.56000 4490.59000 l -2697.28000 4493.73000 l -2713 4468.58000 l -2728.72000 4515.74000 l -2747.59000 4544.03000 l -2763.31000 4534.60000 l -2780.60000 4515.74000 l -2796.32000 4500.02000 l -2812.04000 4523.60000 l -2830.90000 4495.30000 l -2846.62000 4500.02000 l -2851.34000 4506.31000 l -S -Q -q -1059.30000 4490.59000 1792.04000 897.59000 re -W -n -13.78000 w -0 J -0 1 1 SCN -1068.73000 5388.18000 m -1070.30000 5372.46000 l -1086.02000 5289.15000 l -1104.88000 5237.27000 l -1120.60000 5183.82000 l -1136.32000 5160.24000 l -1153.62000 5160.24000 l -1169.34000 5125.66000 l -1188.20000 5125.66000 l -1203.92000 5094.22000 l -1219.64000 5094.22000 l -1235.36000 5078.50000 l -1252.65000 5070.64000 l -1269.94000 5069.07000 l -1287.23000 5070.64000 l -1302.95000 5065.93000 l -1318.67000 5056.49000 l -1337.54000 5048.63000 l -1368.97000 5039.20000 l -1386.27000 5040.77000 l -1401.99000 5043.92000 l -1419.28000 5021.91000 l -1436.57000 5040.77000 l -1452.29000 5045.49000 l -1468.01000 5034.49000 l -1483.73000 5021.91000 l -1502.59000 5029.77000 l -1518.31000 5009.34000 l -1535.60000 4734.24000 l -1551.32000 4702.80000 l -1567.04000 4677.65000 l -1585.91000 4677.65000 l -1601.63000 4672.94000 l -1617.35000 4654.07000 l -1634.64000 4661.93000 l -1651.93000 4654.07000 l -1669.22000 4657.22000 l -1684.94000 4652.50000 l -1700.66000 4649.36000 l -1716.38000 4654.07000 l -1735.24000 4654.07000 l -1750.96000 4657.22000 l -1768.25000 4657.22000 l -1783.97000 4654.07000 l -1799.69000 4654.07000 l -1818.56000 4657.22000 l -1834.28000 4654.07000 l -1850 4661.93000 l -1865.72000 4663.50000 l -1884.58000 4652.50000 l -1900.30000 4654.07000 l -1917.59000 4654.07000 l -1933.31000 4652.50000 l -1949.03000 4652.50000 l -1967.89000 4647.78000 l -1983.61000 4652.50000 l -1999.33000 4649.36000 l -2016.62000 4647.78000 l -2032.34000 4559.75000 l -2051.21000 4550.32000 l -2066.93000 4548.75000 l -2082.65000 4539.32000 l -2098.37000 4536.17000 l -2115.66000 4536.17000 l -2132.95000 4533.03000 l -2150.24000 4533.03000 l -2165.96000 4529.89000 l -2181.68000 4529.89000 l -2200.54000 4523.60000 l -2216.26000 4523.60000 l -2231.98000 4525.17000 l -2247.70000 4525.17000 l -2264.99000 4518.88000 l -2282.29000 4520.45000 l -2299.58000 4518.88000 l -2315.30000 4515.74000 l -2331.02000 4518.88000 l -2346.74000 4515.74000 l -2365.60000 4509.45000 l -2381.32000 4511.02000 l -2398.61000 4515.74000 l -2414.33000 4511.02000 l -2480.35000 4511.02000 l -2497.64000 4509.45000 l -2514.94000 4509.45000 l -2532.23000 4511.02000 l -2547.95000 4509.45000 l -2563.67000 4515.74000 l -2579.39000 4506.31000 l -2598.25000 4509.45000 l -2613.97000 4506.31000 l -2629.69000 4504.74000 l -2646.98000 4506.31000 l -2662.70000 4509.45000 l -2681.56000 4509.45000 l -2697.28000 4504.74000 l -2747.59000 4504.74000 l -2763.31000 4506.31000 l -2780.60000 4506.31000 l -2796.32000 4504.74000 l -2812.04000 4506.31000 l -2830.90000 4509.45000 l -2846.62000 4504.74000 l -2851.34000 4503.16000 l -S -Q -q -1213.35000 4504.74000 1637.99000 883.43800 re -W -n -0 J -1 0 0 SCN -1213.35000 5388.18000 m -1219.64000 5372.46000 l -1235.36000 5388.18000 l -1252.65000 5358.31000 l -1269.94000 5347.31000 l -1287.23000 5328.44000 l -1302.95000 5353.60000 l -1318.67000 5356.74000 l -1337.54000 5352.02000 l -1353.26000 5333.16000 l -1368.97000 5331.59000 l -1386.27000 5336.30000 l -1401.99000 5289.15000 l -1419.28000 5317.44000 l -1436.57000 5312.72000 l -1452.29000 5333.16000 l -1468.01000 5304.86000 l -1483.73000 5331.59000 l -1502.59000 5326.87000 l -1518.31000 5358.31000 l -1535.60000 4921.31000 l -1551.32000 4921.31000 l -1567.04000 4863.14000 l -1585.91000 4852.14000 l -1601.63000 4845.85000 l -1617.35000 4833.28000 l -1634.64000 4842.71000 l -1651.93000 4847.42000 l -1669.22000 4817.56000 l -1684.94000 4817.56000 l -1700.66000 4797.12000 l -1716.38000 4808.12000 l -1735.24000 4817.56000 l -1750.96000 4797.12000 l -1768.25000 4822.27000 l -1783.97000 4797.12000 l -1799.69000 4831.70000 l -1818.56000 4820.70000 l -1834.28000 4837.99000 l -1850 4823.84000 l -1865.72000 4811.27000 l -1884.58000 4757.82000 l -1900.30000 4808.12000 l -1917.59000 4806.55000 l -1933.31000 4771.97000 l -1949.03000 4806.55000 l -1967.89000 4836.42000 l -1983.61000 4787.69000 l -1999.33000 4760.97000 l -2016.62000 4811.27000 l -2032.34000 4679.22000 l -2051.21000 4638.35000 l -2066.93000 4652.50000 l -2082.65000 4647.78000 l -2098.37000 4578.62000 l -2115.66000 4589.62000 l -2132.95000 4633.64000 l -2150.24000 4588.05000 l -2165.96000 4627.35000 l -2181.68000 4573.90000 l -2200.54000 4610.06000 l -2216.26000 4599.05000 l -2231.98000 4603.77000 l -2247.70000 4584.91000 l -2264.99000 4573.90000 l -2282.29000 4594.34000 l -2299.58000 4584.91000 l -2315.30000 4608.48000 l -2331.02000 4570.76000 l -2346.74000 4589.62000 l -2365.60000 4597.48000 l -2381.32000 4589.62000 l -2398.61000 4564.47000 l -2414.33000 4558.18000 l -2430.05000 4594.34000 l -2448.91000 4562.90000 l -2464.63000 4589.62000 l -2480.35000 4564.47000 l -2497.64000 4570.76000 l -2514.94000 4597.48000 l -2532.23000 4559.75000 l -2547.95000 4575.47000 l -2563.67000 4545.61000 l -2579.39000 4583.33000 l -2598.25000 4564.47000 l -2613.97000 4550.32000 l -2629.69000 4555.04000 l -2646.98000 4573.90000 l -2662.70000 4558.18000 l -2681.56000 4506.31000 l -2697.28000 4555.04000 l -2713 4544.03000 l -2728.72000 4559.75000 l -2747.59000 4520.45000 l -2763.31000 4564.47000 l -2780.60000 4536.17000 l -2796.32000 4539.32000 l -2812.04000 4536.17000 l -2830.90000 4534.60000 l -2846.62000 4534.60000 l -2851.34000 4528.31000 l -S -Q -q -1104.88000 4520.45000 1746.46000 867.73000 re -W -n -13.78000 w -0 J -1 0 0 SCN -1114.32000 5388.18000 m -1120.60000 5367.74000 l -1136.32000 5331.59000 l -1153.62000 5308.01000 l -1169.34000 5297.01000 l -1188.20000 5267.14000 l -1203.92000 5237.27000 l -1219.64000 5234.13000 l -1235.36000 5243.56000 l -1252.65000 5204.26000 l -1269.94000 5213.69000 l -1287.23000 5210.55000 l -1302.95000 5177.54000 l -1318.67000 5179.11000 l -1337.54000 5188.54000 l -1353.26000 5169.68000 l -1368.97000 5149.24000 l -1386.27000 5183.82000 l -1401.99000 5146.10000 l -1419.28000 5160.24000 l -1436.57000 5169.68000 l -1452.29000 5169.68000 l -1468.01000 5160.24000 l -1483.73000 5164.96000 l -1502.59000 5163.39000 l -1518.31000 5164.96000 l -1535.60000 4811.27000 l -1551.32000 4778.26000 l -1567.04000 4764.11000 l -1585.91000 4743.67000 l -1601.63000 4742.10000 l -1617.35000 4726.38000 l -1634.64000 4726.38000 l -1651.93000 4716.95000 l -1669.22000 4726.38000 l -1700.66000 4707.52000 l -1716.38000 4713.81000 l -1735.24000 4718.52000 l -1750.96000 4716.95000 l -1768.25000 4716.95000 l -1783.97000 4718.52000 l -1799.69000 4716.95000 l -1818.56000 4713.81000 l -1834.28000 4713.81000 l -1850 4702.80000 l -1865.72000 4713.81000 l -1884.58000 4704.37000 l -1900.30000 4707.52000 l -1917.59000 4712.23000 l -1933.31000 4696.51000 l -1949.03000 4704.37000 l -1967.89000 4707.52000 l -1983.61000 4712.23000 l -1999.33000 4712.23000 l -2016.62000 4704.37000 l -2032.34000 4600.62000 l -2051.21000 4589.62000 l -2066.93000 4584.91000 l -2082.65000 4575.47000 l -2098.37000 4575.47000 l -2115.66000 4573.90000 l -2132.95000 4570.76000 l -2150.24000 4564.47000 l -2165.96000 4570.76000 l -2181.68000 4562.90000 l -2200.54000 4559.75000 l -2247.70000 4559.75000 l -2264.99000 4558.18000 l -2282.29000 4555.04000 l -2299.58000 4555.04000 l -2315.30000 4550.32000 l -2331.02000 4550.32000 l -2346.74000 4545.61000 l -2365.60000 4548.75000 l -2381.32000 4545.61000 l -2398.61000 4548.75000 l -2414.33000 4545.61000 l -2448.91000 4545.61000 l -2464.63000 4544.03000 l -2480.35000 4545.61000 l -2497.64000 4539.32000 l -2514.94000 4545.61000 l -2532.23000 4544.03000 l -2547.95000 4544.03000 l -2563.67000 4545.61000 l -2579.39000 4536.17000 l -2598.25000 4544.03000 l -2613.97000 4534.60000 l -2629.69000 4544.03000 l -2646.98000 4539.32000 l -2662.70000 4539.32000 l -2681.56000 4536.17000 l -2697.28000 4539.32000 l -2713 4536.17000 l -2728.72000 4536.17000 l -2747.59000 4544.03000 l -2763.31000 4534.60000 l -2780.60000 4536.17000 l -2796.32000 4539.32000 l -2812.04000 4534.60000 l -2830.90000 4536.17000 l -2846.62000 4534.60000 l -2851.34000 4533.03000 l -S -Q -q -10 0 0 10 0 0 cm -BT --0.07594 Tc -/R24 6.90380 Tf -0.99962 0 0 1 179.81200 404.72900 Tm -0.23680 Tw -[ (i) 39.00440 (t) -6.50398 (er) -19.71890 (\056) -11.57870 ( \050) -19.68530 (1) -12.10230 (e4) -12.11120 (\051) ] TJ --0.08975 Tc -0 0.99962 -1 0 91.31050 465.56400 Tm -0.25061 Tw -[ (er) -21.67870 (ro) -14.07280 (r) -21.70700 ( \050\045) -22.81790 (\051) ] TJ -ET -Q -1 1 1 scn -1037.29000 4201.35000 404 207.50000 re -f -0 J -1 1 1 SCN -1037.29000 4201.35000 m -1037.29000 4408.85000 l -1441.29000 4408.85000 l -1441.29000 4201.35000 l -1037.29000 4201.35000 l -S -0 0 0 SCN -1037.29000 4408.85000 m -1441.29000 4408.85000 l -S -0 0 0 scn -1441.29000 4405.70000 1.57031 1.57031 re -f -1037.29000 4201.35000 m -1441.29000 4201.35000 l -S -1441.29000 4198.20000 1.57031 1.57031 re -f -1441.29000 4201.35000 m -1441.29000 4408.85000 l -S -1441.29000 4405.70000 1.57031 1.57031 re -f -1037.29000 4201.35000 m -1037.29000 4408.85000 l -S -1038.86000 4405.70000 1.57031 1.57031 re -f -1037.29000 4201.35000 m -1441.29000 4201.35000 l -S -1441.29000 4198.20000 1.57031 1.57031 re -f -1037.29000 4201.35000 m -1037.29000 4408.85000 l -S -1038.86000 4405.70000 1.57031 1.57031 re -f -1037.29000 4408.85000 m -1441.29000 4408.85000 l -S -1441.29000 4405.70000 1.57031 1.57031 re -f -1037.29000 4201.35000 m -1441.29000 4201.35000 l -S -1441.29000 4198.20000 1.57031 1.57031 re -f -1441.29000 4201.35000 m -1441.29000 4408.85000 l -S -1441.29000 4405.70000 1.57031 1.57031 re -f -1037.29000 4201.35000 m -1037.29000 4408.85000 l -S -1038.86000 4405.70000 1.57031 1.57031 re -f -q -10 0 0 10 0 0 cm -BT -0.05558 Tc -/R24 8.05450 Tf -0.99963 0 0 1 115.83300 432.71000 Tm -[ (pl) 11.42400 (ai) 30.91370 (n) -20.22350 (\055) 27.50690 (18) ] TJ -ET -Q -13.78000 w -0 1 1 SCN -1056.15000 4355.40000 m -1148.90000 4355.40000 l -S -q -10 0 0 10 0 0 cm -BT -0.05558 Tc -/R24 8.05450 Tf -0.99963 0 0 1 115.83300 422.80700 Tm -[ (pl) 11.42400 (ai) 30.91370 (n) -20.22350 (\055) 27.50690 (34) ] TJ -ET -Q -1 0 0 SCN -1056.15000 4256.36000 m -1148.90000 4256.36000 l -S -1 1 1 scn -2956.66000 4023.71000 2147.84000 1382.28000 re -f -3260.05000 4187.20000 1829.76000 1200.98000 re -f -1.57000 w -1 1 1 SCN -3260.05000 4187.20000 m -3260.05000 5388.18000 l -5089.81000 5388.18000 l -5089.81000 4187.20000 l -3260.05000 4187.20000 l -S -[ 37.72700 37.72700 37.72700 37.72700 37.72700 37.72700 37.72700 37.72700 ] 0 d -0 0 0 SCN -3260.05000 4187.20000 m -5089.81000 4187.20000 l -S -0 0 0 scn -5089.81000 4184.05000 1.58203 1.57813 re -f -5089.81000 4187.20000 m -5089.81000 4187.20000 l -S -5089.81000 4184.05000 1.58203 1.57813 re -f -3260.05000 4468.58000 m -5089.81000 4468.58000 l -S -5089.81000 4465.44000 1.58203 1.56641 re -f -5089.81000 4468.58000 m -5089.81000 4468.58000 l -S -5089.81000 4465.44000 1.58203 1.56641 re -f -3260.05000 4746.82000 m -5089.81000 4746.82000 l -S -5089.81000 4743.67000 1.58203 1.57813 re -f -5089.81000 4746.82000 m -5089.81000 4746.82000 l -S -5089.81000 4743.67000 1.58203 1.57813 re -f -3260.05000 5026.63000 m -5089.81000 5026.63000 l -S -5089.81000 5025.06000 1.58203 1.57031 re -f -5089.81000 5026.63000 m -5089.81000 5026.63000 l -S -5089.81000 5025.06000 1.58203 1.57031 re -f -3260.05000 5304.86000 m -5089.81000 5304.86000 l -S -5089.81000 5303.29000 1.58203 1.57031 re -f -5089.81000 5304.86000 m -5089.81000 5304.86000 l -S -5089.81000 5303.29000 1.58203 1.57031 re -f -[ ] 0 d -3260.05000 4187.20000 m -5089.81000 4187.20000 l -S -5089.81000 4184.05000 1.58203 1.57813 re -f -3260.05000 4187.20000 m -3260.05000 5388.18000 l -S -3260.05000 5386.61000 1.57031 1.57031 re -f -3260.05000 4187.20000 m -3260.05000 4206.06000 l -S -3260.05000 4202.92000 1.57031 1.57031 re -f -q -10 0 0 10 0 0 cm -BT -/R24 6.90380 Tf -0.99962 0 0 1 324.43300 411.64600 Tm -(0) Tj -ET -Q -3593.30000 4187.20000 m -3593.30000 4206.06000 l -S -3594.88000 4202.92000 1.57031 1.57031 re -f -q -10 0 0 10 0 0 cm -BT --0.14981 Tc -/R24 6.90380 Tf -0.99962 0 0 1 356.02900 411.64600 Tm -(10) Tj -ET -Q -3924.99000 4187.20000 m -3924.99000 4206.06000 l -S -3924.99000 4202.92000 1.57031 1.57031 re -f -q -10 0 0 10 0 0 cm -BT -0.00759 Tc -/R24 6.90380 Tf -0.99962 0 0 1 389.04100 411.64600 Tm -(20) Tj -ET -Q -4258.24000 4187.20000 m -4258.24000 4206.06000 l -S -4259.82000 4202.92000 1.57031 1.57031 re -f -q -10 0 0 10 0 0 cm -BT -0.00759 Tc -/R24 6.90380 Tf -0.99962 0 0 1 422.52300 411.64600 Tm -(30) Tj -ET -Q -4589.93000 4187.20000 m -4589.93000 4206.06000 l -S -4589.93000 4202.92000 1.57031 1.57031 re -f -q -10 0 0 10 0 0 cm -BT -0.00759 Tc -/R24 6.90380 Tf -0.99962 0 0 1 455.53500 411.64600 Tm -(40) Tj -ET -Q -4921.61000 4187.20000 m -4921.61000 4206.06000 l -S -4921.61000 4202.92000 1.58203 1.57031 re -f -q -10 0 0 10 0 0 cm -BT -0.00759 Tc -/R24 6.90380 Tf -0.99962 0 0 1 488.70300 411.64600 Tm -(50) Tj -ET -Q -3260.05000 4187.20000 m -3277.34000 4187.20000 l -S -3278.91000 4184.05000 1.57031 1.57813 re -f -q -10 0 0 10 0 0 cm -BT -0.00759 Tc -/R24 6.90380 Tf -0.99962 0 0 1 318.45900 416.20500 Tm -(20) Tj -ET -Q -3260.05000 4468.58000 m -3277.34000 4468.58000 l -S -3278.91000 4465.44000 1.57031 1.56641 re -f -q -10 0 0 10 0 0 cm -BT -0.00759 Tc -/R24 6.90380 Tf -0.99962 0 0 1 318.45900 444.34300 Tm -(30) Tj -ET -Q -3260.05000 4746.82000 m -3277.34000 4746.82000 l -S -3278.91000 4743.67000 1.57031 1.57813 re -f -q -10 0 0 10 0 0 cm -BT -0.00759 Tc -/R24 6.90380 Tf -0.99962 0 0 1 318.45900 472.16700 Tm -(40) Tj -ET -Q -3260.05000 5026.63000 m -3277.34000 5026.63000 l -S -3278.91000 5025.06000 1.57031 1.57031 re -f -q -10 0 0 10 0 0 cm -BT -0.00759 Tc -/R24 6.90380 Tf -0.99962 0 0 1 318.45900 500.30500 Tm -(50) Tj -ET -Q -3260.05000 5304.86000 m -3277.34000 5304.86000 l -S -3278.91000 5303.29000 1.57031 1.57031 re -f -q -10 0 0 10 0 0 cm -BT -0.00759 Tc -/R24 6.90380 Tf -0.99962 0 0 1 318.45900 528.12900 Tm -(60) Tj -ET -Q -q -3310.35000 4441.86000 1781.04000 946.32000 re -W -n -0 1 1 SCN -3310.35000 5388.18000 m -3310.35000 5383.46000 l -3326.07000 5301.72000 l -3344.93000 5262.42000 l -3360.65000 5208.97000 l -3376.37000 5160.24000 l -3393.66000 5208.97000 l -3409.38000 5183.82000 l -3428.25000 5150.81000 l -3443.97000 5139.81000 l -3459.69000 5125.66000 l -3475.41000 5139.81000 l -3492.70000 5130.38000 l -3509.99000 5095.79000 l -3527.28000 5073.79000 l -3543 5130.38000 l -3558.72000 5094.22000 l -3577.58000 5095.79000 l -3593.30000 5080.07000 l -3609.02000 5095.79000 l -3626.32000 5094.22000 l -3642.03000 5091.08000 l -3659.33000 5073.79000 l -3676.62000 5109.94000 l -3692.34000 5084.79000 l -3708.06000 5048.63000 l -3723.78000 5073.79000 l -3742.64000 5086.36000 l -3758.36000 5059.64000 l -3775.65000 4778.26000 l -3791.37000 4771.97000 l -3807.09000 4768.83000 l -3825.95000 4718.52000 l -3841.67000 4672.94000 l -3857.39000 4693.37000 l -3874.69000 4696.51000 l -3891.98000 4702.80000 l -3909.27000 4677.65000 l -3924.99000 4679.22000 l -3940.71000 4699.66000 l -3956.43000 4693.37000 l -3975.29000 4682.37000 l -3991.01000 4693.37000 l -4008.30000 4672.94000 l -4024.02000 4661.93000 l -4039.74000 4665.08000 l -4058.61000 4693.37000 l -4074.32000 4665.08000 l -4090.04000 4687.08000 l -4105.76000 4699.66000 l -4124.63000 4657.22000 l -4140.35000 4674.51000 l -4157.64000 4654.07000 l -4173.36000 4674.51000 l -4189.08000 4668.22000 l -4207.94000 4661.93000 l -4239.38000 4668.22000 l -4256.67000 4691.80000 l -4272.39000 4600.62000 l -4291.26000 4536.17000 l -4306.98000 4569.19000 l -4322.70000 4548.75000 l -4338.41000 4564.47000 l -4355.71000 4520.45000 l -4373 4533.03000 l -4390.29000 4523.60000 l -4406.01000 4525.17000 l -4421.73000 4484.30000 l -4440.59000 4525.17000 l -4456.31000 4520.45000 l -4472.03000 4518.88000 l -4487.75000 4500.02000 l -4505.04000 4498.45000 l -4522.33000 4523.60000 l -4539.63000 4495.30000 l -4555.35000 4495.30000 l -4571.07000 4520.45000 l -4586.78000 4523.60000 l -4605.65000 4520.45000 l -4621.37000 4500.02000 l -4638.66000 4471.72000 l -4654.38000 4485.87000 l -4670.10000 4498.45000 l -4688.96000 4504.74000 l -4704.68000 4509.45000 l -4720.40000 4495.30000 l -4737.69000 4484.30000 l -4772.28000 4515.74000 l -4788 4500.02000 l -4803.72000 4490.59000 l -4819.44000 4500.02000 l -4838.30000 4471.72000 l -4854.02000 4504.74000 l -4869.74000 4485.87000 l -4887.03000 4460.72000 l -4902.75000 4506.31000 l -4921.61000 4456 l -4937.33000 4446.57000 l -4953.05000 4456 l -4968.77000 4446.57000 l -4987.64000 4445 l -5003.36000 4468.58000 l -5020.65000 4459.15000 l -5036.37000 4479.58000 l -5052.09000 4518.88000 l -5070.95000 4465.44000 l -5086.67000 4476.44000 l -5091.39000 4468.58000 l -S -Q -q -3285.20000 4481.16000 1806.19000 907.02000 re -W -n -13.78000 w -0 1 1 SCN -3294.63000 5388.18000 m -3310.35000 5234.13000 l -3326.07000 5160.24000 l -3344.93000 5113.09000 l -3360.65000 5065.93000 l -3376.37000 5056.49000 l -3393.66000 5043.92000 l -3409.38000 5021.91000 l -3428.25000 5015.62000 l -3443.97000 5006.19000 l -3459.69000 4992.04000 l -3475.41000 4990.47000 l -3492.70000 4979.47000 l -3509.99000 4976.32000 l -3527.28000 4955.89000 l -3543 4970.04000 l -3558.72000 4974.75000 l -3577.58000 4966.89000 l -3593.30000 4955.89000 l -3609.02000 4952.74000 l -3626.32000 4962.18000 l -3642.03000 4944.88000 l -3659.33000 4951.17000 l -3676.62000 4962.18000 l -3692.34000 4952.74000 l -3708.06000 4940.17000 l -3723.78000 4944.88000 l -3742.64000 4930.74000 l -3758.36000 4940.17000 l -3775.65000 4691.80000 l -3791.37000 4668.22000 l -3807.09000 4652.50000 l -3825.95000 4643.07000 l -3841.67000 4633.64000 l -3857.39000 4627.35000 l -3891.98000 4627.35000 l -3909.27000 4622.63000 l -3924.99000 4627.35000 l -3940.71000 4622.63000 l -3956.43000 4613.20000 l -3975.29000 4614.77000 l -3991.01000 4627.35000 l -4008.30000 4622.63000 l -4024.02000 4622.63000 l -4039.74000 4624.20000 l -4058.61000 4614.77000 l -4074.32000 4622.63000 l -4105.76000 4622.63000 l -4124.63000 4617.92000 l -4140.35000 4628.92000 l -4157.64000 4622.63000 l -4173.36000 4622.63000 l -4189.08000 4614.77000 l -4207.94000 4617.92000 l -4239.38000 4617.92000 l -4256.67000 4624.20000 l -4272.39000 4539.32000 l -4291.26000 4534.60000 l -4306.98000 4533.03000 l -4322.70000 4523.60000 l -4338.41000 4520.45000 l -4355.71000 4518.88000 l -4373 4518.88000 l -4390.29000 4515.74000 l -4406.01000 4515.74000 l -4421.73000 4511.02000 l -4440.59000 4509.45000 l -4456.31000 4506.31000 l -4472.03000 4509.45000 l -4522.33000 4509.45000 l -4539.63000 4511.02000 l -4555.35000 4504.74000 l -4571.07000 4506.31000 l -4586.78000 4504.74000 l -4605.65000 4509.45000 l -4621.37000 4500.02000 l -4638.66000 4500.02000 l -4654.38000 4506.31000 l -4670.10000 4506.31000 l -4688.96000 4504.74000 l -4704.68000 4500.02000 l -4737.69000 4500.02000 l -4754.99000 4498.45000 l -4772.28000 4500.02000 l -4788 4504.74000 l -4803.72000 4495.30000 l -4819.44000 4498.45000 l -4838.30000 4500.02000 l -4854.02000 4498.45000 l -4869.74000 4498.45000 l -4887.03000 4500.02000 l -4902.75000 4498.45000 l -4921.61000 4495.30000 l -4937.33000 4498.45000 l -4953.05000 4495.30000 l -4968.77000 4498.45000 l -4987.64000 4495.30000 l -5003.36000 4498.45000 l -5020.65000 4495.30000 l -5036.37000 4498.45000 l -5052.09000 4495.30000 l -5070.95000 4500.02000 l -5086.67000 4495.30000 l -5091.39000 4493.73000 l -S -Q -q -3315.07000 4294.09000 1776.32000 1094.09000 re -W -n -1 0 0 SCN -3315.07000 5388.18000 m -3326.07000 5279.71000 l -3344.93000 5227.84000 l -3360.65000 5183.82000 l -3376.37000 5160.24000 l -3393.66000 5130.38000 l -3409.38000 5073.79000 l -3428.25000 5086.36000 l -3443.97000 5084.79000 l -3459.69000 5031.34000 l -3475.41000 5059.64000 l -3492.70000 5026.63000 l -3509.99000 5017.20000 l -3527.28000 5026.63000 l -3558.72000 5026.63000 l -3577.58000 5004.62000 l -3593.30000 5009.34000 l -3609.02000 5004.62000 l -3626.32000 5014.05000 l -3642.03000 5009.34000 l -3659.33000 4992.04000 l -3676.62000 4965.32000 l -3692.34000 5015.62000 l -3708.06000 5014.05000 l -3723.78000 4944.88000 l -3742.64000 4990.47000 l -3758.36000 4952.74000 l -3775.65000 4674.51000 l -3791.37000 4665.08000 l -3807.09000 4624.20000 l -3825.95000 4599.05000 l -3841.67000 4589.62000 l -3857.39000 4570.76000 l -3874.69000 4559.75000 l -3891.98000 4600.62000 l -3909.27000 4569.19000 l -3924.99000 4588.05000 l -3940.71000 4555.04000 l -3956.43000 4558.18000 l -3975.29000 4578.62000 l -3991.01000 4550.32000 l -4008.30000 4555.04000 l -4024.02000 4575.47000 l -4039.74000 4597.48000 l -4058.61000 4570.76000 l -4074.32000 4583.33000 l -4090.04000 4564.47000 l -4105.76000 4525.17000 l -4124.63000 4559.75000 l -4140.35000 4534.60000 l -4157.64000 4589.62000 l -4173.36000 4545.61000 l -4189.08000 4548.75000 l -4207.94000 4583.33000 l -4223.66000 4564.47000 l -4239.38000 4570.76000 l -4256.67000 4559.75000 l -4272.39000 4430.85000 l -4291.26000 4416.71000 l -4306.98000 4419.85000 l -4322.70000 4411.99000 l -4338.41000 4405.70000 l -4355.71000 4399.41000 l -4373 4394.70000 l -4390.29000 4394.70000 l -4406.01000 4377.41000 l -4421.73000 4411.99000 l -4440.59000 4347.54000 l -4456.31000 4355.40000 l -4472.03000 4374.26000 l -4487.75000 4341.25000 l -4505.04000 4366.40000 l -4522.33000 4350.68000 l -4539.63000 4347.54000 l -4555.35000 4339.68000 l -4571.07000 4360.11000 l -4586.78000 4352.25000 l -4605.65000 4380.55000 l -4621.37000 4347.54000 l -4638.66000 4344.39000 l -4654.38000 4369.55000 l -4670.10000 4355.40000 l -4688.96000 4341.25000 l -4704.68000 4352.25000 l -4720.40000 4327.10000 l -4737.69000 4366.40000 l -4754.99000 4334.96000 l -4772.28000 4347.54000 l -4788 4330.25000 l -4803.72000 4360.11000 l -4819.44000 4322.39000 l -4838.30000 4325.53000 l -4854.02000 4341.25000 l -4869.74000 4312.96000 l -4887.03000 4311.38000 l -4902.75000 4339.68000 l -4921.61000 4297.24000 l -4937.33000 4327.10000 l -4953.05000 4352.25000 l -4968.77000 4322.39000 l -4987.64000 4339.68000 l -5003.36000 4336.54000 l -5020.65000 4322.39000 l -5036.37000 4316.10000 l -5052.09000 4355.40000 l -5070.95000 4301.95000 l -5086.67000 4320.82000 l -5091.39000 4320.82000 l -S -Q -q -3297.77000 4404.13000 1793.62000 984.05100 re -W -n -13.78000 w -1 0 0 SCN -3305.63000 5388.18000 m -3310.35000 5326.87000 l -3326.07000 5202.69000 l -3344.93000 5125.66000 l -3360.65000 5045.49000 l -3376.37000 5034.49000 l -3393.66000 4981.04000 l -3409.38000 4966.89000 l -3428.25000 4952.74000 l -3443.97000 4940.17000 l -3459.69000 4926.02000 l -3475.41000 4926.02000 l -3492.70000 4916.59000 l -3509.99000 4905.59000 l -3527.28000 4902.44000 l -3543 4897.73000 l -3558.72000 4900.87000 l -3577.58000 4897.73000 l -3593.30000 4882.01000 l -3609.02000 4882.01000 l -3626.32000 4875.72000 l -3642.03000 4871 l -3659.33000 4882.01000 l -3676.62000 4861.57000 l -3692.34000 4877.29000 l -3708.06000 4856.85000 l -3723.78000 4871 l -3742.64000 4877.29000 l -3758.36000 4852.14000 l -3775.65000 4614.77000 l -3791.37000 4583.33000 l -3807.09000 4564.47000 l -3825.95000 4550.32000 l -3841.67000 4555.04000 l -3857.39000 4539.32000 l -3874.69000 4539.32000 l -3891.98000 4525.17000 l -3909.27000 4523.60000 l -3924.99000 4529.89000 l -3940.71000 4534.60000 l -3956.43000 4534.60000 l -3975.29000 4539.32000 l -3991.01000 4536.17000 l -4008.30000 4534.60000 l -4024.02000 4539.32000 l -4039.74000 4533.03000 l -4058.61000 4533.03000 l -4074.32000 4536.17000 l -4090.04000 4529.89000 l -4105.76000 4533.03000 l -4124.63000 4534.60000 l -4140.35000 4536.17000 l -4157.64000 4533.03000 l -4173.36000 4539.32000 l -4189.08000 4533.03000 l -4207.94000 4536.17000 l -4223.66000 4534.60000 l -4239.38000 4534.60000 l -4256.67000 4533.03000 l -4272.39000 4454.43000 l -4291.26000 4445 l -4306.98000 4438.71000 l -4322.70000 4438.71000 l -4338.41000 4430.85000 l -4355.71000 4430.85000 l -4373 4429.28000 l -4390.29000 4429.28000 l -4406.01000 4426.14000 l -4421.73000 4426.14000 l -4440.59000 4429.28000 l -4456.31000 4426.14000 l -4472.03000 4421.42000 l -4505.04000 4421.42000 l -4522.33000 4416.71000 l -4539.63000 4419.85000 l -4555.35000 4426.14000 l -4571.07000 4416.71000 l -4586.78000 4419.85000 l -4605.65000 4416.71000 l -4654.38000 4416.71000 l -4670.10000 4415.13000 l -4688.96000 4421.42000 l -4704.68000 4416.71000 l -4720.40000 4416.71000 l -4737.69000 4415.13000 l -4754.99000 4416.71000 l -4772.28000 4415.13000 l -4788 4419.85000 l -4803.72000 4416.71000 l -4819.44000 4421.42000 l -4838.30000 4416.71000 l -4854.02000 4415.13000 l -4869.74000 4416.71000 l -4887.03000 4419.85000 l -4921.61000 4419.85000 l -4937.33000 4415.13000 l -4953.05000 4419.85000 l -4968.77000 4416.71000 l -5036.37000 4416.71000 l -5052.09000 4419.85000 l -5086.67000 4419.85000 l -5091.39000 4416.71000 l -S -Q -q -10 0 0 10 0 0 cm -BT --0.07594 Tc -/R24 6.90380 Tf -0.99962 0 0 1 403.81700 404.72900 Tm -0.23680 Tw -[ (i) 39.00620 (t) -6.50221 (er) -19.71890 (\056) -11.58230 ( \050) -19.68350 (1) -12.09880 (e4) -12.11290 (\051) ] TJ --0.08975 Tc -0 0.99962 -1 0 315.31600 465.56400 Tm -0.25061 Tw -[ (er) -21.67870 (ro) -14.07280 (r) -21.70700 ( \050\045) -22.81790 (\051) ] TJ -ET -Q -1 1 1 scn -3277.34000 4201.35000 476.30100 207.50000 re -f -1 1 1 SCN -3277.34000 4201.35000 m -3277.34000 4408.85000 l -3753.64000 4408.85000 l -3753.64000 4201.35000 l -3277.34000 4201.35000 l -S -0 0 0 SCN -3277.34000 4408.85000 m -3753.64000 4408.85000 l -S -0 0 0 scn -3755.22000 4405.70000 1.57031 1.57031 re -f -3277.34000 4201.35000 m -3753.64000 4201.35000 l -S -3755.22000 4198.20000 1.57031 1.57031 re -f -3753.64000 4201.35000 m -3753.64000 4408.85000 l -S -3755.22000 4405.70000 1.57031 1.57031 re -f -3277.34000 4201.35000 m -3277.34000 4408.85000 l -S -3278.91000 4405.70000 1.57031 1.57031 re -f -3277.34000 4201.35000 m -3753.64000 4201.35000 l -S -3755.22000 4198.20000 1.57031 1.57031 re -f -3277.34000 4201.35000 m -3277.34000 4408.85000 l -S -3278.91000 4405.70000 1.57031 1.57031 re -f -3277.34000 4408.85000 m -3753.64000 4408.85000 l -S -3755.22000 4405.70000 1.57031 1.57031 re -f -3277.34000 4201.35000 m -3753.64000 4201.35000 l -S -3755.22000 4198.20000 1.57031 1.57031 re -f -3753.64000 4201.35000 m -3753.64000 4408.85000 l -S -3755.22000 4405.70000 1.57031 1.57031 re -f -3277.34000 4201.35000 m -3277.34000 4408.85000 l -S -3278.91000 4405.70000 1.57031 1.57031 re -f -q -10 0 0 10 0 0 cm -BT --0.01369 Tc -/R24 8.05450 Tf -0.99963 0 0 1 339.83800 432.71000 Tm -[ (Re) 12.59890 (sNe) 12.58080 (t\0551) -9.28471 (8) ] TJ -ET -Q -13.78000 w -0 1 1 SCN -3296.20000 4355.40000 m -3388.95000 4355.40000 l -S -q -10 0 0 10 0 0 cm -BT --0.01369 Tc -/R24 8.05450 Tf -0.99963 0 0 1 339.83800 422.80700 Tm -[ (Re) 12.59890 (sNe) 12.58080 (t\0553) -9.28471 (4) ] TJ -ET -Q -1 0 0 SCN -3296.20000 4256.36000 m -3388.95000 4256.36000 l -S -0 1 1 scn -q -10 0 0 10 0 0 cm -BT --0.00550 Tc -/R78 7.85980 Tf -0.99953 0 0 1 253.06600 437.74100 Tm -[ (1) 0.48790 (8) 0.49101 (\055) 0.33252 (l) -40.18820 (a) 0.33252 (y) -39.66300 (e) 0.33252 (r) 0.33252 ] TJ -ET -Q -1 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00550 Tc -/R78 7.85980 Tf -0.99953 0 0 1 253.06600 462.73500 Tm -[ (3) 0.48790 (4) 0.49101 (\055) 0.33252 (l) -40.18820 (a) 0.33252 (y) -39.66300 (e) 0.33252 (r) 0.33252 ] TJ -ET -Q -0 1 1 scn -q -10 0 0 10 0 0 cm -BT --0.00629 Tc -/R78 7.85980 Tf -0.99953 0 0 1 475.65300 455.34700 Tm -[ (1) 0.48479 (8) 0.48479 (\055) 20.03820 (l) -40.25660 (a) -19.75850 (y) -39.76560 (e) 0.22997 (r) 0.32941 ] TJ -ET -Q -1 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00629 Tc -/R78 7.85980 Tf -0.99953 0 0 1 475.65300 422.96400 Tm -[ (3) 0.48479 (4) 0.48479 (\055) 20.03820 (l) -40.25660 (a) -19.75850 (y) -39.76560 (e) 0.22997 (r) 0.32941 ] TJ -ET -Q -/R28 gs -0.13745 0.12280 0.12598 scn -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 50.11210 392.82900 Tm -[ (Figure) -245.88900 (4\056) -244.99100 (T) 35.02180 (raining) -245.98700 (on) ] TJ -/R12 8.96640 Tf -78.48090 0 Td -(ImageNet) Tj -/R14 8.96640 Tf -37.34410 0 Td -[ (\056) -308.98800 (Thin) -245.00900 (curv) 14.99740 (es) -245.98400 (denote) -246 (training) -245.01700 (error) 40.01760 (\054) -246.99400 (and) -245.98900 (bold) -245.00400 (curv) 14.99740 (es) -245.98400 (denote) -246 (v) 25.00660 (alidation) -245.01200 (error) -245.98700 (of) -245.98700 (the) -245.98100 (center) -245.98700 (crops\056) -309.01500 (Left\072) -307.98600 (plain) ] TJ --115.82500 -10.95860 Td -[ (netw) 10 (orks) -250.99100 (of) -250.99500 (18) -249.97800 (and) -251 (34) -250.98000 (layers\056) -311.98800 (Right\072) -312.02000 (ResNets) -249.99500 (of) -250.99400 (18) -250.98000 (and) -251 (34) -249.97800 (layers\056) -312.99000 (In) -250.99400 (this) -250 (plot\054) -250.98600 (the) -250.99100 (residual) -251.01000 (netw) 10 (orks) -249.98900 (ha) 20.01830 (v) 14.98650 (e) -250.99700 (no) -250.98000 (e) 15.01370 (xtra) -251.00200 (parameter) -250.02200 (compared) -251.00200 (to) ] TJ -10.95860 TL -T* -[ (their) -249.99300 (plain) -249.98000 (counterparts\056) ] TJ -ET -Q -/R80 gs -3.98000 w -0 j -0.13745 0.12280 0.12598 SCN -934.98800 3488.45000 m -2429.76000 3488.45000 l -S -1422.57000 3365.91000 m -1422.57000 3486.46000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 162.38200 340.20800 Tm -(plain) Tj -ET -Q -2004.39000 3365.91000 m -2004.39000 3486.46000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 208.60900 340.20800 Tm -(ResNet) Tj -ET -Q -934.98800 3363.92000 m -2429.76000 3363.92000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 101.46900 327.75400 Tm -[ (18) -249.97800 (layers) ] TJ -ET -Q -1422.57000 3241.38000 m -1422.57000 3361.93000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 161.26100 327.75400 Tm -(27\05694) Tj -ET -Q -2004.39000 3241.38000 m -2004.39000 3361.93000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 211.72000 327.75400 Tm -(27\05688) Tj --110.25100 -12.05350 Td -[ (34) -249.97800 (layers) ] TJ -ET -Q -1422.57000 3120.83000 m -1422.57000 3241.38000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 161.26100 315.70000 Tm -(28\05654) Tj -ET -Q -2004.39000 3120.83000 m -2004.39000 3241.38000 l -S -q -10 0 0 10 0 0 cm -BT -/R12 8.96640 Tf -1 0 0 1 211.72000 315.70000 Tm -(25\05603) Tj -ET -Q -934.98800 3118.84000 m -2429.76000 3118.84000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 50.11210 299.59200 Tm -[ (T) 79.98130 (able) -265.99500 (2\056) -266.99100 (T) 79.98130 (op\0551) -265.98200 (error) -265.98500 (\050\045\054) -269.98200 (10\055crop) -267.01700 (testing\051) -266.01300 (on) -266.01000 (ImageNet) -265.98600 (v) 25.00660 (alidation\056) ] TJ -10.95900 TL -T* -[ (Here) -245.90100 (the) -245.98100 (ResNets) -245.90000 (ha) 20.02100 (v) 14.98650 (e) -246.99100 (no) -246.01400 (e) 15.01100 (xtra) -245.99500 (parameter) -246.01300 (compared) -245.98900 (to) -246.00600 (their) -245.98700 (plain) ] TJ -T* -[ (counterparts\056) -309.79200 (Fig\056) -249.88600 (4) -249.97800 (sho) 25.01060 (ws) -249.98400 (the) -249.98800 (training) -249.98500 (procedures\056) ] TJ -/R14 9.96260 Tf -38.11450 TL -T* -[ (34\055layer) -313.90200 (plain) -312.98700 (net) -314.01900 (has) -313.90100 (higher) ] TJ -/R18 9.96260 Tf -119.65600 0 Td -[ (tr) 14.99140 (aining) ] TJ -/R14 9.96260 Tf -35.08630 0 Td -[ (error) -313.91800 (throughout) -312.88200 (the) ] TJ --154.74200 -11.95510 Td -[ (whole) -370 (training) -369.90900 (procedure\054) -398.99000 (e) 25.01050 (v) 14.98280 (en) -370.01500 (though) -369.98500 (the) -370.00900 (solution) -370.00900 (space) ] TJ -11.95550 TL -T* -[ (of) -358.99700 (the) -358.99100 (18\055layer) -358.99200 (plain) -359.99900 (netw) 10.00940 (ork) -358.99200 (is) -358.98500 (a) -359.00400 (subspace) -358.98400 (of) -358.99600 (that) -360.00400 (of) -358.99600 (the) ] TJ -T* -[ (34\055layer) -249.91200 (one\056) ] TJ -11.95510 -15.09730 Td -[ (W) 79.98730 (e) -345.00600 (ar) 17.98960 (gue) -344.99600 (that) -344.98700 (this) -343.99500 (optimization) -344.98200 (dif) 24.98600 (\223culty) -345.00600 (is) ] TJ -/R18 9.96260 Tf -181.66700 0 Td -[ (unlik) 10.01790 (ely) ] TJ -/R14 9.96260 Tf -34.87730 0 Td -(to) Tj --228.49900 -11.95630 Td -[ (be) -241.99800 (caused) -243.01500 (by) -241.98900 (v) 24.98110 (anishing) -242.00300 (gradients\056) -308.00100 (These) -241.99100 (plain) -242.01800 (netw) 10.00810 (orks) -243.00600 (are) ] TJ --0.00100 Tc -11.95630 TL -T* -[ (trained) -397.09200 (with) -398.11600 (BN) -397.09800 (\13316\135\054) -434.10800 (which) -397.08400 (ensures) -397.09400 (forw) 9.91256 (ard) -398.11700 (propagated) ] TJ -0 Tc -11.95510 TL -T* -[ (signals) -289.01700 (to) -288.01800 (ha) 19.99730 (v) 14.98280 (e) -289.01600 (non\055zero) -289.00600 (v) 24.98110 (ariances\056) -426.00700 (W) 79.98790 (e) -289.01600 (also) -288.01600 (v) 14.98280 (erify) -289.00800 (that) -288.99600 (the) ] TJ --0.00100 Tc -T* -[ (backw) 9.89479 (ard) -292.09700 (propag) 5.01877 (ated) -292.11300 (gradients) -292.00400 (e) 14.91300 (xhibit) -292.08400 (healthy) -293.10100 (norms) -292.11300 (with) ] TJ -0 Tc -T* -[ (BN\056) -387.01500 (So) -387.01400 (neither) -386.98200 (forw) 10 (ard) -386.99700 (nor) -386.98700 (backw) 10.00200 (ard) -386.99700 (signals) -387.00200 (v) 24.98110 (anish\056) -720.99500 (In) ] TJ -11.95630 TL -T* -[ (f) 9.99527 (act\054) -347 (the) -328.01600 (34\055layer) -326.99700 (plain) -328.00400 (net) -328.01600 (is) -326.99100 (still) -327.98900 (able) -327.00200 (to) -328.01100 (achie) 25.01540 (v) 14.98280 (e) -327.98900 (compet\055) ] TJ -11.95510 TL -T* -[ (iti) 24.99770 (v) 14.98280 (e) -367.00200 (accurac) 14.99690 (y) -366.01200 (\050T) 79.99030 (able) -366.99400 (3\051\054) -394.98900 (suggesting) -366.98900 (that) -366.98300 (the) -366.01000 (solv) 15 (er) -367.00500 (w) 10 (orks) ] TJ -T* -[ (to) -263.98300 (some) -264.01500 (e) 15.01280 (xtent\056) -353.01700 (W) 79.98790 (e) -264 (conjecture) -263.98700 (that) -264.02000 (the) -263.98800 (deep) -263.99300 (plain) -264.99500 (nets) -263.98000 (may) ] TJ -T* -[ (ha) 19.99730 (v) 14.98280 (e) -206.00900 (e) 15.01280 (xponentially) -205.99400 (lo) 24.98850 (w) -206.00200 (con) 40 (v) 14.98280 (er) 17.99330 (gence) -206.00700 (rates\054) -215.01800 (which) -205.99000 (impact) -205.98300 (the) ] TJ -258.75000 258.08200 Td -[ (reducing) -348.90700 (of) -350.01800 (the) -348.99300 (training) -349.01000 (error) ] TJ -/R14 6.97380 Tf -119.60400 3.61758 Td -(3) Tj -/R14 9.96260 Tf -3.98516 -3.61484 Td -[ (\056) -608.01100 (The) -348.99600 (reason) -350.01500 (for) -349 (such) -348.99100 (opti\055) ] TJ --123.58900 -11.95510 Td -[ (mization) -250.00200 (dif) 25.10370 (\223culties) -249.88000 (will) -250.01200 (be) -249.99700 (studied) -250.00700 (in) -249.98800 (the) -249.98800 (future\056) ] TJ -/R12 9.96260 Tf -17.93280 TL -T* -[ (Residual) -399.01900 (Netw) 10.11350 (orks\056) ] TJ -/R14 9.96260 Tf -91.96050 0 Td -[ (Ne) 15.01710 (xt) -399.02200 (we) -400.01200 (e) 25.01050 (v) 24.98110 (aluate) -398.98700 (18\055layer) -400.00700 (and) -398.98700 (34\055) ] TJ --91.96050 -11.95510 Td -[ (layer) -412.01000 (residual) -412.89200 (nets) -411.91700 (\050) ] TJ -/R18 9.96260 Tf -83.14770 0 Td -(ResNets) Tj -/R14 9.96260 Tf -32.09960 0 Td -[ (\051\056) -797.00400 (The) -412.00500 (baseline) -413.01000 (architectures) ] TJ --115.24700 -11.95510 Td -[ (are) -288.00300 (the) -288.88600 (same) -287.90300 (as) -287.98900 (the) -287.98400 (abo) 14.98280 (v) 14.98280 (e) -289.01600 (plain) -288.01100 (nets\054) -298.01400 (e) 15.01220 (xpect) -287.98100 (that) -288.01600 (a) -289.01600 (shortcut) ] TJ -11.95510 TL -T* -[ (connection) -292.90500 (is) -294.01700 (added) -293.00300 (to) -294.01700 (each) -293.02000 (pair) -293.98500 (of) -293.01000 (3) ] TJ -/R16 9.96260 Tf -149.39400 0 Td -(\327) Tj --0.00100 Tc -/R14 9.96260 Tf -7.74766 0 Td -[ (3) -294.08300 (\223lters) -293.11300 (as) -294.10800 (in) -294.09800 (Fig\056) -293.10800 (3) ] TJ -0 Tc --157.14200 -11.95630 Td -[ (\050right\051\056) -570.00500 (In) -337 (the) -336.99500 (\223rst) -337.01700 (comparison) -337.00700 (\050T) 79.98660 (able) -336.01700 (2) -336.99800 (and) -336.91900 (Fig\056) -337.01200 (4) -336.99800 (right\051\054) ] TJ -T* -[ (we) -269.99700 (use) -269.98700 (identity) -271.01400 (mapping) -270 (for) -269.99400 (all) -269.98400 (shortcuts) -270 (and) -271.00900 (zero\055padding) ] TJ -T* -[ (for) -228.00400 (increasing) -227.90300 (dimensions) -227.98600 (\050option) -227.89300 (A\051\056) -228.00100 (So) -227.98200 (the) 14.98770 (y) -227.99600 (ha) 19.99180 (v) 14.98280 (e) ] TJ -/R18 9.96260 Tf -203.89300 0 Td -[ (no) -227.99100 (e) 19.99180 (xtr) 14.98770 (a) ] TJ --203.89300 -11.95510 Td -[ (par) 14.99500 (ameter) ] TJ -/R14 9.96260 Tf -44.07420 0 Td -[ (compared) -249.90900 (to) -249.98500 (the) -249.98800 (plain) -250.01700 (counterparts\056) ] TJ --32.11910 -11.95510 Td -[ (W) 79.98660 (e) -488.00200 (ha) 19.99670 (v) 14.98280 (e) -488.00200 (three) -489.01600 (major) -488.02200 (observ) 24.99090 (ations) -488.01200 (from) -487.98700 (T) 79.99160 (able) -487.99200 (2) -489.01200 (and) ] TJ --11.95510 -11.95630 Td -[ (Fig\056) -341.01200 (4\056) -584.99300 (First\054) -363.98300 (the) -342.01400 (situation) -342.01600 (is) -340.98700 (re) 25.00560 (v) 14.98280 (ersed) -341.98200 (with) -341.01700 (residual) -342.00200 (learn\055) ] TJ -T* -[ (ing) -227.00400 (\205) -227.99600 (the) -227.01400 (34\055layer) -227.99400 (ResNet) -227.98200 (is) -227.00600 (better) -227.99100 (than) -227.00600 (the) -227.01100 (18\055layer) -227.99600 (ResNet) ] TJ -T* -[ (\050by) -275.98600 (2\0568\045\051\056) -386 (More) -275.90700 (importantly) 65.10190 (\054) -281.98700 (the) -275.98300 (34\055layer) -275.00800 (ResNet) -276.01300 (e) 15.01220 (xhibits) ] TJ -T* -[ (considerably) -231.89300 (lo) 24.98850 (wer) -232.00500 (training) -232.01000 (error) -232.01000 (and) -231.99600 (is) -231.98600 (generalizable) -231.99600 (to) -231.99100 (the) ] TJ -T* -[ (v) 24.98110 (alidation) -236.98500 (data\056) -305.98300 (This) -236.99700 (indicates) -236.99500 (that) -237.00500 (the) -237.99000 (de) 15.01710 (gradation) -236.99500 (problem) ] TJ -T* -[ (is) -348.98800 (well) -350.00800 (addressed) -348.99100 (in) -348.98800 (this) -349.99600 (setting) -349.00500 (and) -350.01500 (we) -349 (manage) -348.99100 (to) -350.01000 (obtain) ] TJ -11.95630 TL -T* -[ (accurac) 15.11510 (y) -249.99300 (g) 4.98446 (ains) -249.98300 (from) -249.98800 (increased) -249.99300 (depth\056) ] TJ -11.95510 -11.95510 Td -[ (Second\054) -341.01900 (compared) -322.91700 (to) -322.99300 (its) -322.98500 (plain) -322.98500 (counterpart\054) -340.98200 (the) -322.99500 (34\055layer) ] TJ -ET -Q -3088.62000 1096.08000 m -4033.61000 1096.08000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 5.97760 Tf -1 0 0 1 319.72100 102.74200 Tm -(3) Tj -/R14 7.97010 Tf -3.48711 -2.81328 Td -[ (W) 79.98030 (e) -232.01300 (ha) 19.99050 (v) 14.98520 (e) -230.98400 (e) 15.00360 (xperimented) -231.97700 (with) -232.00100 (more) -230.98400 (training) -232.01300 (iterations) -231.98900 (\0503) ] TJ -/R81 7.97010 Tf -173.02700 0 Td -(\327) Tj -/R14 7.97010 Tf -6.58750 0 Td -[ (\051) -232.00100 (and) -231.00900 (still) -231.98900 (ob\055) ] TJ --193.96100 -9.46367 Td -[ (serv) 15.00360 (ed) -371.02200 (the) -371.01600 (de) 14.99130 (gradation) -371.02200 (problem\054) -402.00900 (suggesting) -371.01600 (that) -371.00900 (this) -371.01600 (problem) -370.97900 (cannot) -370.98500 (be) ] TJ -9.46523 TL -T* -[ (feasibly) -249.89300 (addressed) -249.82000 (by) -249.98500 (simply) -249.97600 (using) -249.99400 (more) -250 (iterations\056) ] TJ -/R14 9.96260 Tf --13.74060 -29.88790 Td -(5) Tj -ET -Q -/R28 gs -Q -Q -q -1 0 0 1 0 0 cm -BT -/F1 12 Tf -14.40000 TL -ET -1 1 1 rg -n -270 46 72 14 re -f* -0.50000 0.50000 0.50000 rg -BT -/F2 9 Tf -10.80000 TL -ET -BT -1 0 0 1 299.25000 49 Tm -(774) Tj -T* -ET -Q - -endstream -endobj -139 0 obj -<< -/SA true -/Type /ExtGState ->> -endobj -140 0 obj -<< -/BM /Normal -/Type /ExtGState -/TK true -/UCR 30 0 R -/SA true -/BG 31 0 R -/OPM 1 ->> -endobj -141 0 obj -<< -/FirstChar 45 -/Widths [ 340 0 0 0 500 0 500 500 0 0 0 500 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 440 0 0 0 440 0 0 0 0 0 0 240 0 0 0 0 0 340 0 0 0 0 0 0 460 ] -/Encoding 142 0 R -/Type /Font -/BaseFont /FNFDAD+TT55o00 -/LastChar 121 -/ToUnicode 143 0 R -/FontDescriptor 144 0 R -/Subtype /Type1 ->> -endobj -142 0 obj -<< -/Type /Encoding -/BaseEncoding /WinAnsiEncoding -/Differences [ 52 /four ] ->> -endobj -143 0 obj -<< -/Length 214 -/Filter /FlateDecode ->> -stream -x]0 1xwY5˿LV?;5ԮM8{zdT\)PqmO UM} 1\Y{X堕auSA`Em1\YGXG;Q.UJ\H.P\4gl -endstream -endobj -144 0 obj -<< -/FontBBox [ -8 -220 465 700 ] -/FontName /FNFDAD+TT55o00 -/Descent -220 -/Flags 4 -/FontFile3 145 0 R -/Type /FontDescriptor -/StemV 69 -/Ascent 700 -/ItalicAngle 0 -/CharSet (\057a\057e\057eight\057four\057hyphen\057l\057one\057r\057three\057y) -/CapHeight 700 ->> -endobj -145 0 obj -<< -/Length 1460 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -x=qh϶ܖ8'+Y.vqm Ƴ"D+P"2\ -E~ψǝt0= TWw@7#{R{4y(Â3bUrf {!gcyB䒱$ a!S74tӍbtMDB,M؈vt;3<80 -Fh&e- JPD9iYF-cWRfl.먫][{r& 1*#E&Ih[tv͢??\WLi%z`{Wߞ=`՛_vNzݨ! m} ;-61=Zۈ=T5Ԏ2߬Wrn;?F(Y:._DVf"Yn'%A$ Q>©FW&})06H Q36'I]0lZW6&8 -T#Jx1o2()Y"i_!;,$OJl!h,ʽ#mOR"QX%.mh3g{'߀zqái}?ټ3%2ɫRJ̴K<%qX-Ѐ*"Wȣ̕[u^3ģ[|'ȯ+sBAYZv-am@9?uVnw[tC~S"}DT 6+GydQ3h26 GI:_zQ\؛;c'`j.lm/5V)E}esC+ @.$D^% Yp>I`v蕼P>ԥ?ݮ迴8\;4HR\s-W۲R‹Sm@>tڄE7{Ffܻ:?1'E&N|XiW> -endobj -147 0 obj -<< -/Type /Encoding -/BaseEncoding /WinAnsiEncoding -/Differences [ 2 /bracketleftbigg /bracketrightbigg /bracketlefttp /bracketleftbt /bracketrighttp /bracketrightbt ] ->> -endobj -148 0 obj -<< -/Length 170 -/Filter /FlateDecode ->> -stream -x] Ew?@6 ]l?0 >п/`:݃SOXVt"5V/S-֏ҿh -&`^KiXT$@1꿧z/LHD\$l 6~t(Px>7|n4RV -endstream -endobj -149 0 obj -<< -/FontBBox [ 0 -2359 659 40 ] -/FontName /JDLVQC+CMEX10 -/MissingWidth 500 -/Descent -2359 -/Flags 4 -/FontFile3 150 0 R -/Type /FontDescriptor -/StemV 98 -/Ascent 40 -/ItalicAngle 0 -/CharSet (\057bracketleftbigg\057bracketleftbt\057bracketlefttp\057bracketrightbigg\057bracketrightbt\057bracketrighttp) -/CapHeight 40 ->> -endobj -150 0 obj -<< -/Length 432 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -xcd`ab`dddwu041~H3avfnn5?zFƾ9+w_PYQc`j $  --u ,sS2|K2RsKԒJ+}rbt;): -% -AũEe) -ny% -~ -d&%&g䤦r@RI%ȜtdpI(Ȭh0O2lk/0~u- W ۡs.~Ȇ$("9 YEuzE?{P50p|<> WCSbSl4sܾ?Zj@Ѐ" SBϖ=;{ -_|6ߕwq'㳨Ke>I<<@ / -endstream -endobj -151 0 obj -<< -/Encoding /WinAnsiEncoding -/Type /Font -/Name /F2 -/BaseFont /Times-Roman -/Subtype /Type1 ->> -endobj -152 0 obj -<< -/Encoding /WinAnsiEncoding -/Type /Font -/Name /F1 -/BaseFont /Helvetica -/Subtype /Type1 ->> -endobj -153 0 obj -<< -/FirstChar 177 -/Widths [ 826 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 826 ] -/Encoding 154 0 R -/Type /Font -/BaseFont /VMZUZR+CMSY8 -/LastChar 215 -/FontDescriptor 155 0 R -/Subtype /Type1 ->> -endobj -154 0 obj -<< -/Type /Encoding -/BaseEncoding /WinAnsiEncoding -/Differences [ 177 /plusminus 215 /multiply ] ->> -endobj -155 0 obj -<< -/FontBBox [ 0 -16 766 692 ] -/FontName /VMZUZR+CMSY8 -/MissingWidth 500 -/Descent -16 -/Flags 4 -/FontFile3 156 0 R -/Type /FontDescriptor -/StemV 114 -/Ascent 692 -/ItalicAngle 0 -/CharSet (\057multiply\057plusminus) -/CapHeight 692 ->> -endobj -156 0 obj -<< -/Length 422 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -xcd`ab`ddds H3a9k7s7&B``bdjp/,L(Q105H -: -F -Eɉy -%%@NBp~rfjI%XMFII~yy^bn^~Q̒ ԢT|SS2Ksod`X0ZȝT?DO0Ijz㴺ߩ@=uz}[ot}Cc]SFiAuum-RuO6M;Py&vL1utm=R|79f;Cj'E`{Ѣj;ocݽZ;٫KKJvϖ;_[n:N;1/e -endstream -endobj -157 0 obj -<< -/Length 30546 ->> -stream -q -q -0.10000 0 0 0.10000 0 0 cm -/R75 gs -3.98000 w -/R11 CS -0.13745 0.12280 0.12598 SCN -884.60200 7198.01000 m -2480.13000 7198.01000 l -S -/R11 cs -0.13745 0.12280 0.12598 scn -q -10 0 0 10 0 0 cm -BT -/R14 7.97010 Tf -1 0 0 1 96.43090 711.16300 Tm -(model) Tj -ET -Q -1574.97000 7075.47000 m -1574.97000 7196.02000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 7.97010 Tf -1 0 0 1 165.66700 711.16300 Tm -[ (top\0551) -249.77700 (err) 54.98300 (\056) -2000.01000 (top\0555) -250.02200 (err) 54.98150 (\056) ] TJ -ET -Q -884.60200 7073.47000 m -2480.13000 7073.47000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 7.97010 Tf -1 0 0 1 96.43090 698.71000 Tm -[ (V) 15.01200 (GG\05516) -249.98700 (\13340\135) ] TJ -ET -Q -1574.97000 6950.93000 m -1574.97000 7071.48000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 170.18900 698.71000 Tm -[ (28\05607) -3035.88000 (9\05633) ] TJ -/R14 7.97010 Tf --73.75820 -12.05510 Td -[ (GoogLeNet) -249.67700 (\13343\135) ] TJ -ET -Q -1574.97000 6830.38000 m -1574.97000 6950.93000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 178.78300 686.65500 Tm -[ (\055) -3995.01000 (9\05615) ] TJ -/R14 7.97010 Tf --82.35230 -12.05510 Td -[ (PReLU\055net) -249.67600 (\13312\135) ] TJ -ET -Q -1574.97000 6709.84000 m -1574.97000 6830.39000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 170.18900 674.60000 Tm -[ (24\05627) -3035.88000 (7\05638) ] TJ -ET -Q -884.60200 6707.84000 m -2480.13000 6707.84000 l -S -884.60200 6683.93000 m -2480.13000 6683.93000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 7.97010 Tf -1 0 0 1 96.43090 659.75600 Tm -(plain\05534) Tj -ET -Q -1574.97000 6561.39000 m -1574.97000 6681.94000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 170.18900 659.75600 Tm -[ (28\05654) -2785.99000 (10\05602) ] TJ -/R14 7.97010 Tf --73.75820 -12.05470 Td -[ (ResNet\05534) -249.78300 (A) ] TJ -ET -Q -1574.97000 6440.84000 m -1574.97000 6561.39000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 170.18900 647.70100 Tm -[ (25\05603) -3035.88000 (7\05676) ] TJ -/R14 7.97010 Tf --73.75820 -12.05510 Td -[ (ResNet\05534) -249.78300 (B) ] TJ -ET -Q -1574.97000 6320.30000 m -1574.97000 6440.85000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 170.18900 635.64600 Tm -[ (24\05652) -3035.88000 (7\05646) ] TJ -/R14 7.97010 Tf --73.75820 -12.05510 Td -[ (ResNet\05534) -249.78300 (C) ] TJ -ET -Q -1574.97000 6199.75000 m -1574.97000 6320.30000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 170.18900 623.59100 Tm -[ (24\05619) -3035.88000 (7\05640) ] TJ -ET -Q -884.60200 6197.75000 m -2480.13000 6197.75000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 7.97010 Tf -1 0 0 1 96.43090 611.13800 Tm -(ResNet\05550) Tj -ET -Q -1574.97000 6075.21000 m -1574.97000 6195.76000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 170.18900 611.13800 Tm -[ (22\05685) -3035.88000 (6\05671) ] TJ -/R14 7.97010 Tf --73.75820 -12.05470 Td -(ResNet\055101) Tj -ET -Q -1574.97000 5954.67000 m -1574.97000 6075.22000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 170.18900 599.08300 Tm -[ (21\05675) -3035.88000 (6\05605) ] TJ -/R14 7.97010 Tf --73.75820 -12.05510 Td -(ResNet\055152) Tj -ET -Q -1574.97000 5834.12000 m -1574.97000 5954.67000 l -S -q -10 0 0 10 0 0 cm -BT -/R12 8.96640 Tf -1 0 0 1 170.18900 587.02800 Tm -[ (21\05643) -3035.88000 (5\05671) ] TJ -ET -Q -884.60200 5832.12000 m -2480.13000 5832.12000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 50.11210 570.85800 Tm -[ (T) 79.98130 (able) -283.98800 (3\056) -282.98000 (Error) -284.00700 (rates) -282.99600 (\050\045\054) ] TJ -/R12 8.96640 Tf -87.75590 0 Td -[ (10\055cr) 18.11500 (op) ] TJ -/R14 8.96640 Tf -31.76450 0 Td -[ (testing\051) -284.00600 (on) -283 (ImageNet) -283.97800 (v) 25.00660 (alidation\056) ] TJ --119.52000 -10.95860 Td -[ (V) 15.02050 (GG\05516) -273.01500 (is) -273.01100 (based) -274.01700 (on) -272.98100 (our) -272.99600 (test\056) -379.99500 (ResNet\05550\057101\057152) -273 (are) -272.98900 (of) -272.99500 (option) -273.00800 (B) ] TJ -10.95860 TL -T* -[ (that) -249.98000 (only) -250.01400 (uses) -249.98900 (projections) -249.78200 (for) -250.00700 (increasing) -249.81000 (dimensions\056) ] TJ -ET -Q -591.30100 5369.33000 m -2773.45000 5369.33000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 7.97010 Tf -1 0 0 1 67.10000 528.29600 Tm -(method) Tj -ET -Q -1868.28000 5246.79000 m -1868.28000 5367.34000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 7.97010 Tf -1 0 0 1 194.99700 528.29600 Tm -[ (top\0551) -249.92400 (err) 54.98150 (\056) -2000.01000 (top\0555) -250.02200 (err) 54.98150 (\056) ] TJ -ET -Q -591.30100 5244.80000 m -2773.45000 5244.80000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 67.10000 515.84200 Tm -[ (V) 15.02050 (GG) -249.98800 (\13340\135) -250.00700 (\050ILSVRC\22014\051) ] TJ -ET -Q -1868.28000 5122.26000 m -1868.28000 5242.81000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 208.11400 515.84200 Tm -[ (\055) -3776 (8\05643) ] TJ -/R89 5.97760 Tf -52.53200 3.80898 Td -(\201) Tj -/R14 8.96640 Tf --193.54600 -15.86330 Td -[ (GoogLeNet) -249.90200 (\13343\135) -250.00700 (\050ILSVRC\22014\051) ] TJ -ET -Q -1868.28000 5001.71000 m -1868.28000 5122.26000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 208.11400 503.78800 Tm -[ (\055) -3995.01000 (7\05689) ] TJ -ET -Q -591.30100 4999.72000 m -2773.45000 4999.72000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 67.10000 491.33400 Tm -[ (V) 15.02050 (GG) -249.98800 (\13340\135) ] TJ -/R14 7.97010 Tf -38.70780 0 Td -(\050v5\051) Tj -ET -Q -1868.28000 4877.18000 m -1868.28000 4997.73000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 201.76100 491.33400 Tm -[ (24\0564) -3535.88000 (7\0561) ] TJ --134.66100 -12.05510 Td -[ (PReLU\055net) -249.78600 (\13312\135) ] TJ -ET -Q -1868.28000 4756.63000 m -1868.28000 4877.18000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 199.51900 479.27900 Tm -[ (21\05659) -3035.88000 (5\05671) ] TJ --132.42000 -12.05510 Td -[ (BN\055inception) -249.91300 (\13316\135) ] TJ -ET -Q -1868.28000 4636.08000 m -1868.28000 4756.63000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 199.51900 467.22500 Tm -[ (21\05699) -3035.88000 (5\05681) ] TJ -ET -Q -591.30100 4634.09000 m -2773.45000 4634.09000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 67.10000 454.77100 Tm -[ (ResNet\05534) -249.88300 (B) ] TJ -ET -Q -1868.28000 4511.55000 m -1868.28000 4632.10000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 199.51900 454.77100 Tm -[ (21\05684) -3035.88000 (5\05671) ] TJ --132.42000 -12.05550 Td -[ (ResNet\05534) -249.88300 (C) ] TJ -ET -Q -1868.28000 4391 m -1868.28000 4511.55000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 199.51900 442.71600 Tm -[ (21\05653) -3035.88000 (5\05660) ] TJ --132.42000 -12.05550 Td -(ResNet\05550) Tj -ET -Q -1868.28000 4270.45000 m -1868.28000 4391 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 199.51900 430.66100 Tm -[ (20\05674) -3035.88000 (5\05625) ] TJ --132.42000 -12.05350 Td -(ResNet\055101) Tj -ET -Q -1868.28000 4149.90000 m -1868.28000 4270.45000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 199.51900 418.60700 Tm -[ (19\05687) -3035.88000 (4\05660) ] TJ --132.42000 -12.05550 Td -(ResNet\055152) Tj -ET -Q -1868.28000 4029.35000 m -1868.28000 4149.90000 l -S -q -10 0 0 10 0 0 cm -BT -/R12 8.96640 Tf -1 0 0 1 199.51900 406.55200 Tm -[ (19\05638) -3035.88000 (4\05649) ] TJ -ET -Q -591.30100 4027.36000 m -2773.45000 4027.36000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 50.11210 389.88300 Tm -[ (T) 79.98130 (able) -291.00200 (4\056) -289.99400 (Error) -291.02100 (rates) -291.01200 (\050\045\051) -290.01400 (of) ] TJ -/R12 8.96640 Tf -98.81760 0 Td -(single\055model) Tj -/R14 8.96640 Tf -50.92460 0 Td -[ (results) -290.97900 (on) -290.01500 (the) -290.98400 (ImageNet) ] TJ --149.74300 -10.95900 Td -[ (v) 25.00660 (alidation) -249.98100 (set) -249.98400 (\050e) 14.99740 (xcept) ] TJ -/R89 5.97760 Tf -78.58120 3.80898 Td -(\201) Tj -/R14 8.96640 Tf -6.17188 -3.80898 Td -[ (reported) -249.99200 (on) -249.97800 (the) -249.98800 (test) -250.01800 (set\051\056) ] TJ -ET -Q -608.17200 3658.25000 m -2756.57000 3658.25000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 7.97010 Tf -1 0 0 1 72.77190 357.18700 Tm -(method) Tj -ET -Q -1964.85000 3535.71000 m -1964.85000 3656.26000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 208.64000 357.18700 Tm -[ (top\0555) -249.98400 (err) 55.10750 (\056) -309.99000 (\050) ] TJ -/R12 8.96640 Tf -38.63630 0 Td -(test) Tj -/R14 8.96640 Tf -13.43980 0 Td -(\051) Tj -ET -Q -608.17200 3533.72000 m -2756.57000 3533.72000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 72.77190 344.73400 Tm -[ (V) 15.02050 (GG) -249.98800 (\13340\135) -250.00700 (\050ILSVRC\22014\051) ] TJ -ET -Q -1964.85000 3411.18000 m -1964.85000 3531.73000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 228.32500 344.73400 Tm -(7\05632) Tj --155.55300 -12.05550 Td -[ (GoogLeNet) -249.90200 (\13343\135) -250.00700 (\050ILSVRC\22014\051) ] TJ -ET -Q -1964.85000 3290.63000 m -1964.85000 3411.18000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 228.32500 332.67900 Tm -(6\05666) Tj -ET -Q -608.17200 3288.64000 m -2756.57000 3288.64000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 72.77190 320.22600 Tm -[ (V) 15.02050 (GG) -249.98800 (\13340\135) ] TJ -/R14 7.97010 Tf -38.70820 0 Td -(\050v5\051) Tj -ET -Q -1964.85000 3166.09000 m -1964.85000 3286.64000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 230.56700 320.22600 Tm -(6\0568) Tj --157.79500 -12.05550 Td -[ (PReLU\055net) -249.78600 (\13312\135) ] TJ -ET -Q -1964.85000 3045.55000 m -1964.85000 3166.10000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 228.32500 308.17100 Tm -(4\05694) Tj --155.55300 -12.05550 Td -[ (BN\055inception) -249.91300 (\13316\135) ] TJ -ET -Q -1964.85000 2925 m -1964.85000 3045.55000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 228.32500 296.11600 Tm -(4\05682) Tj -ET -Q -608.17200 2923.01000 m -2756.57000 2923.01000 l -S -q -10 0 0 10 0 0 cm -BT -/R12 8.96640 Tf -1 0 0 1 72.77190 283.66300 Tm -[ (ResNet) -249.91400 (\050ILSVRC\22015\051) ] TJ -ET -Q -1964.85000 2800.46000 m -1964.85000 2921.01000 l -S -q -10 0 0 10 0 0 cm -BT -/R12 8.96640 Tf -1 0 0 1 228.32500 283.66300 Tm -(3\05657) Tj -ET -Q -608.17200 2798.47000 m -2756.57000 2798.47000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 50.11210 267.05700 Tm -[ (T) 79.98130 (able) -316.00900 (5\056) -317.00400 (Error) -315.98400 (rates) -317.02000 (\050\045\051) -315.97900 (of) ] TJ -/R12 8.96640 Tf -100.20600 0 Td -(ensembles) Tj -/R14 8.96640 Tf -38.85120 0 Td -[ (\056) -508.99700 (The) -317.00700 (top\0555) -315.98500 (error) -317.00100 (is) -316.01000 (on) -316.98200 (the) ] TJ --139.05700 -10.95860 Td -[ (test) -250.01900 (set) -249.98400 (of) -249.99300 (ImageNet) -249.99700 (and) -249.99700 (reported) -249.99200 (by) -249.97800 (the) -249.98800 (test) -250.01900 (serv) 15 (er) 54.99050 (\056) ] TJ -/R14 9.96260 Tf -34.72150 TL -T* -[ (ResNet) -248.99600 (reduces) -249.91900 (the) -249.01000 (top\0551) -248.99900 (error) -248.98700 (by) -249.98800 (3\0565\045) -249.00300 (\050T) 79.98660 (able) -248.89700 (2\051\054) -249.99300 (resulting) ] TJ -11.95510 TL -T* -[ (from) -227.99100 (the) -227.99300 (successfully) -227.89100 (reduced) -227.88500 (training) -227.89300 (error) -228.01100 (\050Fig\056) -228.01300 (4) -227.91800 (right) ] TJ -/R18 9.96260 Tf -225.46100 0 Td -(vs) Tj -/R14 9.96260 Tf -8.29766 0 Td -(\056) Tj --233.75900 -11.95630 Td -[ (left\051\056) -390.00700 (This) -276.01000 (comparison) -276.90100 (v) 14.98280 (eri\223es) -276.01600 (the) -277.00500 (ef) 25.00810 (fecti) 25.01790 (v) 14.98280 (eness) -275.98600 (of) -277.01000 (residual) ] TJ -11.95590 TL -T* -[ (learning) -249.90200 (on) -249.98800 (e) 15.01280 (xtremely) -250.01200 (deep) -249.99600 (systems\056) ] TJ -11.95510 -13.40080 Td -[ (Last\054) -391.01700 (we) -364.01900 (also) -362.98500 (note) -362.98600 (that) -362.98400 (the) -362.99100 (18\055layer) -364.01000 (plain\057residual) -362.99100 (nets) ] TJ --11.95510 -11.95510 Td -[ (are) -258.98800 (comparably) -257.89400 (accurate) -258.98900 (\050T) 79.98790 (able) -259.01200 (2\051\054) -261.01200 (b) 20.00160 (ut) -257.98900 (the) -259.00800 (18\055layer) -259.00800 (ResNet) ] TJ -11.95510 TL -T* -[ (con) 39.99880 (v) 14.98280 (er) 17.99390 (ges) -263.98800 (f) 9.99527 (aster) -265.01300 (\050Fig\056) -264.00900 (4) -263.99000 (right) ] TJ -/R18 9.96260 Tf -117.75200 0 Td -(vs) Tj -/R14 9.96260 Tf -8.29883 0 Td -[ (\056) -263.99300 (left\051\056) -352.99400 (When) -263.98800 (the) -265.00700 (net) -263.98800 (is) -263.98300 (\215not) ] TJ --126.05100 -11.95630 Td -[ (o) 14.98280 (v) 14.98280 (erly) -217.01800 (deep\216) -218.00600 (\05018) -217.01500 (layers) -217.99700 (here\051\054) -224.00900 (the) -217.01500 (current) -216.98100 (SGD) -217.98300 (solv) 15 (er) -216.99100 (is) -217.99100 (still) ] TJ -11.95630 TL -T* -[ (able) -257.01200 (to) -257.00400 (\223nd) -256.99100 (good) -256.99600 (solutions) -257.00100 (to) -257.00400 (the) -255.98900 (plain) -256.99600 (net\056) -330.99400 (In) -257.01300 (this) -256.99100 (case\054) -258.98100 (the) ] TJ -T* -[ (ResNet) -330.98300 (eases) -331.00500 (the) -330.91800 (optimization) -330.98400 (by) -330.99400 (pro) 14.98520 (viding) -331.98900 (f) 9.99588 (aster) -331.00100 (con) 39.99820 (v) 14.98280 (er) 19.99420 (\055) ] TJ -11.95510 TL -T* -[ (gence) -250 (at) -249.99400 (the) -249.99000 (early) -249.99700 (stage\056) ] TJ -/R12 9.96260 Tf -19.37930 TL -(Identity) ' -/R91 9.96260 Tf -37.80230 0 Td -(vs) Tj -/R12 9.96260 Tf -8.29883 0 Td -[ (\056) -404.98900 (Pr) 17.99210 (ojection) -405.99500 (Shortcuts\056) ] TJ -/R14 9.96260 Tf -105.83200 0 Td -[ (W) 79.98660 (e) -404.99600 (ha) 19.99670 (v) 14.98280 (e) -406.01600 (sho) 24.99340 (wn) -404.98400 (that) ] TJ -ET -Q -1 1 1 scn -4163.12000 6490.18000 1182.81000 709.83200 re -f -4553.35000 6838.18000 479.03900 70.62110 re -f -/R23 gs -4.55000 w -1 J -1 j -0 0 0 SCN -4553.35000 6838.18000 479.03900 70.62110 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00181 Tc -/R93 6.04260 Tf -0.99954 0 0 1 470.33200 685.56500 Tm -[ <02> 0.34763 <03> 0.08893 <02> -11.68190 <04> 11.52830 <0506> 0.34763 <07> 0.35571 ] TJ -ET -Q -1 1 1 scn -4553.35000 6981.60000 479.03900 70.61720 re -f -4553.35000 6981.60000 479.03900 70.61720 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00181 Tc -/R93 6.04260 Tf -0.99954 0 0 1 470.33200 699.90700 Tm -[ <08> 0.34763 <03> 0.08893 <08> -11.68190 <04> 11.52830 <0506> 0.34763 <07> 0.35571 ] TJ -ET -Q -4792.87000 6981.60000 m -4792.87000 6930.64000 l -S -4792.87000 6910.98000 m -4779.76000 6937.19000 l -4787.77000 6932.82000 4797.96000 6932.82000 4805.97000 6937.19000 c -4792.87000 6910.98000 l -f* -4792.87000 7162.88000 m -4792.87000 7072.60000 l -S -4792.87000 7052.22000 m -4779.76000 7079.16000 l -4787.77000 7074.79000 4797.96000 7074.79000 4805.97000 7079.16000 c -4792.87000 7052.22000 l -f* -4792.87000 6719.51000 m -4792.87000 6667.09000 l -S -4792.87000 6646.71000 m -4779.76000 6673.64000 l -4787.77000 6669.27000 4797.96000 6669.27000 4805.97000 6673.64000 c -4792.87000 6646.71000 l -f* -1 1 1 scn -4829.27000 6610.30000 m -4829.27000 6629.96000 4813.25000 6646.71000 4792.87000 6646.71000 c -4772.48000 6646.71000 4755.74000 6629.96000 4755.74000 6610.30000 c -4755.74000 6589.92000 4772.48000 6573.18000 4792.87000 6573.18000 c -4813.25000 6573.18000 4829.27000 6589.92000 4829.27000 6610.30000 c -f* -4829.27000 6610.30000 m -4829.27000 6629.96000 4813.25000 6646.71000 4792.87000 6646.71000 c -4772.48000 6646.71000 4755.74000 6629.96000 4755.74000 6610.30000 c -4755.74000 6589.92000 4772.48000 6573.18000 4792.87000 6573.18000 c -4813.25000 6573.18000 4829.27000 6589.92000 4829.27000 6610.30000 c -h -S -4774.67000 6610.30000 m -4811.07000 6610.30000 l -S -4792.87000 6591.38000 m -4792.87000 6628.51000 l -S -4792.87000 6573.18000 m -4792.87000 6519.30000 l -S -0 0 0 scn -4792.87000 6499.64000 m -4779.76000 6525.85000 l -4787.77000 6521.49000 4797.96000 6521.49000 4805.97000 6525.85000 c -4792.87000 6499.64000 l -f* -4829.27000 7125.75000 m -5285.01000 7125.75000 5359.27000 6990.34000 5332.34000 6801.05000 c -5320.69000 6712.96000 5286.47000 6613.22000 4849.65000 6610.30000 c -S -4829.27000 6610.30000 m -4856.20000 6596.47000 l -4851.84000 6605.21000 4851.84000 6614.67000 4856.20000 6623.41000 c -4829.27000 6610.30000 l -f* -4792.87000 7125.75000 m -4829.27000 7125.75000 l -S -q -10 0 0 10 0 0 cm -BT -0.00218 Tc -/R95 5.46020 Tf -0.99954 0 0 1 482.41700 693.79200 Tm -[ <02> -0.32208 <03> -0.34892 <04> -13.92990 <05> ] TJ -ET -Q -1 1 1 scn -4553.35000 6694.76000 479.03900 70.60940 re -f -4553.35000 6694.76000 479.03900 70.60940 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00121 Tc -/R93 6.04260 Tf -0.99954 0 0 1 468.80300 671.22300 Tm -[ <08> 0.34763 <0308> 0.34763 <040509> 0.34763 <0a> -11.53640 <06> 0.34763 ] TJ -ET -Q -4792.87000 6837.45000 m -4792.87000 6785.76000 l -S -4792.87000 6765.37000 m -4779.76000 6792.31000 l -4787.77000 6787.94000 4797.96000 6787.94000 4805.97000 6792.31000 c -4792.87000 6765.37000 l -f* -q -10 0 0 10 0 0 cm -BT -0.00218 Tc -/R95 5.46020 Tf -0.99954 0 0 1 482.41700 679.37700 Tm -[ <02> -0.32208 <03> -0.34892 <04> -13.92990 <05> ] TJ -26.57300 TL -T* -[ <02> -0.32208 <03> -0.34892 <04> -13.92990 <05> ] TJ -ET -Q -1 1 1 scn -3338.03000 6490.18000 879.68800 709.83200 re -f -3352.10000 6941.56000 479.03900 110.66000 re -f -3352.10000 6941.56000 479.03900 110.66000 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00181 Tc -/R93 6.04260 Tf -0.99954 0 0 1 350.20700 697.94100 Tm -[ <02> 0.34763 <0302> -11.55660 <04> 11.52830 <0506> 0.34763 <07> 0.34359 ] TJ -ET -Q -1 1 1 scn -3352.10000 6720.24000 479.03900 110.66000 re -f -3352.10000 6720.24000 479.03900 110.66000 re -S -0 0 0 scn -q -10 0 0 10 0 0 cm -BT --0.00181 Tc -/R93 6.04260 Tf -0.99954 0 0 1 350.20700 675.80900 Tm -[ <02> 0.34763 <0302> -11.55660 <04> 11.52830 <0506> 0.34763 <07> 0.34359 ] TJ -ET -Q -3591.62000 6941.56000 m -3591.62000 6851.28000 l -S -3591.62000 6830.90000 m -3578.52000 6857.83000 l -3586.52000 6853.47000 3596.72000 6853.47000 3604.72000 6857.83000 c -3591.62000 6830.90000 l -f* -3591.62000 7162.88000 m -3591.62000 7072.60000 l -S -3591.62000 7052.22000 m -3578.52000 7079.16000 l -3586.52000 7074.79000 3596.72000 7074.79000 3604.72000 7079.16000 c -3591.62000 7052.22000 l -f* -3591.62000 6720.24000 m -3591.62000 6667.09000 l -S -3591.62000 6646.71000 m -3578.52000 6673.64000 l -3586.52000 6669.27000 3596.72000 6669.27000 3604.72000 6673.64000 c -3591.62000 6646.71000 l -f* -1 1 1 scn -3628.02000 6610.30000 m -3628.02000 6629.96000 3612.01000 6646.71000 3591.62000 6646.71000 c -3571.24000 6646.71000 3554.49000 6629.96000 3554.49000 6610.30000 c -3554.49000 6589.92000 3571.24000 6573.18000 3591.62000 6573.18000 c -3612.01000 6573.18000 3628.02000 6589.92000 3628.02000 6610.30000 c -f* -3628.02000 6610.30000 m -3628.02000 6629.96000 3612.01000 6646.71000 3591.62000 6646.71000 c -3571.24000 6646.71000 3554.49000 6629.96000 3554.49000 6610.30000 c -3554.49000 6589.92000 3571.24000 6573.18000 3591.62000 6573.18000 c -3612.01000 6573.18000 3628.02000 6589.92000 3628.02000 6610.30000 c -h -S -3573.42000 6610.30000 m -3609.82000 6610.30000 l -S -3591.62000 6591.38000 m -3591.62000 6628.51000 l -S -3591.62000 6573.18000 m -3591.62000 6519.30000 l -S -0 0 0 scn -3591.62000 6499.64000 m -3578.52000 6525.85000 l -3586.52000 6521.49000 3596.72000 6521.49000 3604.72000 6525.85000 c -3591.62000 6499.64000 l -f* -3628.02000 7125.75000 m -4083.77000 7125.75000 4158.03000 6990.34000 4131.09000 6801.05000 c -4119.44000 6712.96000 4085.22000 6613.22000 3648.41000 6610.30000 c -S -3628.02000 6610.30000 m -3654.96000 6596.47000 l -3650.59000 6605.21000 3650.59000 6614.67000 3654.96000 6623.41000 c -3628.02000 6610.30000 l -f* -3591.62000 7125.75000 m -3628.02000 7125.75000 l -S -q -10 0 0 10 0 0 cm -BT -0.00218 Tc -/R95 5.46020 Tf -0.99954 0 0 1 362.29300 652.80400 Tm -[ <02> -0.31761 <03> -0.34892 <04> -13.92550 <05> ] TJ -0 36.91090 Td -[ <02> -0.31761 <03> -0.34892 <04> -13.92550 <05> ] TJ -2.84036 25.91800 Td -[ <06> -0.16551 <07> -0.16551 <08> -0.35787 <09> ] TJ -118.80500 0 Td -[ <0a> -0.16104 <0b> -0.16104 <06> -0.16104 <08> -0.35787 <09> ] TJ -ET -Q -/R28 gs -0.13745 0.12280 0.12598 scn -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 308.86200 628.09600 Tm -[ (Figure) -395.88400 (5\056) -395.98800 (A) -396.02100 (deeper) -395.99300 (residual) -395.99300 (function) ] TJ -/R97 8.96640 Tf -140.08200 0 Td -(F) Tj -/R14 8.96640 Tf -11.04840 0 Td -[ (for) -395.90600 (ImageNet\056) -747.88800 (Left\072) -602.00900 (a) ] TJ --151.13000 -10.95900 Td -[ (b) 19.99650 (uilding) -302.01500 (block) -302.00600 (\050on) -302.00900 (56) ] TJ -/R97 8.96640 Tf -78.68010 0 Td -(\327) Tj -/R14 8.96640 Tf -7.16758 0 Td -[ (56) -301.99600 (feature) -301.98500 (maps\051) -302.01700 (as) -302.01200 (in) -301.98500 (Fig\056) -301.99000 (3) -301.99600 (for) -301.89200 (ResNet\055) ] TJ --85.84770 -10.95860 Td -[ (34\056) -309.99000 (Right\072) -309.88400 (a) -249.99700 (\215bottleneck\216) -250.00300 (b) 19.99650 (uilding) -249.99500 (block) -249.98900 (for) -250.00600 (ResNet\05550\057101\057152\056) ] TJ -/R14 9.96260 Tf -27.27030 TL -T* -[ (parameter) 20.11430 (\055free\054) -337.88200 (identity) -321.00500 (shortcuts) -319.91200 (help) -320.99100 (with) -319.88300 (training\056) -522.00100 (Ne) 15.01710 (xt) ] TJ --0.00100 Tc -11.95550 TL -T* -[ (we) -238.08300 (in) 39.88300 (v) 14.88230 (estigate) -237.09300 (projection) -238.10700 (shortcuts) -238.08300 (\050Eqn\056\0502\051\051\056) -306.11600 (In) -237.09800 (T) 79.88860 (able) -238.08300 (3) -238.09300 (w) -0.09802 (e) ] TJ -0 Tc -T* -[ (compare) -235.91700 (three) -236 (options\072) -302.88300 (\050A\051) -236.00500 (zero\055padding) -235.90200 (shortcuts) -236.90700 (are) -235.89200 (used) ] TJ -T* -[ (for) -290.89500 (increasing) -290.01000 (dimensions\054) -300.91100 (and) -291.00500 (all) -289.98100 (shortcuts) -290.89800 (are) -290.90200 (parameter) 20.11430 (\055) ] TJ -T* -[ (free) -431.00200 (\050the) -429.88400 (same) -431.01600 (as) -430.00400 (T) 79.99160 (able) -431.10200 (2) -430.98200 (and) -430.00200 (Fig\056) -430.99700 (4) -430.00200 (right\051\073) -520.98700 (\050B\051) -431.02100 (projec\055) ] TJ -11.95630 TL -T* -[ (tion) -238.99400 (shortcuts) -237.88700 (are) -238.91400 (used) -239.00700 (for) -237.88200 (increasing) -239 (dimensions\054) -240.88100 (and) -239.01400 (other) ] TJ -11.95510 TL -T* -[ (shortcuts) -250.00200 (are) -250.01000 (identity\073) -249.99000 (and) -249.91400 (\050C\051) -249.99300 (all) -249.98800 (shortcuts) -250.00200 (are) -250.00700 (projections\056) ] TJ -11.95510 -12.66450 Td -[ (T) 79.99160 (able) -224 (3) -223.01700 (sho) 24.99340 (ws) -223.99200 (that) -223.00700 (all) -223.99200 (three) -222.98200 (options) -224.00200 (are) -222.99200 (considerably) -224.01200 (bet\055) ] TJ --11.95510 -11.95510 Td -[ (ter) -200.00600 (than) -201.01300 (the) -199.99800 (plain) -199.98600 (counterpart\056) -293.89200 (B) -199.99100 (is) -200 (slightly) -201.01500 (better) -199.99600 (than) -199.99100 (A\056) -200.98100 (W) 79.98660 (e) ] TJ -11.95630 TL -T* -[ (ar) 17.98960 (gue) -279.00700 (that) -280.01700 (this) -278.98800 (is) -279 (because) -279.99500 (the) -279.98300 (zero\055padded) -279.01200 (dimensions) -278.99800 (in) -280.02200 (A) ] TJ -T* -[ (indeed) -195.01200 (ha) 19.99670 (v) 14.98280 (e) -196.01100 (no) -195.01600 (residual) -195.00700 (learning\056) -292.01000 (C) -195.01200 (is) -194.98200 (mar) 18.00190 (ginally) -194.99200 (better) -195.99700 (than) ] TJ -T* -[ (B\054) -308.99300 (and) -309.00200 (we) -309.01000 (attrib) 20.01630 (ute) -309 (this) -308.98300 (to) -308.99700 (the) -308.99700 (e) 15.01220 (xtra) -309.00200 (parameters) -309.00200 (introduced) ] TJ -T* -[ (by) -302.99800 (man) 14.99010 (y) -303.00300 (\050thirteen\051) -304.01500 (projection) -303.99800 (shortcuts\056) -468.98500 (But) -302.98400 (the) -303.97900 (small) -303.01800 (dif\055) ] TJ -11.95550 TL -T* -[ (ferences) -213.89800 (among) -213.00100 (A\057B\057C) -213.88100 (indicate) -213.98400 (that) -213.00900 (projection) -213.89600 (shortcuts) -213.89100 (are) ] TJ -T* -[ (not) -217.00500 (essential) -215.90000 (for) -216.98600 (addressing) -216.91500 (the) -216.11100 (de) 15.01710 (gradation) -216.99800 (problem\056) -299.01900 (So) -217.00300 (we) ] TJ -T* -[ (do) -227.01100 (not) -225.98400 (use) -227.01400 (option) -226.00600 (C) -227.00900 (in) -227.01600 (the) -225.99200 (rest) -227.01600 (of) -227.02100 (this) -226.01600 (paper) 39.99330 (\054) -231.01500 (to) -227.01600 (reduce) -226.98700 (mem\055) ] TJ -T* -[ (ory\057time) -241.88400 (comple) 14.99750 (xity) -241.89600 (and) -241.99400 (model) -242.01400 (sizes\056) -306.91400 (Identity) -242.00900 (shortcuts) -242.00400 (are) ] TJ -T* -[ (particularly) -302.90500 (important) -302.88800 (for) -303.00800 (not) -302.98900 (increasing) -302.91000 (the) -302.99800 (comple) 15.11510 (xity) -302.98400 (of) ] TJ -T* -[ (the) -249.99000 (bottleneck) -250.00700 (architectures) -249.90900 (that) -249.98300 (are) -250.00700 (introduced) -249.89000 (belo) 24.99090 (w) 65.01370 (\056) ] TJ -/R12 9.96260 Tf -18.64180 TL -T* -[ (Deeper) -341.98200 (Bottleneck) -343.00700 (Ar) 17.99450 (chitectur) 18.00680 (es\056) ] TJ -/R14 9.96260 Tf -148.70500 0 Td -[ (Ne) 15.01710 (xt) -342.01200 (we) -343.00200 (describe) -342.01600 (our) ] TJ --148.70500 -11.95510 Td -[ (deeper) -208.91400 (nets) -209.98900 (for) -208.98700 (ImageNet\056) -296.91600 (Because) -209.01900 (of) -208.98500 (concerns) -210 (on) -209.01400 (the) -209.99400 (train\055) ] TJ -11.95510 TL -T* -[ (ing) -310.99000 (time) -309.88700 (that) -311.11000 (we) -311.00900 (can) -311.00900 (af) 25.00810 (ford\054) -326.01900 (we) -309.98700 (modify) -311.01700 (the) -310.99700 (b) 20.00160 (uilding) -311.00700 (block) ] TJ -11.95630 TL -T* -[ (as) -323.00200 (a) ] TJ -/R18 9.96260 Tf -19.15510 0 Td -[ (bottlenec) 19.98200 (k) ] TJ -/R14 9.96260 Tf -44.13320 0 Td -(design) Tj -/R14 6.97380 Tf -26.01170 3.62188 Td -(4) Tj -/R14 9.96260 Tf -3.98477 -3.61602 Td -[ (\056) -529.00700 (F) 14.99260 (or) -321.98500 (each) -323.01500 (residual) -322.98500 (function) ] TJ -/R16 9.96260 Tf -117.31000 0 Td -(F) Tj -3.39725 Tc -/R14 9.96260 Tf -8.15039 0 Td -[ (\054w) 341.00200 (e) ] TJ -0 Tc --218.74500 -11.95510 Td -[ (use) -229.01300 (a) -228.98600 (stack) -229.01100 (of) -229.99800 (3) -229.01600 (layers) -229.01300 (instead) -229.00100 (of) -229.02100 (2) -229.01600 (\050Fig\056) -228.91800 (5\051\056) -303.00300 (The) -229.99600 (three) -228.98100 (layers) ] TJ -11.95510 TL -T* -[ (are) -224.01400 (1) ] TJ -/R16 9.96260 Tf -19.37230 0 Td -(\327) Tj -/R14 9.96260 Tf -7.74883 0 Td -[ (1\054) -229.01300 (3) ] TJ -/R16 9.96260 Tf -14.73280 0 Td -(\327) Tj -/R14 9.96260 Tf -7.74883 0 Td -[ (3\054) -229.01300 (and) -223.01700 (1) ] TJ -/R16 9.96260 Tf -31.34650 0 Td -(\327) Tj -/R14 9.96260 Tf -7.74805 0 Td -[ (1) -223.99700 (con) 39.99820 (v) 20.00160 (olutions\054) -227.99100 (where) -224.00700 (the) -223.01200 (1) ] TJ -/R16 9.96260 Tf -108.80600 0 Td -(\327) Tj -/R14 9.96260 Tf -7.74805 0 Td -[ (1) -223.99700 (layers) ] TJ --205.25200 -11.95510 Td -[ (are) -254.00900 (responsible) -252.90400 (for) -254 (reducing) -253.90400 (and) -253.01200 (then) -253.98200 (increasing) -254.01600 (\050restoring\051) ] TJ -T* -[ (dimensions\054) -213.90800 (lea) 19.91580 (ving) -205.90400 (the) -205.01700 (3) ] TJ -/R16 9.96260 Tf -100.39700 0 Td -(\327) Tj -/R14 9.96260 Tf -7.74883 0 Td -[ (3) -206 (layer) -206.01000 (a) -206.01000 (bottleneck) -204.99500 (with) -205.98000 (smaller) ] TJ --108.14600 -11.95630 Td -[ (input\057output) -318.89500 (dimensions\056) -516.91600 (Fig\056) -319.01500 (5) -319 (sho) 24.99090 (ws) -318.99600 (an) -319.00600 (e) 15.01220 (xample\054) -337.01700 (where) ] TJ -11.95630 TL -T* -[ (both) -250.01500 (designs) -250.00700 (ha) 19.99670 (v) 14.98280 (e) -250.00200 (similar) -250.00200 (time) -250.01200 (comple) 14.99750 (xity) 64.99410 (\056) ] TJ -11.95510 -12.66450 Td -[ (The) -200.98100 (parameter) 20.11430 (\055free) -201.00600 (identity) -200.90800 (shortcuts) -200.99100 (are) -201.89800 (particularly) -200.88300 (im\055) ] TJ --11.95510 -11.95510 Td -[ (portant) -199.90500 (for) -198.98900 (the) -199.99800 (bottleneck) -200.01600 (architectures\056) -292.92200 (If) -198.99100 (the) -199.99600 (identity) -200.00600 (short\055) ] TJ -11.95510 TL -T* -[ (cut) -406.98400 (in) -405.99800 (Fig\056) -407 (5) -406.98600 (\050right\051) -405.91800 (is) -407.01800 (replaced) -406.99600 (with) -405.98600 (projection\054) -446.00900 (one) -406.98600 (can) ] TJ -T* -[ (sho) 24.99340 (w) -271.99100 (that) -272.99900 (the) -271.98600 (time) -272.01100 (comple) 14.99750 (xity) -272.00900 (and) -273.00800 (model) -272.00900 (size) -271.98900 (are) -272.98400 (doubled\054) ] TJ -T* -[ (as) -402.98900 (the) -402.98400 (shortcut) -403.98400 (is) -403.01900 (connected) -402.98200 (to) -403.02100 (the) -404.00100 (tw) 10.00810 (o) -402.98700 (high\055dimensional) ] TJ -T* -[ (ends\056) -671.99100 (So) -371.01700 (identity) -370.99700 (shortcuts) -371.00200 (lead) -370.01200 (to) -370.98700 (more) -370.98700 (ef) 25.00560 (\223cient) -371.01200 (models) ] TJ -T* -[ (for) -250 (the) -249.99000 (bottleneck) -250.00700 (designs\056) ] TJ -/R12 9.96260 Tf -11.95510 -12.66560 Td -[ (50\055lay) 9.98363 (er) -305.01800 (ResNet\072) ] TJ -/R14 9.96260 Tf -75.73090 0 Td -[ (W) 79.98660 (e) -305.01300 (replace) -305.01800 (each) -305.99800 (2\055layer) -305.00800 (block) -304.98800 (in) -304.99800 (the) ] TJ -ET -Q -/R80 gs -3.98000 w -0 J -0 j -0.13745 0.12280 0.12598 SCN -3088.62000 1285.37000 m -4033.61000 1285.37000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 5.97760 Tf -1 0 0 1 319.72100 121.67100 Tm -(4) Tj -/R14 7.97010 Tf -3.48711 -2.81289 Td -(Deeper) Tj -/R18 7.97010 Tf -25.64380 0 Td -(non) Tj -/R14 7.97010 Tf -11.95510 0 Td -[ (\055bottleneck) -330.82000 (ResNets) -329.80900 (\050) ] TJ --0.11955 Tc -/R18 7.97010 Tf -70.34490 0 Td -[ (e\056) -15.00360 (g) ] TJ --0.00159 Tc -/R14 7.97010 Tf -9.39687 0 Td -[ (\056\054) -351.18400 (Fig\056) -330.20100 (5) -331.18800 (left\051) -330.20100 (also) -331.09000 (gain) -330.22000 (accurac) 14.80750 (y) ] TJ -0 Tc --131.68700 -9.46406 Td -[ (from) -269.00800 (increased) -267.77600 (depth) -268.80300 (\050as) -268.90400 (sho) 24.91610 (wn) -269.02300 (on) -268.99900 (CIF) 73.99480 (AR\05510\051\054) -273.02400 (b) 19.98440 (ut) -269.01700 (are) -268.99200 (not) -268.01200 (as) -269.01700 (economical) ] TJ -9.46523 TL -T* -[ (as) -190.99400 (the) -191.97700 (bottleneck) -191.00600 (ResNets\056) -290.02100 (So) -192.02300 (the) -190.99700 (usage) -191.01500 (of) -192.02000 (bottleneck) -191.00900 (designs) -190.97900 (is) -192.02000 (mainly) -191.00900 (due) ] TJ -9.46367 TL -T* -[ (to) -302.01400 (practical) -302.00200 (considerations\056) -466.01800 (W) 79.98030 (e) -302.00200 (further) -302.02000 (note) -302.02000 (that) -302.00200 (the) -302.00800 (de) 14.99130 (gradation) -302.01400 (problem) ] TJ -9.46523 TL -T* -[ (of) -250.00400 (plain) -250.01000 (nets) -250.01000 (is) -250 (also) -250.01000 (witnessed) -249.99400 (for) -249.98800 (the) -250.00700 (bottleneck) -250.01900 (designs\056) ] TJ -/R14 9.96260 Tf --13.74060 -29.88790 Td -(6) Tj -ET -Q -/R28 gs -Q -Q -q -1 0 0 1 0 0 cm -BT -/F1 12 Tf -14.40000 TL -ET -1 1 1 rg -n -270 46 72 14 re -f* -0.50000 0.50000 0.50000 rg -BT -/F2 9 Tf -10.80000 TL -ET -BT -1 0 0 1 299.25000 49 Tm -(775) Tj -T* -ET -Q - -endstream -endobj -158 0 obj -<< -/FirstChar 129 -/Widths [ 574 ] -/Encoding 159 0 R -/Type /Font -/BaseFont /CDQLDN+CMSY6 -/LastChar 129 -/FontDescriptor 160 0 R -/Subtype /Type1 ->> -endobj -159 0 obj -<< -/Type /Encoding -/BaseEncoding /WinAnsiEncoding -/Differences [ 129 /dagger ] ->> -endobj -160 0 obj -<< -/FontBBox [ 0 -215 480 704 ] -/FontName /CDQLDN+CMSY6 -/MissingWidth 500 -/Descent -215 -/Flags 4 -/FontFile3 161 0 R -/Type /FontDescriptor -/StemV 72 -/Ascent 704 -/ItalicAngle 0 -/CharSet (\057dagger) -/CapHeight 704 ->> -endobj -161 0 obj -<< -/Length 402 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -xcd`ab`ddds 4~H3agk7s7BC``bdjp/,L(Q105H -: -F -Eɉy -%%@NBp~rfjI%XMFII~yy^bn^~Q̒ ԢT|SS2Ks -@aǥ ~ܹ=s>;09}a GuM74uEjYNKK|AKuGugϜSsϛzdԶ u SC妆TVNʘR,ܞR?1oU&-_6iv΢Ҷb054͖=WY߽uO;)״sVB?헰Vξk?<<@ G~ -endstream -endobj -162 0 obj -<< -/Encoding /WinAnsiEncoding -/Type /Font -/Name /F2 -/BaseFont /Times-Roman -/Subtype /Type1 ->> -endobj -163 0 obj -<< -/Encoding /WinAnsiEncoding -/Type /Font -/Name /F1 -/BaseFont /Helvetica -/Subtype /Type1 ->> -endobj -164 0 obj -<< -/FirstChar 115 -/Widths [ 389 0 0 444 ] -/Encoding /WinAnsiEncoding -/Type /Font -/BaseFont /WAZOGP+NimbusRomNo9L-MediItal -/LastChar 118 -/FontDescriptor 165 0 R -/Subtype /Type1 ->> -endobj -165 0 obj -<< -/FontBBox [ -19 -13 401 462 ] -/FontName /WAZOGP+NimbusRomNo9L-MediItal -/MissingWidth 250 -/Descent -13 -/XHeight 462 -/Flags 131104 -/FontFile3 166 0 R -/Type /FontDescriptor -/StemV 60 -/Ascent 462 -/ItalicAngle 0 -/CharSet (\057s\057v) -/CapHeight 462 ->> -endobj -166 0 obj -<< -/Length 662 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -xMKSQu?ZVTlI'Dl mݽg{~Tj3qi]D&WջA t9<Q4M#!C7aE5dZ?lc˘úRد'xUfFIN)(%K@+("!yIHA'D!# 6A"Tb!Pİ%J"D`,CM0B @06aQ@ c7ÒHH bD$L0 h==#2bd` JNbc6aIbzBp<2F1Ȏ(0(q)[3̧JR pY(*qHuQfh -P~\M<\WU]gE{zvt5<}{+_ޜ,>ȨoYUt~CHӬ8jiUeV^̦'> -endobj -168 0 obj -<< -/Type /Encoding -/BaseEncoding /WinAnsiEncoding -/Differences [ 2 /uni0033 /uni0078 /uni002C /uni0020 /uni0036 /uni0034 /uni0031 /uni0032 /uni0035 ] ->> -endobj -169 0 obj -<< -/Length 200 -/Filter /FlateDecode ->> -stream -x] <onLE/4F}dpޕ:>4o1:]h>>sxeGFU>keuT=t}'G\wm9 ==um{TN -n~~٠V- -8 -0K0-jڮ֥Oni{Lq,3(9ZSW ;e -endstream -endobj -170 0 obj -<< -/FontBBox [ 0 -141 477 640 ] -/FontName /XXIFST+TT3Do00 -/Descent -141 -/Flags 4 -/FontFile3 171 0 R -/Type /FontDescriptor -/StemV 71 -/Ascent 640 -/ItalicAngle 0 -/CharSet (\057uni0020\057uni002C\057uni0031\057uni0032\057uni0033\057uni0034\057uni0035\057uni0036\057uni0078) -/CapHeight 640 ->> -endobj -171 0 obj -<< -/Length 2122 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -x=Us mwUj;mi_44iڐt:͔k 1.mW{r]Z[%_cPq @fv?>v/=+O=~]|-[_h|ر} ]6]|UݱEݱ޲T_h_VF_UZ7>޳gfٷY~ݾ7޼ۻY^oiioغm{OAS|O!-m/tnyuG;Χ#'Ѕ3]c&8; پR_yhe:~=z3?s%{?}vgϝǨ,/*eyi^ Q% (1D*p -E -Jx9$$B"Ƙ1H>=TǺ{=`#a̬=ed/YKd -O&n A%\ ]4O`ԶۓUx_eӕD)27Rs^҅!80ƍrT$99;5;8\LU\*Jnq~~yn1[@fMJ|[>Bb@FɟV)\V%4''J*F1UKSBP"PL+*`AhHVWsFfYƦaNܓ]'= =]-@\Trrf[v) /jM˶@$pt#Oe7j)_V;Ij4#@A9c)UK@lHA%ZqQiOE'JrJ&͝(X!1IZucVтIRdIaMc6T9 S&(z"Xi|Q;[ -ӏ_MdjNi mF]ʋܳʳC;~o?d?:>>5x$&a7KVrfw"v!$Z2Q,92J&,A岉ADv7K.'*WMoƚ,sKFe.NU@broh򋲈L`hBZg2(C - -` #C#[G5gP/%ܫ2,,WNEgs#syRb?6ƣh"!EBL`PeKy[l M1 !Y{f薝ewЮUkݸ=RߞژU@e`.?r!tKa07vehDx8l-'@r> rls}> *g=IDQ2U! ?T$&zbQRmvFEzAE9cQY4ꊻBzjD7"#>P[ |u9 {˟9>u{|FObGP ]h8R@OPN vs{?<"~z57x\"kؚ#$Eͨ1/j ̘mӿy1Soqi>%ʭ׸ڐoUTRiirkG1*/_)s=N>IS~/(Cڄ3xTXbꥶ".92@oM:#üRSIf q6K q7/@yIC_վjٙ.0i#KUOw5> -endstream -endobj -172 0 obj -<< -/FirstChar 2 -/Widths [ 347 494 227 520 507 507 307 520 507 507 ] -/Encoding 173 0 R -/Type /Font -/BaseFont /XAGZZB+TT3Eo00 -/LastChar 11 -/ToUnicode 174 0 R -/FontDescriptor 175 0 R -/Subtype /Type1 ->> -endobj -173 0 obj -<< -/Type /Encoding -/BaseEncoding /WinAnsiEncoding -/Differences [ 2 /uni0072 /uni0065 /uni006C /uni0075 /uni0036 /uni0034 /uni002D /uni0064 /uni0032 /uni0035 ] ->> -endobj -174 0 obj -<< -/Length 211 -/Filter /FlateDecode ->> -stream -x]1n0 EwB70-'r \%C -4DgcuOI|:SzWzC˯]QݕBzm(~qw>qj_ 9У8ObDE9+M2p[AF(ݳPY(ت, ;7 P=xeeY+]]LG,s)^jlO -endstream -endobj -175 0 obj -<< -/FontBBox [ 0 -10 477 680 ] -/FontName /XAGZZB+TT3Eo00 -/Descent -10 -/Flags 4 -/FontFile3 176 0 R -/Type /FontDescriptor -/StemV 71 -/Ascent 680 -/ItalicAngle 0 -/CharSet (\057uni002D\057uni0032\057uni0034\057uni0035\057uni0036\057uni0064\057uni0065\057uni006C\057uni0072\057uni0075) -/CapHeight 680 ->> -endobj -176 0 obj -<< -/Length 2230 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -xoSm4ZM+lZWIp7ُ|qmKLpcHIP uU*Mq9GnL|lf{wbպoOHoLmm,#I_H?-|`G_mJ۟yk듏o O4ovm6xrcXcco̞hiiz{6o;ZlM!hl jZ#[6۾{7xixugnk_m5Px9^DvӬY =Aݵ|1{/Nuzk&o$n$a6Ue.,Ey={K^潠Qv(X(+:NFyX!m#]Pr/^cmWޥ}.C~? ޘ}>WRIoW𛃧FGD籉JjY/ie;yb`yj۾X#G\;]z0ó %y^Uj}Z7r:'j'TA0dC¬IJQ) " s, p< ^Ȕ~W<]y7pe~'ƟS[^;q檹4M`=P9|@'g.;{w婝po#ᡑȱa/m߶Ε:wEQqJ"9rAqUU-<p P!h@N %r\tL -h hBbrȭ>dA"kJ $:6d`|eADCyG҄d[fN͉RX̕3ozYy[-@L,ʊ 3n*/ds C BVbhv{}G[v7c (8A]H$JZj[DQ7b)⦙'R ꡎ!0pH}_r<:\1Uͪx(;Ѭj -mX{Cz? bdMz:zea ˾>K!Ƕ՗O:{TxPW^_Wߞ 3wkzl&]T.GUɗ\ܘsV -VLwҋhH orAH~;ʆ wmTYz+ǪtulIR DR>5yGY469b2c\G֦A5&г1 6[zAM*8E<&O+#Aa]N)EҪYzPQ -+d _pу"ʻ BbO 4r?.?ȢYJxتا+'}黯nidU֏A1 -"Vx9E]=0q U"2-B`D+QkI-zJ,o\V{vrX/˞M@ߩ*TBMz"\=<>0u= G"p,' *e1ɓ!Z"M/[HiENI+HytK@.UΕ 3;gg9mV-.`1t.X=zy=:$kmݻCkGlܴV|&TNJC`EzA1Y -D§,% )V\Z *Nky7T -&b RmRhcsW`;>C=!j{>zW;t(8LTM+.3)rOGW4%iE&XG'b܌l;_P]̀9 _W\rg*R U&mO|aVb\jL:JL2V$@Ɠr*Tb8t5$,KEH`}t_vO&洄OНk/+^PJ*$WO~cSi!  -endstream -endobj -177 0 obj -<< -/FirstChar 70 -/Widths [ 736 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 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 799 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 799 ] -/Encoding 178 0 R -/Type /Font -/BaseFont /KBBFJK+CMSY9 -/LastChar 215 -/ToUnicode 179 0 R -/FontDescriptor 180 0 R -/Subtype /Type1 ->> -endobj -178 0 obj -<< -/Type /Encoding -/BaseEncoding /WinAnsiEncoding -/Differences [ 177 /plusminus 215 /multiply ] ->> -endobj -179 0 obj -<< -/Length 162 -/Filter /FlateDecode ->> -stream -x]O10 - )Pu)K>:NNI[;ɾ;,ڱK X&= Eu0mSau@vz$.zCSHQ@Vm@o7(pJM9FT&c=|)X 3S: -endstream -endobj -180 0 obj -<< -/FontBBox [ 0 -32 848 691 ] -/FontName /KBBFJK+CMSY9 -/MissingWidth 500 -/Descent -32 -/Flags 4 -/FontFile3 181 0 R -/Type /FontDescriptor -/StemV 127 -/Ascent 691 -/ItalicAngle 0 -/CharSet (\057F\057multiply\057plusminus) -/CapHeight 691 ->> -endobj -181 0 obj -<< -/Length 624 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -xMO_Hqsi6WA"b!EI 5ӭMs,٦v`:4g -$|豧wǯ=D|~~|Q!(b]~Su$PEYŪZ)j ;ԡd;9G49haUZa2l%&9mVkJW(iڜI:4=va6ܮv)? Pv>"k/RvAEϗ]l ZDGȴ @L7w~%Eְs\0htvzZ$zVKl C[<~X 40'\@[F1a}`xpȯ}]+ -ӞDo^p z>=!ނwյA,Oci}{\Ạ4(fyr$I%!A+t*>cSP$ba T,-Fp઀vUt.2KpDݠ۹P9-b|ȣL`<[X`X]SI ?gWPEXq:L_bE/7O !rNT_} -endstream -endobj -182 0 obj -<< -/Length 28925 ->> -stream -q -q -0.10000 0 0 0.10000 0 0 cm -/R9 gs -/R11 cs -0.13745 0.12280 0.12598 scn -q -10 0 0 10 0 0 cm -BT -/R14 9.96260 Tf -1 0 0 1 50.11210 710.03700 Tm -[ (34\055layer) -272.88900 (net) -273.00500 (with) -272.91300 (this) -272.00700 (3\055layer) -273.01100 (bottleneck) -272.98400 (block\054) -278.99300 (resulting) -273.01800 (in) ] TJ -11.95510 TL -T* -[ (a) -216.00700 (50\055layer) -215.99600 (ResNet) -215.00200 (\050T) 79.98790 (able) -216 (1\051\056) -299.00500 (W) 79.98790 (e) -216.00800 (use) -215.01600 (option) -216.00800 (B) -215.99100 (for) -216.00600 (increasing) ] TJ -T* -[ (dimensions\056) -310.00900 (This) -250.01500 (model) -249.89500 (has) -249.99000 (3\0568) -249.98500 (billion) -249.99300 (FLOPs\056) ] TJ -/R12 9.96260 Tf -11.95510 -12.41410 Td -[ (101\055lay) 10.10550 (er) -361.98700 (and) -361.00300 (152\055lay) 9.98853 (er) -361.98700 (ResNets\072) ] TJ -/R14 9.96260 Tf -149.27500 0 Td -[ (W) 79.98660 (e) -361.98400 (construct) -361.01300 (101\055) ] TJ --161.23000 -11.95510 Td -[ (layer) -305.00800 (and) -305.00200 (152\055layer) -304.91700 (ResNets) -305.09900 (by) -304.99800 (using) -306 (more) -304.99800 (3\055layer) -305.00500 (blocks) ] TJ -T* -[ (\050T) 79.98730 (able) -321.98200 (1\051\056) -523.98700 (Remarkably) 65.00140 (\054) -340.01900 (although) -321.00900 (the) -322.01700 (depth) -320.98800 (is) -322.01200 (signi\223cantly) ] TJ -T* -[ (increased\054) -348.91700 (the) -330.01600 (152\055layer) -330.01100 (ResNet) -328.90500 (\05011\0563) -330.00900 (billion) -329 (FLOPs\051) -329.90600 (still) ] TJ -(has) ' -/R18 9.96260 Tf -16.40550 0 Td -[ (lower) -314 (comple) 20.00770 (xity) ] TJ -/R14 9.96260 Tf -71.90270 0 Td -[ (than) -314.01400 (V) 14.98030 (GG\05516\05719) -313.01600 (nets) -314.01100 (\05015\0563\05719\0566) -313.98700 (bil\055) ] TJ --88.30820 -11.95510 Td -[ (lion) -250.01200 (FLOPs\051\056) ] TJ -11.95510 -12.41450 Td -[ (The) -400.98800 (50\057101\057152\055layer) -401.88100 (ResNets) -401.00400 (are) -401.98400 (more) -400.98200 (accurate) -401.90600 (than) ] TJ --11.95510 -11.95510 Td -[ (the) -279.00400 (34\055layer) -279.00600 (ones) -279 (by) -279.00200 (considerable) -278.99300 (mar) 18.00190 (gins) -278.99000 (\050T) 79.98660 (able) -279.99000 (3) -279.00700 (and) -278.89000 (4\051\056) ] TJ -11.95630 TL -T* -[ (W) 79.98730 (e) -375.98100 (do) -376.00600 (not) -375.99900 (observ) 14.99140 (e) -375.98100 (the) -376.00800 (de) 15.01830 (gradation) -375.99400 (problem) -375.98900 (and) -376.01100 (thus) -375.99400 (en\055) ] TJ -T* -[ (jo) 10.01060 (y) -301.00400 (signi\223cant) -301 (accurac) 14.99750 (y) -299.98400 (g) 4.98446 (ains) -300.99500 (from) -300.99800 (considerably) -301.01800 (increased) ] TJ -T* -[ (depth\056) -300.98800 (The) -221.01800 (bene\223ts) -221.89400 (of) -220.98200 (depth) -221.98400 (are) -222.01400 (witnessed) -220.99000 (for) -222.00500 (all) -221.99200 (e) 25.01050 (v) 24.98110 (aluation) ] TJ -T* -[ (metrics) -250.01600 (\050T) 79.98730 (able) -249.99400 (3) -249.99300 (and) -249.99100 (4\051\056) ] TJ -/R12 9.96260 Tf -18.39180 TL -T* -[ (Comparisons) -310.90400 (with) -310.98600 (State\055of\055the\055art) -310.88400 (Methods\056) ] TJ -/R14 9.96260 Tf -194.88600 0 Td -[ (In) -311.00400 (T) 79.99160 (able) -311.00400 (4) ] TJ --194.88600 -11.95510 Td -[ (we) -426.98900 (compare) -428 (with) -427.00500 (the) -428 (pre) 25.01300 (vious) -426.99900 (best) -427.01300 (single\055model) -427.99700 (results\056) ] TJ -11.95510 TL -T* -[ (Our) -259.01100 (baseline) -258.01800 (34\055layer) -259.00800 (ResNets) -258.91000 (ha) 19.99790 (v) 14.98280 (e) -258.00100 (achie) 25.01540 (v) 14.98280 (ed) -259.01100 (v) 14.98280 (ery) -259.01800 (compet\055) ] TJ -T* -[ (iti) 24.99770 (v) 14.98280 (e) -373.98100 (accurac) 14.99690 (y) 65.01370 (\056) -680.98200 (Our) -372.99200 (152\055layer) -374.00400 (ResNet) -373.01600 (has) -374.00900 (a) -373.98200 (single\055model) ] TJ -11.95630 TL -T* -[ (top\0555) -360 (v) 24.98110 (alidation) -359.00300 (error) -359.98800 (of) -360.01700 (4\05649\045\056) -637.98900 (This) -359.99600 (single\055model) -360.00900 (result) ] TJ -T* -[ (outperforms) -392.88400 (all) -392.98300 (pre) 25.01300 (vious) -393.00400 (ensemble) -392.89300 (results) -393.00800 (\050T) 79.98660 (able) -392.99100 (5\051\056) -739.98900 (W) 79.98660 (e) ] TJ -T* -[ (combine) -254.99100 (six) -256.01700 (models) -254.90700 (of) -255.01500 (dif) 24.98480 (ferent) -255.01900 (depth) -256.01700 (to) -255.00400 (form) -255.00600 (an) -255.99600 (ensemble) ] TJ -T* -[ (\050only) -361.01900 (with) -361.99600 (tw) 10.00810 (o) -360.99400 (152\055layer) -362.00600 (ones) -360.98600 (at) -360.99600 (the) -362.01100 (time) -361.01600 (of) -362.01600 (submitting\051\056) ] TJ -11.95510 TL -T* -[ (This) -359.99600 (leads) -360.98900 (to) ] TJ -/R12 9.96260 Tf -56.70700 0 Td -(3\05657\045) Tj -/R14 9.96260 Tf -30.98670 0 Td -[ (top\0555) -360 (error) -360.89000 (on) -360.00900 (the) -360.01100 (test) -360.98100 (set) -360.00900 (\050T) 79.98660 (able) -360.09400 (5\051\056) ] TJ -/R18 9.96260 Tf --87.69370 -11.95510 Td -[ (This) -250.00400 (entry) -249.98800 (won) -250.01300 (the) -249.91200 (1st) -250.09700 (place) -249.91100 (in) -249.98500 (ILSVRC) -250 (2015\056) ] TJ -/R12 10.95890 Tf -21.29490 TL -T* -[ (4\0562\056) -250.00500 (CIF) 90.01470 (AR\05510) -250.00600 (and) -250 (Analysis) ] TJ -/R14 9.96260 Tf -11.95510 -18.39180 Td -[ (W) 79.98730 (e) -436.99000 (conducted) -437.00500 (more) -437.01500 (studies) -436.99300 (on) -437.99600 (the) -437.01800 (CIF) 74.01220 (AR\05510) -437.00300 (dataset) ] TJ --11.95550 -11.95510 Td -[ (\13320\135\054) -384.00800 (which) -358.00300 (consists) -357 (of) -358.01700 (50k) -356.98500 (training) -357.00900 (images) -357.99700 (and) -356.99400 (10k) -358.00400 (test\055) ] TJ -11.95510 TL -T* -[ (ing) -338.98500 (images) -338.98000 (in) -340.00900 (10) -338.99200 (classes\056) -576.98700 (W) 79.98790 (e) -339.00700 (present) -340.01100 (e) 15.01220 (xperiments) -339.00500 (trained) ] TJ -T* -[ (on) -291.98100 (the) -291.00200 (training) -292 (set) -291.00200 (and) -291.98400 (e) 25.01050 (v) 24.98110 (aluated) -292.01900 (on) -291 (the) -291.98300 (test) -290.99300 (set\056) -435.01300 (Our) -291.98600 (focus) ] TJ -T* -[ (is) -280.01800 (on) -279.98300 (the) -281.00400 (beha) 19.99790 (viors) -280.01200 (of) -279.99100 (e) 15.01220 (xtremely) -280.00700 (deep) -279.99100 (netw) 10.00810 (orks\054) -288.01600 (b) 20.00160 (ut) -279.98500 (not) -280.99500 (on) ] TJ -11.95630 TL -T* -[ (pushing) -295.01000 (the) -295.00200 (state\055of\055the\055art) -295.78300 (results\054) -306 (so) -294.99900 (we) -295.99200 (intentionally) -296.00900 (use) ] TJ -11.95510 TL -T* -[ (simple) -250.00400 (architectures) -249.90900 (as) -249.99600 (follo) 24.99710 (ws\056) ] TJ -11.95550 -12.41450 Td -[ (The) -223.99800 (plain\057residual) -223.91700 (architectures) -223.99200 (follo) 25.11590 (w) -224 (the) -223.99400 (form) -223.99200 (in) -223.99000 (Fig\056) -224.01200 (3) ] TJ --11.95550 -11.95510 Td -[ (\050middle\057right\051\056) -304.91200 (The) -237.01400 (netw) 10.00940 (ork) -235.99200 (inputs) -236.00400 (are) -236.91400 (32) ] TJ -/R16 9.96260 Tf -165.37500 0 Td -(\327) Tj -/R14 9.96260 Tf -7.74883 0 Td -[ (32) -235.99000 (images\054) -238.99400 (with) ] TJ --173.12400 -11.95510 Td -[ (the) -227.01300 (per) 19.99420 (\055pix) 14.99200 (el) -227.01800 (mean) -227.01200 (subtracted\056) -302.98600 (The) -227.01600 (\223rst) -226.99600 (layer) -226.98200 (is) -227.00900 (3) ] TJ -/R16 9.96260 Tf -194.18900 0 Td -(\327) Tj -/R14 9.96260 Tf -7.74922 0 Td -[ (3) -227.01600 (con) 39.99820 (v) 20.00160 (o\055) ] TJ --201.93800 -11.95510 Td -[ (lutions\056) -374.99000 (Then) -271.98400 (we) -271.99500 (use) -271.98600 (a) -271.99900 (stack) -271.98400 (of) ] TJ -/R39 9.96260 Tf -128.17300 0 Td -(6) Tj -/R53 9.96260 Tf -4.98125 0 Td -(n) Tj -/R14 9.96260 Tf -8.68828 0 Td -[ (layers) -271.98600 (with) -271.89300 (3) ] TJ -/R16 9.96260 Tf -51.90120 0 Td -(\327) Tj -/R14 9.96260 Tf -7.74922 0 Td -[ (3) -271.98900 (con) 39.99820 (v) 20.00160 (o\055) ] TJ --201.49200 -11.95630 Td -[ (lutions) -217.01900 (on) -217.99300 (the) -217.01500 (feature) -216.99100 (maps) -217.98400 (of) -216.98200 (sizes) ] TJ -/R16 9.96260 Tf -140.77500 0 Td -(\173) Tj -/R39 9.96260 Tf -4.98164 0 Td -(32) Tj -/R53 9.96260 Tf -9.96250 0 Td -(\054) Tj -/R39 9.96260 Tf -4.42812 0 Td -(16) Tj -/R53 9.96260 Tf -9.96172 0 Td -(\054) Tj -/R39 9.96260 Tf -4.42852 0 Td -(8) Tj -/R16 9.96260 Tf -4.98203 0 Td -(\175) Tj -/R14 9.96260 Tf -7.14648 0 Td -[ (respecti) 24.98600 (v) 14.98280 (ely) 65.01610 (\054) ] TJ --186.66600 -11.95510 Td -[ (with) -312.98500 (2) ] TJ -/R53 9.96260 Tf -25.81210 0 Td -(n) Tj -/R14 9.96260 Tf -9.09688 0 Td -[ (layers) -313 (for) -312.89000 (each) -313.01500 (feature) -311.99500 (map) -312.99400 (size\056) -498.89000 (The) -313.00200 (numbers) -312.98200 (of) ] TJ --34.90900 -11.95510 Td -[ (\223lters) -198.01800 (are) ] TJ -/R16 9.96260 Tf -38.80550 0 Td -(\173) Tj -/R39 9.96260 Tf -4.98125 0 Td -(16) Tj -/R53 9.96260 Tf -9.96250 0 Td -(\054) Tj -/R39 9.96260 Tf -4.42734 0 Td -(32) Tj -/R53 9.96260 Tf -9.96250 0 Td -(\054) Tj -/R39 9.96260 Tf -4.42852 0 Td -(64) Tj -/R16 9.96260 Tf -9.96250 0 Td -(\175) Tj -/R14 9.96260 Tf -6.95391 0 Td -[ (respecti) 24.98480 (v) 14.98280 (ely) 65.01610 (\056) -293.00700 (The) -198.00100 (subsampling) -197.98700 (is) -197.99400 (per) 19.99420 (\055) ] TJ --89.48400 -11.95510 Td -[ (formed) -193.91700 (by) -193.99700 (con) 40 (v) 20.00160 (olutions) -193.99800 (with) -193.98500 (a) -194.01200 (stride) -193.98800 (of) -194.00600 (2\056) -291.00300 (The) -194.00200 (netw) 10.00810 (ork) -194 (ends) ] TJ -T* -[ (with) -409.00800 (a) -408.99500 (global) -409.00500 (a) 19.99180 (v) 14.98280 (erage) -409.00200 (pooling\054) -448.98100 (a) -408.99500 (10\055w) 10.00810 (ay) -408.99100 (fully\055connected) ] TJ -T* -[ (layer) 39.99330 (\054) -204.98300 (and) -194.00100 (softmax\056) -292 (There) -194.00900 (are) -194.01900 (totally) -194.01200 (6) ] TJ -/R53 9.96260 Tf -149.50400 0 Td -(n) Tj -/R14 9.96260 Tf -5.97930 0 Td -[ (\0532) -193.98700 (stack) 10.00810 (ed) -194.00700 (weighted) ] TJ --155.48400 -11.95590 Td -[ (layers\056) -310.01800 (The) -249.99300 (follo) 25.11470 (wing) -250.01700 (table) -249.98600 (summarizes) -249.88700 (the) -249.99000 (architecture\072) ] TJ -ET -Q -/R20 gs -3.98000 w -/R11 CS -0.13745 0.12280 0.12598 SCN -742 1592.09000 m -2622.74000 1592.09000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 82.16990 150.57100 Tm -[ (output) -250.00600 (map) -249.90200 (size) ] TJ -ET -Q -1471.23000 1469.55000 m -1471.23000 1590.10000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 155.29200 150.57100 Tm -(32) Tj -/R97 8.96640 Tf -8.96641 0 Td -(\327) Tj -/R14 8.96640 Tf -7.16758 0 Td -(32) Tj -ET -Q -1885.62000 1469.55000 m -1885.62000 1590.10000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 196.73100 150.57100 Tm -(16) Tj -/R97 8.96640 Tf -8.96641 0 Td -(\327) Tj -/R14 8.96640 Tf -7.16797 0 Td -(16) Tj -ET -Q -2300.01000 1469.55000 m -2300.01000 1590.10000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 238.17000 150.57100 Tm -(8) Tj -/R97 8.96640 Tf -4.48320 0 Td -(\327) Tj -/R14 8.96640 Tf -7.16797 0 Td -(8) Tj -ET -Q -742 1467.56000 m -2622.74000 1467.56000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 96.49410 138.11800 Tm -[ (\043) -249.97800 (layers) ] TJ -ET -Q -1471.23000 1345.02000 m -1471.23000 1465.57000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 158.05100 138.11800 Tm -(1\0532) Tj -/R105 8.96640 Tf -14.02340 0 Td -(n) Tj -ET -Q -1885.62000 1345.02000 m -1885.62000 1465.57000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 204.26000 138.11800 Tm -(2) Tj -/R105 8.96640 Tf -4.48320 0 Td -(n) Tj -ET -Q -2300.01000 1345.02000 m -2300.01000 1465.57000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 241.21600 138.11800 Tm -(2) Tj -/R105 8.96640 Tf -4.48320 0 Td -(n) Tj -/R14 8.96640 Tf --148.71200 -12.05550 Td -[ (\043) -249.97800 (\223lters) ] TJ -ET -Q -1471.23000 1224.47000 m -1471.23000 1345.02000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 163.35900 126.06300 Tm -(16) Tj -ET -Q -1885.62000 1224.47000 m -1885.62000 1345.02000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 204.79800 126.06300 Tm -(32) Tj -ET -Q -2300.01000 1224.47000 m -2300.01000 1345.02000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 241.75400 126.06300 Tm -(64) Tj -ET -Q -742 1222.47000 m -2622.74000 1222.47000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.96260 Tf -1 0 0 1 50.11210 104.91000 Tm -[ (When) -428 (shortcut) -427.90000 (connections) -428.01400 (are) -428.01900 (used\054) -472.88700 (the) 14.98520 (y) -428.00200 (are) -428.01900 (connected) ] TJ -11.95510 TL -T* -[ (to) -362.98600 (the) -364.01000 (pairs) -362.98800 (of) -364.01600 (3) ] TJ -/R16 9.96260 Tf -67.05430 0 Td -(\327) Tj -/R14 9.96260 Tf -7.74883 0 Td -[ (3) -362.99300 (layers) -364.01200 (\050totally) ] TJ -/R39 9.96260 Tf -68.41410 0 Td -(3) Tj -/R53 9.96260 Tf -4.98242 0 Td -(n) Tj -/R14 9.96260 Tf -9.60000 0 Td -[ (shortcuts\051\056) -649.89600 (On) -364.01000 (this) ] TJ --157.79900 -11.95550 Td -[ (dataset) -221.01000 (we) -220.98400 (use) -221.01500 (identity) -220.98300 (shortcuts) -220.98800 (in) -221.99000 (all) -221.01200 (cases) -220.98300 (\050) ] TJ -/R18 9.96260 Tf -178.65600 0 Td -(i\056e) Tj -/R14 9.96260 Tf -9.68398 0 Td -[ (\056\054) -227.01600 (option) -220.98800 (A\051\054) ] TJ -ET -Q -4.13000 w -3111.91000 7187.97000 m -5427.86000 7187.97000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 377.65200 710.22300 Tm -(method) Tj -ET -Q -4722.64000 7066.36000 m -4722.64000 7185.90000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 477.64600 710.22300 Tm -[ (error) -249.97800 (\050\045\051) ] TJ -ET -Q -3111.91000 7064.28000 m -5427.86000 7064.28000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 370.54000 697.85400 Tm -[ (Maxout) -249.99300 (\1339\135) ] TJ -ET -Q -4722.64000 6942.68000 m -4722.64000 7062.22000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 477.64600 697.85400 Tm -(9\05638) Tj --103.22200 -11.95350 Td -[ (NIN) -249.99600 (\13325\135) ] TJ -ET -Q -4722.64000 6823.14000 m -4722.64000 6942.68000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 477.64600 685.90000 Tm -(8\05681) Tj --104.25900 -11.95270 Td -[ (DSN) -250.01400 (\13324\135) ] TJ -ET -Q -4722.64000 6703.61000 m -4722.64000 6823.15000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 477.64600 673.94700 Tm -(8\05622) Tj -ET -Q -3111.91000 6701.53000 m -5427.86000 6701.53000 l -S -3876.20000 6579.92000 m -3876.20000 6699.46000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 393.00300 661.57800 Tm -[ (\043) -249.99100 (layers) ] TJ -ET -Q -4276.14000 6579.92000 m -4276.14000 6699.46000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 432.99500 661.57800 Tm -[ (\043) -249.98800 (params) ] TJ -ET -Q -4722.64000 6579.92000 m -4722.64000 6699.46000 l -S -3111.91000 6577.85000 m -5427.86000 6577.85000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 328.47400 649.21100 Tm -[ (FitNet) -250.09000 (\13334\135) ] TJ -ET -Q -3876.20000 6456.25000 m -3876.20000 6575.79000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 402.96000 649.21100 Tm -(19) Tj -ET -Q -4276.14000 6456.25000 m -4276.14000 6575.79000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 439.97600 649.21100 Tm -(2\0565M) Tj -ET -Q -4722.64000 6456.25000 m -4722.64000 6575.79000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 477.64600 649.21100 Tm -(8\05639) Tj --161.27900 -11.95350 Td -[ (Highw) 10.01490 (ay) -250.01400 (\13341\054) -250.08200 (42\135) ] TJ -ET -Q -3876.20000 6336.71000 m -3876.20000 6456.25000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 402.96000 637.25700 Tm -(19) Tj -ET -Q -4276.14000 6336.71000 m -4276.14000 6456.25000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 439.97600 637.25700 Tm -(2\0563M) Tj -ET -Q -4722.64000 6336.71000 m -4722.64000 6456.25000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 477.64600 637.25700 Tm -(7\05654) Tj -/R14 8.27970 Tf -18.62890 0 Td -(\0507\05672) Tj -/R81 8.27970 Tf -17.24650 0 Td -(\261) Tj -/R14 8.27970 Tf -6.84336 0 Td -(0\05616\051) Tj -/R14 9.31470 Tf --203.99900 -11.95390 Td -[ (Highw) 10.01490 (ay) -250.01400 (\13341\054) -250.08200 (42\135) ] TJ -ET -Q -3876.20000 6217.17000 m -3876.20000 6336.71000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 402.96000 625.30300 Tm -(32) Tj -ET -Q -4276.14000 6217.17000 m -4276.14000 6336.71000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 437.64800 625.30300 Tm -(1\05625M) Tj -ET -Q -4722.64000 6217.17000 m -4722.64000 6336.71000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 477.64600 625.30300 Tm -(8\05680) Tj -ET -Q -3111.91000 6215.10000 m -5427.86000 6215.10000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 335.59200 612.93500 Tm -(ResNet) Tj -ET -Q -3876.20000 6093.49000 m -3876.20000 6213.03000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 402.96000 612.93500 Tm -(20) Tj -ET -Q -4276.14000 6093.49000 m -4276.14000 6213.03000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 437.64800 612.93500 Tm -(0\05627M) Tj -ET -Q -4722.64000 6093.49000 m -4722.64000 6213.03000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 477.64600 612.93500 Tm -(8\05675) Tj --142.05400 -11.95350 Td -(ResNet) Tj -ET -Q -3876.20000 5973.95000 m -3876.20000 6093.49000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 402.96000 600.98100 Tm -(32) Tj -ET -Q -4276.14000 5973.95000 m -4276.14000 6093.49000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 437.64800 600.98100 Tm -(0\05646M) Tj -ET -Q -4722.64000 5973.95000 m -4722.64000 6093.49000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 477.64600 600.98100 Tm -(7\05651) Tj --142.05400 -11.95350 Td -(ResNet) Tj -ET -Q -3876.20000 5854.41000 m -3876.20000 5973.95000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 402.96000 589.02700 Tm -(44) Tj -ET -Q -4276.14000 5854.41000 m -4276.14000 5973.95000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 437.64800 589.02700 Tm -(0\05666M) Tj -ET -Q -4722.64000 5854.41000 m -4722.64000 5973.95000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 477.64600 589.02700 Tm -(7\05617) Tj --142.05400 -11.95350 Td -(ResNet) Tj -ET -Q -3876.20000 5734.87000 m -3876.20000 5854.41000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 402.96000 577.07300 Tm -(56) Tj -ET -Q -4276.14000 5734.87000 m -4276.14000 5854.41000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 437.64800 577.07300 Tm -(0\05685M) Tj -ET -Q -4722.64000 5734.87000 m -4722.64000 5854.41000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 477.64600 577.07300 Tm -(6\05697) Tj --142.05400 -11.95350 Td -(ResNet) Tj -ET -Q -3876.20000 5615.33000 m -3876.20000 5734.87000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 400.63100 565.11900 Tm -(110) Tj -ET -Q -4276.14000 5615.33000 m -4276.14000 5734.87000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 439.97600 565.11900 Tm -(1\0567M) Tj -ET -Q -4722.64000 5615.33000 m -4722.64000 5734.87000 l -S -q -10 0 0 10 0 0 cm -BT -/R12 9.31470 Tf -1 0 0 1 477.64600 565.11900 Tm -(6\05643) Tj -/R14 8.27970 Tf -18.62890 0 Td -(\0506\05661) Tj -/R81 8.27970 Tf -17.24650 0 Td -(\261) Tj -/R14 8.27970 Tf -6.84336 0 Td -(0\05616\051) Tj -/R14 9.31470 Tf --184.77300 -11.95430 Td -(ResNet) Tj -ET -Q -3876.20000 5495.79000 m -3876.20000 5615.33000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 398.30300 553.16500 Tm -(1202) Tj -ET -Q -4276.14000 5495.79000 m -4276.14000 5615.33000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 437.64800 553.16500 Tm -(19\0564M) Tj -ET -Q -4722.64000 5495.79000 m -4722.64000 5615.33000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 9.31470 Tf -1 0 0 1 477.64600 553.16500 Tm -(7\05693) Tj -ET -Q -3111.91000 5493.72000 m -5427.86000 5493.72000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 308.86200 532.02900 Tm -[ (T) 79.98070 (able) -287.99700 (6\056) -288.99100 (Classi\223cation) -287.99200 (error) -288.98800 (on) -288.01100 (the) ] TJ -/R12 8.96640 Tf -128.10900 0 Td -[ (CIF) 90.08240 (AR\05510) ] TJ -/R14 8.96640 Tf -42.11910 0 Td -[ (test) -288.00600 (set\056) -426.01000 (All) -287.91300 (meth\055) ] TJ --170.22800 -10.95860 Td -[ (ods) -216.99700 (are) -217.00800 (with) -217.99300 (data) -216.89900 (augmentation\056) -298.90200 (F) 15.00280 (or) -217.01600 (ResNet\055110\054) -223.98600 (we) -216.98300 (run) -217.01600 (it) -216.98300 (5) -217 (times) ] TJ -10.95860 TL -T* -[ (and) -249.99700 (sho) 25.00930 (w) -249.98900 (\215best) -250.00300 (\050mean) ] TJ -/R97 8.96640 Tf -79.20820 0 Td -(\261) Tj -/R14 8.96640 Tf -7.16758 0 Td -[ (std\051\216) -249.91300 (as) -249.99500 (in) -250.01100 (\13342\135\056) ] TJ -/R14 9.96260 Tf --86.37580 -31.17660 Td -[ (so) -269.98200 (our) -269.98700 (residual) -270.01400 (models) -268.98200 (ha) 19.99670 (v) 14.98280 (e) -270 (e) 15.01220 (xactly) -270.01900 (the) -269.98400 (same) -269.98400 (depth\054) -274.99300 (width\054) ] TJ -11.95510 TL -T* -[ (and) -249.99300 (number) -249.89900 (of) -249.99500 (parameters) -249.99300 (as) -249.99700 (the) -249.98800 (plain) -250.01700 (counterparts\056) ] TJ -11.95510 -11.95510 Td -[ (W) 79.98660 (e) -246.00300 (use) -245.99100 (a) -246.00300 (weight) -244.99600 (decay) -246.00300 (of) -245.99800 (0\0560001) -246.00800 (and) -245.99300 (momentum) -245.98300 (of) -245.99800 (0\0569\054) ] TJ --11.95510 -11.95550 Td -[ (and) -285.00600 (adopt) -284.01400 (the) -284.88600 (weight) -284.98900 (initialization) -283.89400 (in) -285.00100 (\13312\135) -285.00600 (and) -283.98700 (BN) -284.99700 (\13316\135) -285.00600 (b) 20.00160 (ut) ] TJ -T* -[ (with) -395.99000 (no) -394.98300 (dropout\056) -746.98100 (These) -394.98600 (models) -395.98300 (are) -395.00300 (trained) -395.99800 (with) -395.00800 (a) -396.01700 (mini\055) ] TJ -T* -[ (batch) -341.89600 (size) -340.99700 (of) -342.01900 (128) -342.00700 (on) -340.99200 (tw) 10.00810 (o) -342.01600 (GPUs\056) -585.01000 (W) 79.98660 (e) -341.98700 (start) -340.98700 (with) -341.99700 (a) -341.98700 (learning) ] TJ -11.95590 TL -T* -[ (rate) -351.00500 (of) -352.01700 (0\0561\054) -376.98100 (di) 24.98850 (vide) -350.98800 (it) -352.00500 (by) -350.99000 (10) -352.01000 (at) -350.99500 (32k) -352.00500 (and) -350.99500 (48k) -352.00500 (iterations\054) -377 (and) ] TJ -T* -[ (terminate) -252.91600 (training) -251.88900 (at) -253.01400 (64k) -253.00200 (iterations\054) -254.00200 (which) -251.98200 (is) -253.00200 (determined) -252.99200 (on) ] TJ -T* -[ (a) -244.00300 (45k\0575k) -244.98600 (train\057v) 25 (al) -243.99600 (split\056) -307.99300 (W) 79.98660 (e) -244.00300 (follo) 24.99580 (w) -245.01300 (the) -243.98900 (simple) -244.00300 (data) -245.01300 (augmen\055) ] TJ -T* -[ (tation) -244.99100 (in) -245.98600 (\13324\135) -245.01500 (for) -245.02000 (training\072) -307.99300 (4) -245.01300 (pix) 14.99750 (els) -245.00800 (are) -246.00800 (padded) -245.00800 (on) -245.00800 (each) -246.00800 (side\054) ] TJ -3.74594 Tc -11.95510 TL -T* -[ (a) 375.99600 (n) 376.00600 (da3) 376.01300 (2) ] TJ -0 Tc -/R16 9.96260 Tf -36.26370 0 Td -(\327) Tj -/R14 9.96260 Tf -7.74883 0 Td -[ (32) -376.00600 (crop) -376.01300 (is) -376.00300 (randomly) -375.98600 (sampled) -375.99100 (from) -376.00600 (the) -376.00600 (padded) ] TJ --44.01250 -11.95630 Td -[ (image) -340.98700 (or) -341 (its) -342.00200 (horizontal) -341.99200 (\224ip\056) -583.01100 (F) 14.99260 (or) -341.00700 (testing\054) -363.98300 (we) -341.98200 (only) -341.01700 (e) 25.01050 (v) 24.98110 (aluate) ] TJ -11.95630 TL -T* -[ (the) -249.99000 (single) -249.89200 (vie) 24.90520 (w) -249.99500 (of) -250 (the) -249.99000 (original) -250.00700 (32) ] TJ -/R16 9.96260 Tf -131.46600 0 Td -(\327) Tj -/R14 9.96260 Tf -7.74805 0 Td -[ (32) -249.98800 (image\056) ] TJ --127.25900 -11.95510 Td -[ (W) 79.98660 (e) -275.99800 (compare) ] TJ -/R53 9.96260 Tf -52.83050 0 Td -(n) Tj -/R39 9.96260 Tf -9.22656 0 Td -(\075) Tj -/R16 9.96260 Tf -10.99450 0 Td -(\173) Tj -/R39 9.96260 Tf -4.98125 0 Td -(3) Tj -/R53 9.96260 Tf -4.98242 0 Td -(\054) Tj -/R39 9.96260 Tf -4.42852 0 Td -(5) Tj -/R53 9.96260 Tf -4.98125 0 Td -(\054) Tj -/R39 9.96260 Tf -4.42852 0 Td -(7) Tj -/R53 9.96260 Tf -4.98125 0 Td -(\054) Tj -/R39 9.96260 Tf -4.42812 0 Td -(9) Tj -/R16 9.96260 Tf -4.98125 0 Td -(\175) Tj -/R14 9.96260 Tf -4.98242 0 Td -[ (\054) -281.98700 (leading) -276.01300 (to) -275.98300 (20\054) -282.99700 (32\054) -282.01700 (44\054) -282.99700 (and) ] TJ --128.17900 -11.95510 Td -[ (56\055layer) -291.90500 (netw) 10.00810 (orks\056) -435.99100 (Fig\056) -292 (6) -291.98600 (\050left\051) -291.91200 (sho) 24.99090 (ws) -291.98100 (the) -293 (beha) 19.99670 (viors) -292.01000 (of) -291.99000 (the) ] TJ -11.95510 TL -T* -[ (plain) -248.99800 (nets\056) -308.99000 (The) -248.89500 (deep) -249.01500 (plain) -248.99800 (nets) -247.98300 (suf) 24.98600 (fer) -248.98800 (from) -249.00700 (increased) -248.89500 (depth\054) ] TJ -T* -[ (and) -326.01900 (e) 15.01220 (xhibit) -325.00700 (higher) -326.00900 (training) -325.01400 (error) -325.99500 (when) -324.99500 (going) -325.99500 (deeper) 55.00550 (\056) -537.00400 (This) ] TJ -T* -[ (phenomenon) -209.88700 (is) -209.01200 (similar) -210.01200 (to) -209.99200 (that) -209.00900 (on) -209.99400 (ImageNet) -209.99400 (\050Fig\056) -209 (4\054) -217.99300 (left\051) -210 (and) ] TJ -T* -[ (on) -265.98500 (MNIST) -266.00500 (\050see) -266 (\13341\135\051\054) -269.99200 (suggesting) -265.90700 (that) -267 (such) -265.90700 (an) -265.99500 (optimization) ] TJ -T* -[ (dif) 24.98600 (\223culty) -250.00200 (is) -249.98500 (a) -250.00200 (fundamental) -250.00700 (problem\056) ] TJ -11.95510 -11.95510 Td -[ (Fig\056) -355.91100 (6) -354.99500 (\050middle\051) -355.99500 (sho) 24.99340 (ws) -354.99000 (the) -356.00900 (beha) 19.99670 (viors) -355.01900 (of) -356.01900 (ResNets\056) -627.00300 (Also) ] TJ --11.95510 -11.95550 Td -[ (similar) -336.89200 (to) -336.99000 (the) -336.99500 (ImageNet) -336.99300 (cases) -337.98300 (\050Fig\056) -337.09600 (4\054) -358.98900 (right\051\054) -359.01900 (our) -336.99800 (ResNets) ] TJ -T* -[ (manage) -213.01300 (to) -213.99100 (o) 14.98280 (v) 14.98280 (ercome) -212.98400 (the) -213.99600 (optimization) -213.00400 (dif) 24.98600 (\223culty) -212.98900 (and) -213.99900 (demon\055) ] TJ -T* -[ (strate) -249.99000 (accurac) 15.11510 (y) -249.99300 (g) 4.98446 (ains) -249.98300 (when) -249.98800 (the) -249.98800 (depth) -250.01700 (increases\056) ] TJ -11.95510 -11.95510 Td -[ (W) 79.98660 (e) -416.99400 (further) -418.00600 (e) 15.01220 (xplore) ] TJ -/R53 9.96260 Tf -82.33980 0 Td -(n) Tj -5.86598 Tc -/R39 9.96260 Tf -11.83360 0 Td -[ (\0751) 588.79400 (8) ] TJ -0 Tc -/R14 9.96260 Tf -27.72300 0 Td -[ (that) -417.01400 (leads) -417.99900 (to) -417.01900 (a) -416.99400 (110\055layer) ] TJ --133.85200 -11.95510 Td -[ (ResNet\056) -592.89900 (In) -344.99900 (this) -343.99700 (case\054) -367.98300 (we) -345.00100 (\223nd) -343.99700 (that) -344.00600 (the) -344.99100 (initial) -343.98700 (learning) -344.98200 (rate) ] TJ -T* -[ (of) -309.00500 (0\0561) -308.01500 (is) -308.99500 (slightly) -308.99700 (too) -308.01000 (lar) 17.99700 (ge) -309.00700 (to) -308.99700 (start) -308.01200 (con) 39.99820 (v) 14.98280 (er) 17.99210 (ging) ] TJ -/R14 6.97380 Tf -183.36300 3.61992 Td -(5) Tj -/R14 9.96260 Tf -3.98516 -3.61484 Td -[ (\056) -485.99200 (So) -309.00200 (we) -307.99300 (use) ] TJ --187.35000 -11.95550 Td -[ (0\05601) -216.88800 (to) -217.99100 (w) 10 (arm) -217.01800 (up) -217.01300 (the) -217.01500 (training) -218.01300 (until) -218.01300 (the) -217.01300 (training) -216.99300 (error) -216.99300 (is) -217.98800 (belo) 24.99090 (w) ] TJ -T* -[ (80\045) -201.01300 (\050about) -199.99100 (400) -200.89300 (iterations\051\054) -210.91100 (and) -200 (then) -201.01100 (go) -201.01500 (back) -200.98600 (to) -199.99600 (0\0561) -201.01100 (and) -201.02000 (con\055) ] TJ -T* -[ (tinue) -292.91200 (training\056) -440.01200 (The) -293.00500 (rest) -293.00500 (of) -293.99000 (the) -293 (learning) -292.99000 (schedule) -292.99500 (is) -292.99500 (as) -293.99000 (done) ] TJ -T* -[ (pre) 25.01300 (viously) 65.08960 (\056) -402.00900 (This) -280.01000 (110\055layer) -281.00200 (netw) 10.00810 (ork) -279.98800 (con) 39.99820 (v) 14.98280 (er) 17.99210 (ges) -281.00700 (well) -280.01700 (\050Fig\056) -281.10500 (6\054) ] TJ -T* -[ (middle\051\056) -532.89900 (It) -323.98000 (has) ] TJ -/R18 9.96260 Tf -64.62030 0 Td -[ (fe) 14.98030 (wer) ] TJ -/R14 9.96260 Tf -25.44730 0 Td -[ (parameters) -324.01900 (than) -323.89200 (other) -324.99500 (deep) -323.90700 (and) -324.01900 (thin) ] TJ -ET -Q -3.98000 w -3088.62000 1001.43000 m -4033.61000 1001.43000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 5.97760 Tf -1 0 0 1 319.72100 93.27700 Tm -(5) Tj -/R14 7.97010 Tf -3.48711 -2.81211 Td -[ (W) 39.98710 (ith) -284.01700 (an) -283.97800 (initial) -283.98700 (learning) -284.01400 (rate) -283.98400 (of) -284.99500 (0\0561\054) -292.00300 (it) -284.00200 (starts) -283.98400 (con) 40.02390 (v) 14.98520 (er) 18.00550 (ging) -284.98200 (\050) ] TJ -/R107 7.97010 Tf -180.30400 0 Td -(\074) Tj -/R14 7.97010 Tf -6.58555 0 Td -[ (90\045) -283.99600 (error\051) ] TJ --201.23600 -9.46523 Td -[ (after) -249.90300 (se) 24.99880 (v) 14.98520 (eral) -250.01900 (epochs\054) -249.99400 (b) 19.98440 (ut) -249.99700 (still) -249.97900 (reaches) -249.98200 (similar) -250.01900 (accurac) 14.98520 (y) 64.97670 (\056) ] TJ -/R14 9.96260 Tf --13.74060 -29.88750 Td -(7) Tj -ET -Q -/R28 gs -Q -Q -q -1 0 0 1 0 0 cm -BT -/F1 12 Tf -14.40000 TL -ET -1 1 1 rg -n -270 47 72 14 re -f* -0.50000 0.50000 0.50000 rg -BT -/F2 9 Tf -10.80000 TL -ET -BT -1 0 0 1 299.25000 50 Tm -(776) Tj -T* -ET -Q - -endstream -endobj -183 0 obj -<< -/FirstChar 110 -/Widths [ 619 ] -/Encoding /WinAnsiEncoding -/Type /Font -/BaseFont /ZWPBEB+CMMI9 -/LastChar 110 -/FontDescriptor 184 0 R -/Subtype /Type1 ->> -endobj -184 0 obj -<< -/FontBBox [ 0 -11 590 442 ] -/FontName /ZWPBEB+CMMI9 -/MissingWidth 500 -/Descent -11 -/XHeight 442 -/Flags 131104 -/FontFile3 185 0 R -/Type /FontDescriptor -/StemV 88 -/Ascent 442 -/ItalicAngle 0 -/CharSet (\057n) -/CapHeight 442 ->> -endobj -185 0 obj -<< -/Length 424 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -xcd`ab`dddsT~H3ankc7s7B``bdjp/,L(Q105H -: -F -Eɉy -%%@NBp~rfjI%XMFII~yy^bn^~Q̒ ԢT+|SS2KsAa%?ԗ0`==<vͻ3wq,[q&aU~1rs+Bx ̊Sӥ[*W/tB6=,sA^gY֤5҉e9UARM:&M0ܭy 6^ٝ]S֜Z(Rؘ^BCnJ™L$7q 9Jp6ml-b>sD -endstream -endobj -186 0 obj -<< -/FirstChar 60 -/Widths [ 826 ] -/Encoding /WinAnsiEncoding -/Type /Font -/BaseFont /EEAGQI+CMMI8 -/LastChar 60 -/FontDescriptor 187 0 R -/Subtype /Type1 ->> -endobj -187 0 obj -<< -/FontBBox [ 0 -64 737 564 ] -/FontName /EEAGQI+CMMI8 -/MissingWidth 500 -/Descent -64 -/Flags 65568 -/FontFile3 188 0 R -/Type /FontDescriptor -/StemV 110 -/Ascent 564 -/ItalicAngle 0 -/CharSet (\057less) -/CapHeight 564 ->> -endobj -188 0 obj -<< -/Length 310 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -xcd`ab`dddsT~H3aYkc7s7k ~(X_PYQc`j $  --u ,sS2|K2RsKԒJ+}rbt;): -% -AũEe) -ny% -~ -`Wd200000Ȃ9?g|Sg'N8CjFԺ:?comj:UHeFowSghX?QϞXp:ml-b>sy?r -endstream -endobj -189 0 obj -<< -/Encoding /WinAnsiEncoding -/Type /Font -/Name /F2 -/BaseFont /Times-Roman -/Subtype /Type1 ->> -endobj -190 0 obj -<< -/Encoding /WinAnsiEncoding -/Type /Font -/Name /F1 -/BaseFont /Helvetica -/Subtype /Type1 ->> -endobj -191 0 obj -<< -/Length 88523 ->> -stream -q -q -0.10000 0 0 0.10000 0 0 cm -/R9 gs -/R11 cs -1 1 1 scn -996.10900 6186.03000 1616.59000 1013.58000 re -f -1113.57000 6302.35000 1334.99000 874.68800 re -f -1.15000 w -1 J -1 j -/R11 CS -1 1 1 SCN -1113.57000 6302.35000 1334.99000 874.68800 re -S -[ 27.54900 27.54900 27.54900 27.54900 27.54900 27.54900 27.54900 27.54900 ] 0 d -0 0 0 SCN -1113.57000 6302.35000 m -2448.56000 6302.35000 l -S -0 0 0 scn -2448.56000 6300.05000 1.14063 1.14844 re -f -2448.56000 6302.35000 m -2448.56000 6302.35000 l -S -2448.56000 6300.05000 1.14063 1.14844 re -f -1113.57000 6521.60000 m -2448.56000 6521.60000 l -S -2448.56000 6520.45000 1.14063 1.15234 re -f -2448.56000 6521.60000 m -2448.56000 6521.60000 l -S -2448.56000 6520.45000 1.14063 1.15234 re -f -1113.57000 6739.69000 m -2448.56000 6739.69000 l -S -2448.56000 6738.55000 1.14063 1.14063 re -f -2448.56000 6739.69000 m -2448.56000 6739.69000 l -S -2448.56000 6738.55000 1.14063 1.14063 re -f -1113.57000 7177.04000 m -2448.56000 7177.04000 l -S -2448.56000 7175.89000 1.14063 1.14844 re -f -2448.56000 7177.04000 m -2448.56000 7177.04000 l -S -2448.56000 7175.89000 1.14063 1.14844 re -f -[ ] 0 d -1113.57000 6302.35000 m -2448.56000 6302.35000 l -S -2448.56000 6300.05000 1.14063 1.14844 re -f -1113.57000 6302.35000 m -1113.57000 7177.04000 l -S -1114.72000 7175.89000 1.14063 1.14844 re -f -1113.57000 6302.35000 m -1113.57000 6314.98000 l -S -1114.72000 6313.83000 1.14063 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.35970 Tf -1.00041 0 0 1 110.43900 625.75800 Tm -(0) Tj -ET -Q -1322.48000 6302.35000 m -1322.48000 6314.98000 l -S -1322.48000 6313.83000 1.14844 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.35970 Tf -1.00041 0 0 1 131.21500 625.75800 Tm -(1) Tj -ET -Q -1530.25000 6302.35000 m -1530.25000 6314.98000 l -S -1531.40000 6313.83000 1.14063 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.35970 Tf -1.00041 0 0 1 152.10700 625.75800 Tm -(2) Tj -ET -Q -1739.16000 6302.35000 m -1739.16000 6314.98000 l -S -1739.16000 6313.83000 1.14844 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.35970 Tf -1.00041 0 0 1 172.88300 625.75800 Tm -(3) Tj -ET -Q -1946.93000 6302.35000 m -1946.93000 6314.98000 l -S -1948.08000 6313.83000 1.15234 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.35970 Tf -1.00041 0 0 1 193.77500 625.75800 Tm -(4) Tj -ET -Q -2155.85000 6302.35000 m -2155.85000 6314.98000 l -S -2155.85000 6313.83000 1.13672 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.35970 Tf -1.00041 0 0 1 214.66600 625.75800 Tm -(5) Tj -ET -Q -2363.61000 6302.35000 m -2363.61000 6314.98000 l -S -2364.76000 6313.83000 1.14844 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.35970 Tf -1.00041 0 0 1 235.44300 625.75800 Tm -(6) Tj -ET -Q -1113.57000 6302.35000 m -1125.05000 6302.35000 l -S -1126.19000 6300.05000 1.14844 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.35970 Tf -1.00041 0 0 1 108.60200 628.62800 Tm -(0) Tj -ET -Q -1113.57000 6521.60000 m -1125.05000 6521.60000 l -S -1126.19000 6520.45000 1.14844 1.15234 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.35970 Tf -1.00041 0 0 1 108.60200 650.55200 Tm -(5) Tj -ET -Q -1113.57000 6739.69000 m -1125.05000 6739.69000 l -S -1126.19000 6738.55000 1.14844 1.14063 re -f -q -10 0 0 10 0 0 cm -BT -0.00044 Tc -/R24 4.35970 Tf -1.00041 0 0 1 106.42100 672.36200 Tm -(10) Tj -ET -Q -1113.57000 7177.04000 m -1125.05000 7177.04000 l -S -1126.19000 7175.89000 1.14844 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -0.00044 Tc -/R24 4.35970 Tf -1.00041 0 0 1 106.42100 716.09600 Tm -(20) Tj -ET -Q -q -1191.62000 6343.67000 1258.08000 833.36700 re -W -n -[ 10.04900 3.34950 3.34950 3.34950 ] 0 d -3.35000 w -0 J -0.75000 0.75000 0 SCN -1193.92000 7177.04000 m -1196.21000 7158.67000 l -1218.02000 7051.92000 l -1238.69000 7048.47000 l -1258.20000 7042.73000 l -1280.01000 6980.75000 l -1300.67000 6946.31000 l -1322.48000 6885.47000 l -1342 6918.76000 l -1362.66000 6882.03000 l -1384.47000 6860.22000 l -1403.98000 6837.26000 l -1426.94000 6803.97000 l -1446.45000 6852.19000 l -1467.12000 6855.63000 l -1488.93000 6791.35000 l -1508.44000 6764.95000 l -1530.25000 6771.83000 l -1550.91000 6721.33000 l -1570.42000 6721.33000 l -1592.23000 6746.58000 l -1612.90000 6764.95000 l -1634.71000 6754.62000 l -1655.37000 6761.50000 l -1674.88000 6714.44000 l -1696.69000 6735.10000 l -1717.35000 6707.55000 l -1739.16000 6744.28000 l -1758.68000 6682.30000 l -1780.49000 6711 l -1801.15000 6488.31000 l -1821.81000 6463.05000 l -1843.62000 6463.05000 l -1863.14000 6451.57000 l -1884.95000 6451.57000 l -1905.61000 6422.88000 l -1925.12000 6429.76000 l -1946.93000 6415.99000 l -1967.59000 6398.77000 l -1989.40000 6418.29000 l -2008.92000 6424.02000 l -2029.58000 6397.62000 l -2051.39000 6402.22000 l -2072.05000 6415.99000 l -2093.86000 6398.77000 l -2113.37000 6396.48000 l -2134.04000 6365.48000 l -2155.85000 6354 l -2175.36000 6374.67000 l -2197.17000 6365.48000 l -2217.83000 6357.45000 l -2260.30000 6357.45000 l -2279.82000 6352.86000 l -2301.63000 6354 l -2322.29000 6354 l -2341.80000 6364.34000 l -2363.61000 6372.37000 l -2384.27000 6367.78000 l -2406.08000 6349.41000 l -2425.60000 6357.45000 l -2448.56000 6365.48000 l -2449.70000 6365.48000 l -S -Q -q -1192.77000 6712.14000 1256.93000 464.89800 re -W -n -8.37000 w -0 J -0.75000 0.75000 0 SCN -1197.36000 7177.04000 m -1218.02000 7064.55000 l -1238.69000 7128.83000 l -1258.20000 7004.86000 l -1280.01000 6993.38000 l -1300.67000 7004.86000 l -1322.48000 6954.35000 l -1342 7002.56000 l -1362.66000 6949.76000 l -1384.47000 6946.31000 l -1403.98000 6913.02000 l -1426.94000 6918.76000 l -1446.45000 6931.39000 l -1467.12000 6913.02000 l -1488.93000 6918.76000 l -1508.44000 6878.59000 l -1530.25000 6884.33000 l -1550.91000 6887.77000 l -1570.42000 6909.58000 l -1592.23000 6874 l -1612.90000 6867.11000 l -1634.71000 6885.47000 l -1655.37000 6878.59000 l -1674.88000 6848.74000 l -1696.69000 6870.55000 l -1717.35000 6867.11000 l -1739.16000 6849.89000 l -1758.68000 6860.22000 l -1780.49000 6859.07000 l -1801.15000 6751.17000 l -1821.81000 6739.69000 l -1843.62000 6735.10000 l -1863.14000 6738.55000 l -1884.95000 6735.10000 l -1905.61000 6729.36000 l -1925.12000 6743.14000 l -1946.93000 6739.69000 l -1967.59000 6744.28000 l -1989.40000 6744.28000 l -2008.92000 6743.14000 l -2029.58000 6747.73000 l -2051.39000 6732.81000 l -2072.05000 6738.55000 l -2093.86000 6739.69000 l -2113.37000 6743.14000 l -2134.04000 6731.66000 l -2155.85000 6731.66000 l -2175.36000 6725.92000 l -2197.17000 6732.81000 l -2217.83000 6728.21000 l -2238.49000 6732.81000 l -2260.30000 6724.77000 l -2279.82000 6725.92000 l -2301.63000 6725.92000 l -2322.29000 6724.77000 l -2341.80000 6725.92000 l -2363.61000 6720.18000 l -2384.27000 6725.92000 l -2406.08000 6722.47000 l -2425.60000 6724.77000 l -2448.56000 6725.92000 l -2449.70000 6725.92000 l -S -Q -q -1270.83000 6343.67000 1178.87000 833.36700 re -W -n -[ 10.04900 3.34950 3.34950 3.34950 ] 0 d -3.35000 w -0 J -0 1 1 SCN -1273.12000 7177.04000 m -1280.01000 7147.19000 l -1300.67000 7036.99000 l -1322.48000 7096.68000 l -1342 7059.95000 l -1362.66000 7012.89000 l -1384.47000 6986.49000 l -1403.98000 6958.94000 l -1426.94000 6906.14000 l -1446.45000 6907.28000 l -1467.12000 6929.09000 l -1488.93000 6887.77000 l -1508.44000 6891.21000 l -1530.25000 6791.35000 l -1550.91000 6892.36000 l -1570.42000 6913.02000 l -1592.23000 6845.30000 l -1612.90000 6816.60000 l -1634.71000 6931.39000 l -1655.37000 6833.82000 l -1674.88000 6775.28000 l -1696.69000 6822.34000 l -1717.35000 6784.46000 l -1739.16000 6787.90000 l -1758.68000 6838.41000 l -1780.49000 6833.82000 l -1801.15000 6590.47000 l -1821.81000 6536.52000 l -1843.62000 6502.08000 l -1863.14000 6520.45000 l -1884.95000 6520.45000 l -1905.61000 6461.91000 l -1925.12000 6484.86000 l -1946.93000 6463.05000 l -1967.59000 6481.42000 l -1989.40000 6449.28000 l -2008.92000 6442.39000 l -2029.58000 6422.88000 l -2051.39000 6420.58000 l -2072.05000 6405.66000 l -2093.86000 6401.07000 l -2113.37000 6402.22000 l -2134.04000 6389.59000 l -2155.85000 6372.37000 l -2175.36000 6364.34000 l -2197.17000 6371.22000 l -2217.83000 6386.14000 l -2238.49000 6358.60000 l -2260.30000 6372.37000 l -2279.82000 6364.34000 l -2301.63000 6365.48000 l -2322.29000 6375.81000 l -2341.80000 6380.41000 l -2363.61000 6368.93000 l -2384.27000 6349.41000 l -2406.08000 6374.67000 l -2425.60000 6349.41000 l -2448.56000 6352.86000 l -2449.70000 6352.86000 l -S -Q -q -1258.20000 6730.51000 1191.50000 446.52700 re -W -n -8.37000 w -0 J -0 1 1 SCN -1263.94000 7177.04000 m -1280.01000 7115.05000 l -1300.67000 7093.24000 l -1322.48000 7143.75000 l -1342 7053.07000 l -1362.66000 7093.24000 l -1384.47000 7037 l -1403.98000 7041.59000 l -1426.94000 6994.53000 l -1446.45000 6975.01000 l -1467.12000 7002.56000 l -1488.93000 6993.38000 l -1508.44000 6956.65000 l -1530.25000 6991.08000 l -1550.91000 6977.31000 l -1570.42000 6968.12000 l -1592.23000 6961.24000 l -1612.90000 6954.35000 l -1634.71000 6996.82000 l -1655.37000 6968.12000 l -1674.88000 6922.21000 l -1696.69000 6942.87000 l -1717.35000 6918.76000 l -1739.16000 6924.50000 l -1758.68000 6956.65000 l -1780.49000 6906.14000 l -1801.15000 6766.09000 l -1821.81000 6750.02000 l -1843.62000 6751.17000 l -1863.14000 6751.17000 l -1884.95000 6753.47000 l -1905.61000 6753.47000 l -1925.12000 6761.50000 l -1946.93000 6747.73000 l -1967.59000 6747.73000 l -1989.40000 6756.91000 l -2008.92000 6756.91000 l -2029.58000 6750.02000 l -2051.39000 6771.83000 l -2072.05000 6761.50000 l -2093.86000 6769.54000 l -2113.37000 6764.95000 l -2134.04000 6754.62000 l -2155.85000 6746.58000 l -2175.36000 6753.47000 l -2197.17000 6747.73000 l -2217.83000 6746.58000 l -2238.49000 6747.73000 l -2260.30000 6738.55000 l -2279.82000 6743.14000 l -2301.63000 6744.28000 l -2322.29000 6744.28000 l -2341.80000 6747.73000 l -2363.61000 6747.73000 l -2384.27000 6738.55000 l -2406.08000 6738.55000 l -2425.60000 6744.28000 l -2448.56000 6744.28000 l -2449.70000 6743.14000 l -S -Q -q -1430.38000 6378.11000 1019.32000 798.93000 re -W -n -[ 10.04900 3.34950 3.34950 3.34950 ] 0 d -3.35000 w -0 J -0 1 0 SCN -1432.68000 7177.04000 m -1446.45000 7111.61000 l -1467.12000 7095.54000 l -1488.93000 7093.24000 l -1508.44000 6993.38000 l -1530.25000 7053.07000 l -1550.91000 7066.84000 l -1570.42000 7040.44000 l -1592.23000 7053.07000 l -1612.90000 7023.22000 l -1634.71000 7012.89000 l -1655.37000 7018.63000 l -1674.88000 6899.25000 l -1696.69000 6971.57000 l -1717.35000 6997.97000 l -1739.16000 6935.98000 l -1758.68000 6929.09000 l -1780.49000 6939.43000 l -1801.15000 6669.67000 l -1821.81000 6582.43000 l -1843.62000 6589.32000 l -1863.14000 6560.62000 l -1884.95000 6587.02000 l -1905.61000 6560.62000 l -1925.12000 6570.95000 l -1946.93000 6567.51000 l -1967.59000 6525.04000 l -1989.40000 6531.93000 l -2008.92000 6517 l -2029.58000 6527.33000 l -2051.39000 6496.34000 l -2072.05000 6484.86000 l -2093.86000 6492.90000 l -2113.37000 6498.64000 l -2134.04000 6471.09000 l -2155.85000 6430.91000 l -2175.36000 6451.57000 l -2197.17000 6430.91000 l -2217.83000 6434.36000 l -2238.49000 6433.21000 l -2260.30000 6437.80000 l -2279.82000 6419.43000 l -2301.63000 6419.43000 l -2322.29000 6409.10000 l -2341.80000 6405.66000 l -2363.61000 6441.24000 l -2384.27000 6434.36000 l -2406.08000 6382.70000 l -2425.60000 6405.66000 l -2448.56000 6444.69000 l -2449.70000 6442.39000 l -S -Q -q -1429.24000 6781.02000 1020.46000 396.02000 re -W -n -8.37000 w -0 J -0 1 0 SCN -1434.97000 7177.04000 m -1446.45000 7136.86000 l -1467.12000 7132.27000 l -1488.93000 7124.24000 l -1508.44000 7107.02000 l -1530.25000 7093.24000 l -1550.91000 7120.79000 l -1570.42000 7046.18000 l -1592.23000 7084.06000 l -1612.90000 7062.25000 l -1634.71000 7064.55000 l -1655.37000 7049.62000 l -1674.88000 7004.86000 l -1696.69000 7023.22000 l -1717.35000 7020.93000 l -1739.16000 6991.08000 l -1758.68000 7089.80000 l -1780.49000 6975.01000 l -1801.15000 6833.82000 l -1821.81000 6816.60000 l -1843.62000 6809.71000 l -1863.14000 6805.12000 l -1884.95000 6801.68000 l -1905.61000 6813.16000 l -1925.12000 6823.49000 l -1946.93000 6813.16000 l -1967.59000 6798.24000 l -1989.40000 6812.01000 l -2008.92000 6803.97000 l -2029.58000 6797.09000 l -2051.39000 6801.68000 l -2072.05000 6822.34000 l -2093.86000 6816.60000 l -2113.37000 6812.01000 l -2134.04000 6797.09000 l -2155.85000 6790.20000 l -2175.36000 6800.53000 l -2197.17000 6793.64000 l -2217.83000 6787.90000 l -2238.49000 6787.90000 l -2260.30000 6790.20000 l -2279.82000 6794.79000 l -2301.63000 6794.79000 l -2322.29000 6798.24000 l -2341.80000 6800.53000 l -2363.61000 6800.53000 l -2384.27000 6794.79000 l -2406.08000 6794.79000 l -2425.60000 6797.09000 l -2448.56000 6803.97000 l -2449.70000 6801.68000 l -S -Q -q -1514.18000 6521.60000 935.52000 655.43800 re -W -n -[ 10.04900 3.34950 3.34950 3.34950 ] 0 d -3.35000 w -0 J -1 0 0 SCN -1517.62000 7177.04000 m -1530.25000 7120.79000 l -1550.91000 7154.08000 l -1570.42000 7105.87000 l -1592.23000 7127.68000 l -1612.90000 7027.81000 l -1634.71000 7171.30000 l -1655.37000 7024.37000 l -1674.88000 7016.33000 l -1696.69000 7117.35000 l -1717.35000 7055.36000 l -1739.16000 7038.14000 l -1758.68000 7026.66000 l -1780.49000 7117.35000 l -1801.15000 6808.57000 l -1821.81000 6738.55000 l -1843.62000 6756.91000 l -1863.14000 6721.33000 l -1884.95000 6698.37000 l -1905.61000 6698.37000 l -1925.12000 6673.12000 l -1946.93000 6663.93000 l -1967.59000 6709.85000 l -1989.40000 6670.82000 l -2008.92000 6649.01000 l -2029.58000 6666.23000 l -2051.39000 6669.67000 l -2072.05000 6669.67000 l -2093.86000 6640.98000 l -2113.37000 6651.31000 l -2134.04000 6598.50000 l -2155.85000 6545.70000 l -2175.36000 6564.07000 l -2197.17000 6572.10000 l -2217.83000 6543.40000 l -2238.49000 6546.85000 l -2260.30000 6558.33000 l -2279.82000 6568.66000 l -2301.63000 6585.88000 l -2322.29000 6543.40000 l -2341.80000 6553.74000 l -2363.61000 6568.66000 l -2384.27000 6527.33000 l -2406.08000 6529.63000 l -2425.60000 6551.44000 l -2448.56000 6561.77000 l -2449.70000 6558.33000 l -S -Q -q -1565.83000 6868.26000 883.87100 308.77700 re -W -n -8.37000 w -0 J -1 0 0 SCN -1570.42000 7177.04000 m -1570.42000 7173.60000 l -1592.23000 7169 l -1612.90000 7092.10000 l -1634.71000 7162.12000 l -1655.37000 7175.89000 l -1674.88000 7107.02000 l -1696.69000 7113.91000 l -1717.35000 7093.24000 l -1739.16000 7089.80000 l -1758.68000 7103.57000 l -1780.49000 7118.50000 l -1801.15000 6939.43000 l -1821.81000 6925.65000 l -1843.62000 6914.17000 l -1863.14000 6909.58000 l -1884.95000 6900.40000 l -1905.61000 6900.40000 l -1925.12000 6892.36000 l -1946.93000 6893.51000 l -1967.59000 6913.02000 l -1989.40000 6903.84000 l -2008.92000 6888.92000 l -2029.58000 6891.21000 l -2051.39000 6900.40000 l -2072.05000 6895.81000 l -2093.86000 6900.40000 l -2113.37000 6914.17000 l -2134.04000 6888.92000 l -2155.85000 6882.03000 l -2175.36000 6880.88000 l -2197.17000 6891.21000 l -2217.83000 6880.88000 l -2238.49000 6880.88000 l -2260.30000 6887.77000 l -2279.82000 6878.59000 l -2301.63000 6875.14000 l -2322.29000 6882.03000 l -2341.80000 6884.33000 l -2363.61000 6884.33000 l -2384.27000 6885.47000 l -2406.08000 6880.88000 l -2425.60000 6880.88000 l -2448.56000 6882.03000 l -2449.70000 6880.88000 l -S -Q -q -10 0 0 10 0 0 cm -BT --0.05232 Tc -/R24 5.03050 Tf -1.00036 0 0 1 168.06200 620.70700 Tm -0.17154 Tw -[ (i) 39.30910 (t) -6.33360 (er) -19.57080 (\056) -11.27970 ( \050) -19.56600 (1) -12.23540 (e4) -12.16260 (\051) ] TJ --0.06389 Tc -0 1.00036 -1 0 104.12500 664.32700 Tm -0.18311 Tw -[ (er) -21.91900 (ro) -14.51560 (r) -21.86070 ( \050\045) -23.67520 (\051) ] TJ -ET -Q -1 1 1 scn -1125.05000 6312.68000 241.05100 219.25000 re -f -0 J -1 1 1 SCN -1125.05000 6312.68000 m -1125.05000 6531.93000 l -1366.10000 6531.93000 l -1366.10000 6312.68000 l -1125.05000 6312.68000 l -S -0 0 0 SCN -1125.05000 6531.93000 m -1366.10000 6531.93000 l -S -0 0 0 scn -1366.10000 6529.63000 1.14844 1.15234 re -f -1125.05000 6312.68000 m -1366.10000 6312.68000 l -S -1366.10000 6310.38000 1.14844 1.15234 re -f -1366.10000 6312.68000 m -1366.10000 6531.93000 l -S -1366.10000 6529.63000 1.14844 1.15234 re -f -1125.05000 6312.68000 m -1125.05000 6531.93000 l -S -1126.19000 6529.63000 1.14844 1.15234 re -f -1125.05000 6312.68000 m -1366.10000 6312.68000 l -S -1366.10000 6310.38000 1.14844 1.15234 re -f -1125.05000 6312.68000 m -1125.05000 6531.93000 l -S -1126.19000 6529.63000 1.14844 1.15234 re -f -1125.05000 6531.93000 m -1366.10000 6531.93000 l -S -1366.10000 6529.63000 1.14844 1.15234 re -f -1125.05000 6312.68000 m -1366.10000 6312.68000 l -S -1366.10000 6310.38000 1.14844 1.15234 re -f -1366.10000 6312.68000 m -1366.10000 6531.93000 l -S -1366.10000 6529.63000 1.14844 1.15234 re -f -1125.05000 6312.68000 m -1125.05000 6531.93000 l -S -1126.19000 6529.63000 1.14844 1.15234 re -f -q -10 0 0 10 0 0 cm -BT -0.00436 Tc -/R24 4.35970 Tf -1.00041 0 0 1 121.34300 648.60100 Tm -[ (pl) 41.91790 (ai) 41.89550 (n\055) -8.13616 (20) ] TJ -ET -Q -8.37000 w -0.75000 0.75000 0 SCN -1138.82000 6502.08000 m -1206.55000 6502.08000 l -S -q -10 0 0 10 0 0 cm -BT -0.00436 Tc -/R24 4.35970 Tf -1.00041 0 0 1 121.34300 643.20600 Tm -[ (pl) 41.91790 (ai) 41.89550 (n\055) -8.13616 (32) ] TJ -ET -Q -0 1 1 SCN -1138.82000 6449.28000 m -1206.55000 6449.28000 l -S -q -10 0 0 10 0 0 cm -BT -0.00436 Tc -/R24 4.35970 Tf -1.00041 0 0 1 121.34300 637.81100 Tm -[ (pl) 41.91790 (ai) 41.89550 (n\055) -8.13616 (44) ] TJ -ET -Q -0 1 0 SCN -1138.82000 6396.48000 m -1206.55000 6396.48000 l -S -q -10 0 0 10 0 0 cm -BT -0.00436 Tc -/R24 4.35970 Tf -1.00041 0 0 1 121.34300 632.41600 Tm -[ (pl) 41.91790 (ai) 41.89550 (n\055) -8.13616 (56) ] TJ -ET -Q -1 0 0 SCN -1138.82000 6343.67000 m -1206.55000 6343.67000 l -S -1 1 1 scn -2526.61000 6186.03000 1721.83000 1013.58000 re -f -2749.30000 6300.05000 1334.99000 875.84000 re -f -1.15000 w -1 1 1 SCN -2749.30000 6300.05000 m -2749.30000 7175.89000 l -4084.29000 7175.89000 l -4084.29000 6300.05000 l -2749.30000 6300.05000 l -S -[ 27.54900 27.54900 27.54900 27.54900 27.54900 27.54900 27.54900 27.54900 ] 0 d -0 0 0 SCN -2749.30000 6300.05000 m -4084.29000 6300.05000 l -S -0 0 0 scn -4084.29000 6297.76000 1.15234 1.14844 re -f -4084.29000 6300.05000 m -4084.29000 6300.05000 l -S -4084.29000 6297.76000 1.15234 1.14844 re -f -2749.30000 6519.30000 m -4084.29000 6519.30000 l -S -4084.29000 6518.15000 1.15234 1.15234 re -f -4084.29000 6519.30000 m -4084.29000 6519.30000 l -S -4084.29000 6518.15000 1.15234 1.15234 re -f -2749.30000 6738.55000 m -4084.29000 6738.55000 l -S -4084.29000 6736.25000 1.15234 1.14844 re -f -4084.29000 6738.55000 m -4084.29000 6738.55000 l -S -4084.29000 6736.25000 1.15234 1.14844 re -f -2749.30000 7175.89000 m -4084.29000 7175.89000 l -S -4084.29000 7174.74000 1.15234 1.14453 re -f -4084.29000 7175.89000 m -4084.29000 7175.89000 l -S -4084.29000 7174.74000 1.15234 1.14453 re -f -[ ] 0 d -2749.30000 6300.05000 m -4084.29000 6300.05000 l -S -4084.29000 6297.76000 1.15234 1.14844 re -f -2749.30000 6300.05000 m -2749.30000 7175.89000 l -S -2750.45000 7174.74000 1.15234 1.14453 re -f -2749.30000 6300.05000 m -2749.30000 6313.83000 l -S -2750.45000 6311.53000 1.15234 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.36460 Tf -1.00062 0 0 1 274.01200 625.52900 Tm -(0) Tj -ET -Q -2958.22000 6300.05000 m -2958.22000 6313.83000 l -S -2958.22000 6311.53000 1.14063 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.36460 Tf -1.00062 0 0 1 294.78900 625.52900 Tm -(1) Tj -ET -Q -3165.98000 6300.05000 m -3165.98000 6313.83000 l -S -3167.13000 6311.53000 1.15234 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.36460 Tf -1.00062 0 0 1 315.68000 625.52900 Tm -(2) Tj -ET -Q -3374.90000 6300.05000 m -3374.90000 6313.83000 l -S -3374.90000 6311.53000 1.15234 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.36460 Tf -1.00062 0 0 1 336.45700 625.52900 Tm -(3) Tj -ET -Q -3582.67000 6300.05000 m -3582.67000 6313.83000 l -S -3583.81000 6311.53000 1.15234 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.36460 Tf -1.00062 0 0 1 357.34800 625.52900 Tm -(4) Tj -ET -Q -3791.58000 6300.05000 m -3791.58000 6313.83000 l -S -3791.58000 6311.53000 1.15234 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.36460 Tf -1.00062 0 0 1 378.24000 625.52900 Tm -(5) Tj -ET -Q -3999.35000 6300.05000 m -3999.35000 6313.83000 l -S -4000.50000 6311.53000 1.14063 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.36460 Tf -1.00062 0 0 1 399.01700 625.52900 Tm -(6) Tj -ET -Q -2749.30000 6300.05000 m -2760.78000 6300.05000 l -S -2761.93000 6297.76000 1.14844 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.36460 Tf -1.00062 0 0 1 272.17500 628.39800 Tm -(0) Tj -ET -Q -2749.30000 6519.30000 m -2760.78000 6519.30000 l -S -2761.93000 6518.15000 1.14844 1.15234 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.36460 Tf -1.00062 0 0 1 272.17500 650.32300 Tm -(5) Tj -ET -Q -2749.30000 6738.55000 m -2760.78000 6738.55000 l -S -2761.93000 6736.25000 1.14844 1.14844 re -f -q -10 0 0 10 0 0 cm -BT --0.00262 Tc -/R24 4.36460 Tf -1.00062 0 0 1 269.99400 672.24700 Tm -(10) Tj -ET -Q -2749.30000 7175.89000 m -2760.78000 7175.89000 l -S -2761.93000 7174.74000 1.14844 1.14453 re -f -q -10 0 0 10 0 0 cm -BT --0.00262 Tc -/R24 4.36460 Tf -1.00062 0 0 1 269.99400 715.98200 Tm -(20) Tj -ET -Q -q -2800.96000 6311.53000 1284.48000 864.35900 re -W -n -[ 10.06200 3.35410 3.35410 3.35410 ] 0 d -3.36000 w -0.75000 0.75000 0 SCN -2803.25000 7175.89000 m -2811.29000 7152.93000 l -2831.95000 6991.08000 l -2853.76000 6954.35000 l -2874.42000 6885.47000 l -2893.94000 6877.44000 l -2915.74000 6845.30000 l -2936.41000 6791.35000 l -2958.22000 6764.95000 l -2977.73000 6711 l -2998.39000 6738.55000 l -3020.20000 6729.36000 l -3039.72000 6753.47000 l -3062.67000 6716.74000 l -3082.19000 6744.28000 l -3102.85000 6670.82000 l -3124.66000 6655.90000 l -3144.17000 6673.12000 l -3165.98000 6619.17000 l -3186.65000 6667.38000 l -3206.16000 6613.43000 l -3227.97000 6697.22000 l -3248.63000 6660.49000 l -3270.44000 6666.23000 l -3291.10000 6645.57000 l -3310.62000 6615.72000 l -3332.43000 6623.76000 l -3353.09000 6659.34000 l -3374.90000 6647.86000 l -3394.41000 6645.57000 l -3416.22000 6626.05000 l -3436.88000 6420.58000 l -3457.55000 6412.55000 l -3479.36000 6415.99000 l -3498.87000 6382.70000 l -3520.68000 6398.77000 l -3541.34000 6394.18000 l -3560.86000 6370.07000 l -3582.67000 6391.88000 l -3603.33000 6366.63000 l -3625.14000 6354 l -3644.65000 6363.19000 l -3665.31000 6365.48000 l -3687.12000 6358.60000 l -3707.79000 6358.60000 l -3729.59000 6373.52000 l -3749.11000 6333.34000 l -3769.77000 6351.71000 l -3791.58000 6344.82000 l -3811.09000 6328.75000 l -3832.90000 6333.34000 l -3853.57000 6333.34000 l -3874.23000 6335.64000 l -3896.04000 6321.86000 l -3915.55000 6332.19000 l -3937.36000 6332.19000 l -3958.02000 6321.86000 l -3977.54000 6329.90000 l -3999.35000 6348.26000 l -4020.01000 6326.45000 l -4041.82000 6319.57000 l -4061.33000 6316.12000 l -4084.29000 6336.79000 l -4085.44000 6335.64000 l -S -Q -q -2791.77000 6669.67000 1293.67000 506.21900 re -W -n -8.39000 w -0.75000 0.75000 0 SCN -2796.37000 7175.89000 m -2811.29000 7081.76000 l -2831.95000 7009.45000 l -2853.76000 6954.35000 l -2874.42000 6925.65000 l -2893.94000 6927.95000 l -2915.74000 6903.84000 l -2936.41000 6899.25000 l -2958.22000 6877.44000 l -2977.73000 6885.47000 l -2998.39000 6852.19000 l -3020.20000 6841.85000 l -3039.72000 6808.57000 l -3062.67000 6837.26000 l -3082.19000 6870.55000 l -3102.85000 6844.15000 l -3124.66000 6847.59000 l -3144.17000 6813.16000 l -3165.98000 6831.52000 l -3186.65000 6818.90000 l -3206.16000 6801.68000 l -3227.97000 6813.16000 l -3248.63000 6813.16000 l -3270.44000 6808.57000 l -3291.10000 6812.01000 l -3310.62000 6805.12000 l -3332.43000 6786.76000 l -3353.09000 6808.57000 l -3374.90000 6787.90000 l -3394.41000 6831.52000 l -3416.22000 6793.64000 l -3436.88000 6702.96000 l -3457.55000 6696.07000 l -3479.36000 6691.48000 l -3498.87000 6689.19000 l -3520.68000 6682.30000 l -3541.34000 6677.71000 l -3560.86000 6682.30000 l -3582.67000 6688.04000 l -3603.33000 6694.93000 l -3625.14000 6689.19000 l -3644.65000 6688.04000 l -3665.31000 6694.93000 l -3687.12000 6696.07000 l -3707.79000 6685.74000 l -3729.59000 6691.48000 l -3749.11000 6692.63000 l -3769.77000 6688.04000 l -3791.58000 6689.19000 l -3811.09000 6688.04000 l -3853.57000 6688.04000 l -3874.23000 6678.86000 l -3896.04000 6691.48000 l -3915.55000 6684.59000 l -3937.36000 6688.04000 l -3958.02000 6688.04000 l -3977.54000 6684.59000 l -3999.35000 6684.59000 l -4020.01000 6691.48000 l -4041.82000 6685.74000 l -4061.33000 6689.19000 l -4084.29000 6684.59000 l -4085.44000 6684.59000 l -S -Q -q -2798.66000 6301.20000 1286.78000 874.69100 re -W -n -[ 10.06200 3.35410 3.35410 3.35410 ] 0 d -3.36000 w -0 1 1 SCN -2802.10000 7178.18000 m -2811.29000 7112.76000 l -2831.95000 6938.28000 l -2853.76000 6979.60000 l -2874.42000 6869.40000 l -2893.94000 6856.78000 l -2915.74000 6782.16000 l -2936.41000 6769.54000 l -2958.22000 6753.47000 l -2977.73000 6669.67000 l -2998.39000 6699.52000 l -3020.20000 6678.86000 l -3039.72000 6731.66000 l -3062.67000 6685.74000 l -3082.19000 6700.66000 l -3102.85000 6616.87000 l -3124.66000 6606.54000 l -3144.17000 6662.78000 l -3165.98000 6566.36000 l -3186.65000 6627.20000 l -3206.16000 6569.81000 l -3227.97000 6548 l -3248.63000 6575.55000 l -3270.44000 6644.42000 l -3291.10000 6605.39000 l -3310.62000 6550.29000 l -3332.43000 6584.73000 l -3353.09000 6561.77000 l -3374.90000 6583.58000 l -3394.41000 6544.55000 l -3416.22000 6598.50000 l -3436.88000 6406.81000 l -3457.55000 6380.41000 l -3479.36000 6375.81000 l -3498.87000 6355.15000 l -3520.68000 6332.19000 l -3541.34000 6341.38000 l -3560.86000 6351.71000 l -3582.67000 6328.75000 l -3603.33000 6335.64000 l -3625.14000 6329.90000 l -3644.65000 6321.86000 l -3665.31000 6328.75000 l -3687.12000 6325.31000 l -3707.79000 6311.53000 l -3729.59000 6332.19000 l -3749.11000 6325.31000 l -3769.77000 6314.98000 l -3791.58000 6316.12000 l -3811.09000 6310.38000 l -3832.90000 6319.57000 l -3853.57000 6310.38000 l -3874.23000 6311.53000 l -3896.04000 6308.09000 l -3915.55000 6310.38000 l -3937.36000 6311.53000 l -3958.02000 6319.57000 l -3977.54000 6314.98000 l -3999.35000 6313.83000 l -4020.01000 6314.98000 l -4041.82000 6306.94000 l -4061.33000 6310.38000 l -4084.29000 6311.53000 l -4085.44000 6311.53000 l -S -Q -q -2799.81000 6616.87000 1285.63000 559.02000 re -W -n -8.39000 w -0 1 1 SCN -2805.55000 7175.89000 m -2811.29000 7135.71000 l -2831.95000 7038.14000 l -2853.76000 6963.53000 l -2874.42000 6942.87000 l -2893.93000 6885.47000 l -2915.74000 6914.17000 l -2936.41000 6851.04000 l -2958.22000 6869.40000 l -2977.73000 6831.52000 l -2998.39000 6826.93000 l -3020.20000 6845.30000 l -3039.72000 6865.96000 l -3062.67000 6807.42000 l -3082.19000 6815.45000 l -3102.85000 6833.82000 l -3124.66000 6769.54000 l -3144.17000 6794.79000 l -3165.98000 6801.68000 l -3186.65000 6791.35000 l -3206.16000 6803.97000 l -3227.97000 6782.16000 l -3248.63000 6785.61000 l -3270.44000 6769.54000 l -3291.10000 6769.54000 l -3310.62000 6744.28000 l -3332.43000 6783.31000 l -3353.09000 6753.47000 l -3374.90000 6754.62000 l -3394.41000 6754.62000 l -3416.22000 6731.66000 l -3436.88000 6647.86000 l -3457.55000 6645.57000 l -3479.36000 6642.12000 l -3498.87000 6642.12000 l -3520.68000 6647.86000 l -3541.34000 6634.09000 l -3560.86000 6630.64000 l -3582.67000 6628.35000 l -3603.33000 6640.98000 l -3625.14000 6630.64000 l -3644.65000 6637.53000 l -3665.31000 6637.53000 l -3687.12000 6635.24000 l -3707.78000 6640.98000 l -3729.59000 6642.12000 l -3749.11000 6638.68000 l -3769.77000 6642.12000 l -3791.58000 6635.24000 l -3811.09000 6631.79000 l -3832.90000 6635.24000 l -3853.57000 6627.20000 l -3874.23000 6634.09000 l -3896.04000 6630.64000 l -3915.55000 6630.64000 l -3937.36000 6623.76000 l -3958.02000 6628.35000 l -3977.54000 6631.79000 l -3999.35000 6627.20000 l -4020.01000 6631.79000 l -4041.82000 6631.79000 l -4061.33000 6630.64000 l -4084.29000 6628.35000 l -4085.44000 6628.35000 l -S -Q -q -2800.96000 6297.76000 1266.11000 878.12900 re -W -n -[ 10.06200 3.35410 3.35410 3.35410 ] 0 d -3.36000 w -0 1 0 SCN -2803.25000 7175.89000 m -2811.29000 7095.54000 l -2831.95000 6981.90000 l -2853.76000 6913.02000 l -2874.42000 6867.11000 l -2893.94000 6812.01000 l -2915.74000 6758.06000 l -2936.41000 6740.84000 l -2958.22000 6685.74000 l -2977.73000 6649.01000 l -2998.39000 6689.19000 l -3020.20000 6640.98000 l -3039.72000 6678.86000 l -3062.67000 6608.83000 l -3082.19000 6628.35000 l -3102.85000 6605.39000 l -3124.66000 6578.99000 l -3144.17000 6615.72000 l -3165.98000 6529.63000 l -3186.65000 6601.95000 l -3206.16000 6580.14000 l -3227.97000 6598.50000 l -3248.63000 6628.35000 l -3270.44000 6526.19000 l -3291.10000 6572.10000 l -3310.62000 6533.07000 l -3332.43000 6587.02000 l -3353.09000 6543.40000 l -3374.90000 6548 l -3394.41000 6569.81000 l -3416.22000 6536.52000 l -3436.88000 6365.48000 l -3457.55000 6359.74000 l -3479.36000 6348.26000 l -3498.87000 6326.45000 l -3520.68000 6328.75000 l -3541.34000 6321.86000 l -3560.86000 6329.90000 l -3582.67000 6316.12000 l -3603.33000 6319.57000 l -3625.14000 6318.42000 l -3644.65000 6310.38000 l -3665.31000 6313.83000 l -3687.12000 6313.83000 l -3707.79000 6311.53000 l -3729.59000 6303.50000 l -3749.11000 6304.65000 l -3769.77000 6311.53000 l -3791.58000 6313.83000 l -3811.09000 6308.09000 l -3832.90000 6304.65000 l -3853.57000 6303.50000 l -3874.23000 6303.50000 l -3896.04000 6308.09000 l -3915.55000 6303.50000 l -3937.36000 6311.53000 l -3958.02000 6311.53000 l -3977.54000 6310.38000 l -3999.35000 6308.09000 l -4020.01000 6311.53000 l -4041.82000 6308.09000 l -4061.33000 6304.65000 l -S -Q -q -2795.22000 6603.09000 1290.22000 572.80100 re -W -n -8.39000 w -0 1 0 SCN -2799.81000 7175.89000 m -2811.29000 7094.39000 l -2831.95000 6983.05000 l -2853.76000 6946.31000 l -2874.42000 6892.36000 l -2893.94000 6860.22000 l -2915.74000 6872.85000 l -2936.41000 6837.26000 l -2958.22000 6809.71000 l -2977.73000 6797.09000 l -2998.39000 6833.82000 l -3020.20000 6801.68000 l -3039.72000 6809.71000 l -3062.67000 6803.97000 l -3082.19000 6797.09000 l -3102.85000 6766.09000 l -3124.66000 6756.91000 l -3144.17000 6801.68000 l -3165.98000 6758.06000 l -3186.65000 6753.47000 l -3206.16000 6783.31000 l -3227.97000 6760.35000 l -3248.63000 6751.17000 l -3270.44000 6758.06000 l -3291.10000 6740.84000 l -3310.62000 6753.47000 l -3332.43000 6766.09000 l -3353.09000 6753.47000 l -3374.90000 6732.81000 l -3394.41000 6800.53000 l -3416.22000 6761.50000 l -3436.88000 6637.53000 l -3457.55000 6627.20000 l -3479.36000 6626.05000 l -3498.87000 6615.72000 l -3520.68000 6609.98000 l -3541.34000 6620.31000 l -3560.86000 6615.72000 l -3582.67000 6612.28000 l -3603.33000 6609.98000 l -3625.14000 6619.17000 l -3644.65000 6612.28000 l -3665.31000 6619.17000 l -3687.12000 6613.43000 l -3707.79000 6615.72000 l -3729.59000 6620.31000 l -3749.11000 6622.61000 l -3769.77000 6615.72000 l -3791.58000 6613.43000 l -3811.09000 6613.43000 l -3832.90000 6615.72000 l -3853.57000 6613.43000 l -3896.04000 6613.43000 l -3915.55000 6612.28000 l -3937.36000 6612.28000 l -3958.02000 6619.17000 l -3977.54000 6615.72000 l -3999.35000 6612.28000 l -4020.01000 6613.43000 l -4041.82000 6612.28000 l -4061.33000 6613.43000 l -4085.44000 6613.43000 l -S -Q -q -2806.70000 6297.76000 1278.74000 878.12900 re -W -n -[ 10.06200 3.35410 3.35410 3.35410 ] 0 d -3.36000 w -1 0 0 SCN -2810.14000 7175.89000 m -2811.29000 7152.93000 l -2831.95000 7081.76000 l -2853.76000 6986.49000 l -2874.42000 6880.88000 l -2893.94000 6900.40000 l -2915.74000 6825.78000 l -2936.41000 6691.48000 l -2958.22000 6707.55000 l -2977.73000 6670.82000 l -2998.39000 6696.07000 l -3020.20000 6647.86000 l -3039.72000 6626.05000 l -3062.67000 6604.24000 l -3082.19000 6627.20000 l -3102.85000 6615.72000 l -3124.66000 6544.55000 l -3144.17000 6598.50000 l -3165.98000 6598.50000 l -3186.65000 6622.61000 l -3206.16000 6553.74000 l -3227.97000 6565.21000 l -3248.63000 6580.14000 l -3270.44000 6558.33000 l -3291.10000 6514.71000 l -3310.62000 6494.05000 l -3332.43000 6506.67000 l -3353.09000 6535.37000 l -3374.90000 6518.15000 l -3394.41000 6474.53000 l -3416.22000 6529.63000 l -3436.88000 6355.15000 l -3457.55000 6348.26000 l -3479.36000 6328.75000 l -3498.87000 6318.42000 l -3520.68000 6328.75000 l -3541.34000 6313.83000 l -3560.86000 6321.86000 l -3582.67000 6316.12000 l -3603.33000 6308.09000 l -3625.14000 6316.12000 l -3644.65000 6306.94000 l -3665.31000 6311.53000 l -3687.12000 6308.09000 l -3707.79000 6313.83000 l -3729.59000 6304.65000 l -3749.11000 6304.65000 l -3769.77000 6306.94000 l -3791.58000 6303.50000 l -3811.09000 6303.50000 l -3832.90000 6308.09000 l -3853.57000 6313.83000 l -3874.23000 6304.65000 l -3896.04000 6304.65000 l -3915.55000 6303.50000 l -3958.02000 6303.50000 l -3977.54000 6304.65000 l -3999.35000 6303.50000 l -4020.01000 6304.65000 l -4041.82000 6306.94000 l -4061.33000 6306.94000 l -4084.29000 6303.50000 l -4085.44000 6301.20000 l -S -Q -q -2804.40000 6599.65000 1281.04000 576.23800 re -W -n -8.39000 w -1 0 0 SCN -2810.14000 7175.89000 m -2811.29000 7157.52000 l -2831.95000 7085.21000 l -2853.76000 6991.08000 l -2874.42000 6986.49000 l -2893.94000 6942.87000 l -2915.74000 6887.77000 l -2936.41000 6885.47000 l -2958.22000 6847.59000 l -2977.73000 6837.26000 l -2998.39000 6820.04000 l -3020.20000 6797.09000 l -3039.72000 6816.60000 l -3062.67000 6803.97000 l -3082.19000 6794.79000 l -3102.85000 6775.28000 l -3124.66000 6772.98000 l -3144.17000 6787.90000 l -3165.98000 6768.39000 l -3186.65000 6787.90000 l -3206.16000 6762.65000 l -3227.97000 6769.54000 l -3248.63000 6751.17000 l -3270.44000 6736.25000 l -3291.10000 6754.62000 l -3310.62000 6762.65000 l -3332.43000 6751.17000 l -3353.09000 6744.28000 l -3374.90000 6761.50000 l -3394.41000 6735.10000 l -3416.22000 6743.14000 l -3436.88000 6631.79000 l -3457.55000 6630.64000 l -3479.36000 6628.35000 l -3498.87000 6623.76000 l -3520.68000 6622.61000 l -3541.34000 6620.31000 l -3560.86000 6619.17000 l -3582.67000 6613.43000 l -3603.33000 6615.72000 l -3625.14000 6620.31000 l -3644.65000 6622.61000 l -3665.31000 6613.43000 l -3687.12000 6612.28000 l -3707.79000 6609.98000 l -3729.59000 6613.43000 l -3749.11000 6616.87000 l -3769.77000 6612.28000 l -3791.58000 6609.98000 l -3811.09000 6612.28000 l -3832.90000 6612.28000 l -3853.57000 6608.83000 l -3874.23000 6606.54000 l -3896.04000 6606.54000 l -3915.55000 6609.98000 l -3937.36000 6608.83000 l -3977.54000 6608.83000 l -3999.35000 6612.28000 l -4020.01000 6606.54000 l -4041.82000 6612.28000 l -4061.33000 6606.54000 l -4085.44000 6606.54000 l -S -Q -[ 10.06200 3.35410 3.35410 3.35410 ] 0 d -3.36000 w -2818.17000 7175.89000 m -2831.95000 7087.50000 l -2853.76000 6969.27000 l -2874.42000 7081.76000 l -2893.94000 6812.01000 l -2915.74000 6729.36000 l -2936.41000 6787.90000 l -2958.22000 6716.74000 l -2977.73000 6637.53000 l -2998.39000 6642.12000 l -3020.20000 6601.95000 l -3039.72000 6623.76000 l -3062.67000 6604.24000 l -3082.19000 6584.73000 l -3102.85000 6582.43000 l -3124.66000 6533.07000 l -3144.17000 6573.25000 l -3165.98000 6507.82000 l -3186.65000 6590.47000 l -3206.16000 6497.49000 l -3227.97000 6576.69000 l -3248.63000 6506.67000 l -3270.44000 6560.62000 l -3291.10000 6519.30000 l -3310.62000 6522.74000 l -3332.43000 6474.53000 l -3353.09000 6457.31000 l -3374.90000 6539.96000 l -3394.41000 6492.90000 l -3416.22000 6526.19000 l -3436.88000 6336.79000 l -3457.55000 6333.34000 l -3479.36000 6326.45000 l -3498.87000 6311.53000 l -3520.68000 6316.12000 l -3541.34000 6310.38000 l -3560.86000 6314.98000 l -3582.67000 6310.38000 l -3603.33000 6310.38000 l -3625.14000 6306.94000 l -3644.65000 6308.09000 l -3665.31000 6306.94000 l -3687.12000 6310.38000 l -3707.79000 6304.65000 l -3729.59000 6304.65000 l -3749.11000 6303.50000 l -3769.77000 6303.50000 l -3791.58000 6300.05000 l -3811.09000 6306.94000 l -3832.90000 6303.50000 l -3853.57000 6300.05000 l -3874.23000 6303.50000 l -3896.04000 6303.50000 l -3915.55000 6300.05000 l -3937.36000 6300.05000 l -3958.02000 6304.65000 l -3977.54000 6303.50000 l -3999.35000 6304.65000 l -4020.01000 6304.65000 l -4041.82000 6300.05000 l -4061.33000 6300.05000 l -4084.29000 6303.50000 l -4085.44000 6303.50000 l -S -q -2806.70000 6578.99000 1278.74000 596.90200 re -W -n -[ ] 0 d -8.39000 w -2811.29000 7175.89000 m -2811.29000 7174.74000 l -2831.95000 7069.14000 l -2853.76000 6972.71000 l -2874.42000 7047.33000 l -2893.94000 6927.95000 l -2915.74000 6863.66000 l -2936.41000 6882.03000 l -2958.22000 6888.92000 l -2977.73000 6807.42000 l -2998.39000 6820.04000 l -3020.20000 6794.79000 l -3039.72000 6800.53000 l -3062.67000 6791.35000 l -3082.19000 6778.72000 l -3102.85000 6785.61000 l -3124.66000 6746.58000 l -3144.17000 6775.28000 l -3165.98000 6738.55000 l -3186.65000 6775.28000 l -3206.16000 6747.73000 l -3227.97000 6785.61000 l -3248.63000 6758.06000 l -3270.44000 6756.91000 l -3291.10000 6760.35000 l -3310.62000 6754.62000 l -3332.43000 6722.47000 l -3353.09000 6743.14000 l -3374.90000 6761.50000 l -3394.41000 6750.02000 l -3416.22000 6711 l -3436.88000 6615.72000 l -3457.55000 6606.54000 l -3479.36000 6605.39000 l -3498.87000 6600.80000 l -3520.68000 6605.39000 l -3541.34000 6601.95000 l -3560.86000 6600.80000 l -3582.67000 6605.39000 l -3603.33000 6601.95000 l -3625.14000 6604.24000 l -3644.65000 6601.95000 l -3665.31000 6600.80000 l -3687.12000 6597.36000 l -3707.79000 6591.62000 l -3729.59000 6593.91000 l -3749.11000 6600.80000 l -3769.77000 6591.62000 l -3791.58000 6595.06000 l -3811.09000 6590.47000 l -3832.90000 6591.62000 l -3853.57000 6587.02000 l -3874.23000 6591.62000 l -3896.04000 6593.91000 l -3915.55000 6588.17000 l -3937.36000 6590.47000 l -3958.02000 6590.47000 l -3977.54000 6588.17000 l -3999.35000 6590.47000 l -4020.01000 6591.62000 l -4041.82000 6587.02000 l -4061.33000 6588.17000 l -4084.29000 6587.02000 l -4085.44000 6587.02000 l -S -Q -q -10 0 0 10 0 0 cm -BT --0.05539 Tc -/R24 5.03590 Tf -1.00070 0 0 1 331.63600 620.47800 Tm -0.17273 Tw -[ (i) 39.02840 (t) -6.47243 (er) -19.67890 (\056) -11.60290 ( \050) -19.69830 (1) -12.13100 (e4) -12.12130 (\051) ] TJ -0.04381 Tc -0 1.00070 -1 0 267.69900 664.21200 Tm --0.04079 Tw -[ (e) 19.70800 (r) 22.80850 (ro) 7.58670 (r \050\045) 21.71370 (\051) ] TJ -ET -Q -1 1 1 scn -3767.47000 6891.21000 307.64100 273.19900 re -f -[ ] 0 d -1.15000 w -1 1 1 SCN -3767.47000 6891.21000 m -3767.47000 7164.41000 l -4075.11000 7164.41000 l -4075.11000 6891.21000 l -3767.47000 6891.21000 l -S -0 0 0 SCN -3767.47000 7164.41000 m -4075.11000 7164.41000 l -S -0 0 0 scn -4076.26000 7163.26000 1.13672 1.14844 re -f -3767.47000 6891.21000 m -4075.11000 6891.21000 l -S -4076.26000 6888.92000 1.13672 1.14844 re -f -4075.11000 6891.21000 m -4075.11000 7164.41000 l -S -4076.26000 7163.26000 1.13672 1.14844 re -f -3767.47000 6891.21000 m -3767.47000 7164.41000 l -S -3768.62000 7163.26000 1.14844 1.14844 re -f -3767.47000 6891.21000 m -4075.11000 6891.21000 l -S -4076.26000 6888.92000 1.13672 1.14844 re -f -3767.47000 6891.21000 m -3767.47000 7164.41000 l -S -3768.62000 7163.26000 1.14844 1.14844 re -f -3767.47000 7164.41000 m -4075.11000 7164.41000 l -S -4076.26000 7163.26000 1.13672 1.14844 re -f -3767.47000 6891.21000 m -4075.11000 6891.21000 l -S -4076.26000 6888.92000 1.13672 1.14844 re -f -4075.11000 6891.21000 m -4075.11000 7164.41000 l -S -4076.26000 7163.26000 1.13672 1.14844 re -f -3767.47000 6891.21000 m -3767.47000 7164.41000 l -S -3768.62000 7163.26000 1.14844 1.14844 re -f -q -10 0 0 10 0 0 cm -BT --0.04321 Tc -/R24 4.36460 Tf -1.00062 0 0 1 385.58600 711.85000 Tm -[ (Re) -12.88540 (s) -14.89790 (N) -23.56830 (e) -12.75680 (t) -21.15890 (\055) -18.57060 (2) -9.26295 (0) ] TJ -ET -Q -8.39000 w -0.75000 0.75000 0 SCN -3781.25000 7134.56000 m -3848.97000 7134.56000 l -S -q -10 0 0 10 0 0 cm -BT --0.04321 Tc -/R24 4.36460 Tf -1.00062 0 0 1 385.58600 706.45400 Tm -[ (Re) -12.88540 (s) -14.89790 (N) -23.56830 (e) -12.75680 (t) -21.15890 (\055) -18.57060 (3) -9.26295 (2) ] TJ -ET -Q -0 1 1 SCN -3781.25000 7081.76000 m -3848.97000 7081.76000 l -S -q -10 0 0 10 0 0 cm -BT --0.04321 Tc -/R24 4.36460 Tf -1.00062 0 0 1 385.58600 701.05900 Tm -[ (Re) -12.88540 (s) -14.89790 (N) -23.56830 (e) -12.75680 (t) -21.15890 (\055) -18.57060 (4) -9.26295 (4) ] TJ -ET -Q -0 1 0 SCN -3781.25000 7028.96000 m -3848.97000 7028.96000 l -S -q -10 0 0 10 0 0 cm -BT --0.04321 Tc -/R24 4.36460 Tf -1.00062 0 0 1 385.58600 695.66400 Tm -[ (Re) -12.88540 (s) -14.89790 (N) -23.56830 (e) -12.75680 (t) -21.15890 (\055) -18.57060 (5) -9.26295 (6) ] TJ -ET -Q -1 0 0 SCN -3781.25000 6975.01000 m -3848.97000 6975.01000 l -S -q -10 0 0 10 0 0 cm -BT -0.00873 Tc -/R24 4.36460 Tf -1.00062 0 0 1 385.58600 690.26900 Tm -[ (R) 11.86240 (e) -1.03419 (sN) -11.71710 (et) -9.31327 (\055) -6.67469 (110) ] TJ -ET -Q -0 0 0 SCN -3781.25000 6922.21000 m -3848.97000 6922.21000 l -S -q -10 0 0 10 0 0 cm -BT --0.00048 Tc -/R115 4.82110 Tf -0.99952 0 0 1 223.16100 689.81000 Tm -[ (5) 0.49144 (6) 0.48638 (\055) 0.49651 (l) 22.76850 (a) -0.36478 (y) -48.42480 (e) -0.28879 (r) 0.41545 ] TJ -22.03950 TL -T* -[ (2) 0.49144 (0) 0.48638 (\055) 0.49651 (l) 22.76850 (a) -0.36478 (y) -48.42480 (e) -0.28879 (r) 0.41545 ] TJ --0.00096 Tc -161.35400 -15.03670 Td -[ (1) 0.48638 (1) 0.49144 (0) 0.48638 (\055) 0.49651 (l) 22.65700 (a) -0.36478 (y) -48.54640 (e) -0.28879 (r) 0.42558 ] TJ --0.00193 Tc -1.26349 17.21800 Td -[ (2) 0.48638 (0) 24.66330 (\055) 0.49651 (l) -0.35465 (a) 22.70260 (y) -48.72880 (e) -24.91160 (r) 0.42051 ] TJ -ET -Q -1 1 1 scn -4162.35000 6186.03000 793.95700 1013.58000 re -f -4284.02000 6300.05000 653.15200 875.84000 re -f -1.15000 w -1 1 1 SCN -4284.02000 6300.05000 m -4284.02000 7175.89000 l -4937.17000 7175.89000 l -4937.17000 6300.05000 l -4284.02000 6300.05000 l -S -[ 27.54900 27.54900 27.54900 27.54900 27.54900 27.54900 27.54900 27.54900 ] 0 d -0 0 0 SCN -4284.02000 6300.05000 m -4937.17000 6300.05000 l -S -0 0 0 scn -4938.32000 6297.76000 1.14063 1.14844 re -f -4937.17000 6300.05000 m -4937.17000 6300.05000 l -S -4938.32000 6297.76000 1.14063 1.14844 re -f -4284.02000 6344.82000 m -4937.17000 6344.82000 l -S -4938.32000 6343.67000 1.14063 1.14844 re -f -4937.17000 6344.82000 m -4937.17000 6344.82000 l -S -4938.32000 6343.67000 1.14063 1.14844 re -f -4284.02000 6519.30000 m -4937.17000 6519.30000 l -S -4938.32000 6518.15000 1.14063 1.15234 re -f -4937.17000 6519.30000 m -4937.17000 6519.30000 l -S -4938.32000 6518.15000 1.14063 1.15234 re -f -4284.02000 6738.55000 m -4937.17000 6738.55000 l -S -4938.32000 6736.25000 1.14063 1.14844 re -f -4937.17000 6738.55000 m -4937.17000 6738.55000 l -S -4938.32000 6736.25000 1.14063 1.14844 re -f -4284.02000 7175.89000 m -4937.17000 7175.89000 l -S -4938.32000 7174.74000 1.14063 1.14453 re -f -4937.17000 7175.89000 m -4937.17000 7175.89000 l -S -4938.32000 7174.74000 1.14063 1.14453 re -f -[ ] 0 d -4284.02000 6300.05000 m -4937.17000 6300.05000 l -S -4938.32000 6297.76000 1.14063 1.14844 re -f -4284.02000 6300.05000 m -4284.02000 7175.89000 l -S -4285.17000 7174.74000 1.14844 1.14453 re -f -4402.25000 6300.05000 m -4402.25000 6310.38000 l -S -4402.25000 6308.09000 1.14844 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.36460 Tf -0.99993 0 0 1 439.19300 625.52900 Tm -(4) Tj -ET -Q -4635.28000 6300.05000 m -4635.28000 6310.38000 l -S -4636.42000 6308.09000 1.14844 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.36460 Tf -0.99993 0 0 1 462.60900 625.52900 Tm -(5) Tj -ET -Q -4868.30000 6300.05000 m -4868.30000 6310.38000 l -S -4869.44000 6308.09000 1.14844 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.36460 Tf -0.99993 0 0 1 485.91100 625.52900 Tm -(6) Tj -ET -Q -4284.02000 6300.05000 m -4294.35000 6300.05000 l -S -4295.50000 6297.76000 1.14844 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.36460 Tf -0.99993 0 0 1 425.76200 628.39800 Tm -(0) Tj -ET -Q -4284.02000 6344.82000 m -4294.35000 6344.82000 l -S -4295.50000 6343.67000 1.14844 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.36460 Tf -0.99993 0 0 1 425.76200 632.87500 Tm -(1) Tj -ET -Q -4284.02000 6519.30000 m -4294.35000 6519.30000 l -S -4295.50000 6518.15000 1.14844 1.15234 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.36460 Tf -0.99993 0 0 1 425.76200 650.32300 Tm -(5) Tj -ET -Q -4284.02000 6738.55000 m -4294.35000 6738.55000 l -S -4295.50000 6736.25000 1.14844 1.14844 re -f -q -10 0 0 10 0 0 cm -BT --0.00131 Tc -/R24 4.36460 Tf -0.99993 0 0 1 423.58100 672.24700 Tm -(10) Tj -ET -Q -4284.02000 7175.89000 m -4294.35000 7175.89000 l -S -4295.50000 7174.74000 1.14844 1.14453 re -f -q -10 0 0 10 0 0 cm -BT --0.00131 Tc -/R24 4.36460 Tf -0.99993 0 0 1 423.58100 715.98200 Tm -(20) Tj -ET -Q -q -4285.17000 6297.76000 656.59000 32.13670 re -W -n -[ 10.06200 3.35410 3.35410 3.35410 ] 0 d -3.36000 w -4284.02000 6326.45000 m -4308.13000 6311.53000 l -4331.09000 6316.12000 l -4355.19000 6310.38000 l -4378.15000 6314.98000 l -4402.25000 6310.38000 l -4425.21000 6310.38000 l -4449.32000 6306.94000 l -4472.28000 6308.09000 l -4496.38000 6306.94000 l -4518.19000 6310.38000 l -4541.15000 6304.65000 l -4565.25000 6304.65000 l -4588.21000 6303.50000 l -4612.32000 6303.50000 l -4635.28000 6300.05000 l -4659.38000 6306.94000 l -4682.34000 6303.50000 l -4705.30000 6300.05000 l -4728.25000 6303.50000 l -4751.21000 6303.50000 l -4774.17000 6300.05000 l -4798.27000 6300.05000 l -4821.23000 6304.65000 l -4845.34000 6303.50000 l -4868.30000 6304.65000 l -4892.40000 6304.65000 l -4915.36000 6300.05000 l -4937.17000 6300.05000 l -4940.61000 6301.20000 l -S -Q -q -4285.17000 6578.99000 656.59000 32.14060 re -W -n -8.39000 w -4284.02000 6605.39000 m -4308.13000 6600.80000 l -4331.09000 6605.39000 l -4355.19000 6601.95000 l -4378.15000 6600.80000 l -4402.25000 6605.39000 l -4425.21000 6601.95000 l -4449.32000 6604.24000 l -4472.28000 6601.95000 l -4496.38000 6600.80000 l -4518.19000 6597.36000 l -4541.15000 6591.62000 l -4565.25000 6593.91000 l -4588.21000 6600.80000 l -4612.32000 6591.62000 l -4635.28000 6595.06000 l -4659.38000 6590.47000 l -4682.34000 6591.62000 l -4705.30000 6587.02000 l -4728.25000 6591.62000 l -4751.21000 6593.91000 l -4774.17000 6588.17000 l -4798.27000 6590.47000 l -4821.23000 6590.47000 l -4845.34000 6588.17000 l -4868.30000 6590.47000 l -4892.40000 6591.62000 l -4915.36000 6587.02000 l -4937.17000 6588.17000 l -4940.61000 6588.17000 l -S -Q -q -4285.17000 6297.76000 656.59000 41.32030 re -W -n -[ 10.06200 3.35410 3.35410 3.35410 ] 0 d -3.36000 w -1 0 1 SCN -4284.02000 6336.79000 m -4308.13000 6318.42000 l -4331.09000 6321.86000 l -4355.19000 6316.12000 l -4378.15000 6310.38000 l -4402.25000 6313.83000 l -4425.21000 6311.53000 l -4449.32000 6314.98000 l -4472.28000 6308.09000 l -4496.38000 6308.09000 l -4518.19000 6304.65000 l -4541.15000 6304.65000 l -4565.25000 6306.94000 l -4588.21000 6308.09000 l -4612.32000 6304.65000 l -4635.28000 6303.50000 l -4659.38000 6304.65000 l -4682.34000 6300.05000 l -4728.25000 6300.05000 l -4751.21000 6304.65000 l -4798.27000 6304.65000 l -4821.23000 6303.50000 l -4892.40000 6303.50000 l -4915.36000 6306.94000 l -4937.17000 6303.50000 l -4940.61000 6301.20000 l -S -Q -q -4285.17000 6635.24000 656.59000 44.76170 re -W -n -8.39000 w -1 0 1 SCN -4284.02000 6673.12000 m -4284.02000 6674.26000 l -4308.13000 6673.12000 l -4331.09000 6645.57000 l -4355.19000 6652.45000 l -4378.15000 6667.38000 l -4402.25000 6653.60000 l -4425.21000 6657.05000 l -4449.32000 6670.82000 l -4472.28000 6653.60000 l -4496.38000 6663.93000 l -4518.19000 6652.45000 l -4541.15000 6663.93000 l -4565.25000 6666.23000 l -4588.21000 6659.34000 l -4612.32000 6647.86000 l -4635.28000 6647.86000 l -4659.38000 6649.01000 l -4682.34000 6651.31000 l -4705.30000 6651.31000 l -4728.25000 6652.45000 l -4751.21000 6649.01000 l -4774.17000 6647.86000 l -4821.23000 6647.86000 l -4845.34000 6655.90000 l -4868.30000 6652.45000 l -4892.40000 6645.57000 l -4915.36000 6642.12000 l -4937.17000 6644.42000 l -4940.61000 6645.57000 l -S -Q -q -10 0 0 10 0 0 cm -BT -0.04482 Tc -/R24 5.03590 Tf -1 0 0 1 451.13000 620.47800 Tm --0.04129 Tw -[ (i) 35.96250 (t) 35.96250 (e) 19.60530 (r\056) -14.62160 ( \0501) 7.39805 (e) 19.60530 (4) 7.42714 (\051) ] TJ -0 1 -1 0 421.28500 664.21200 Tm -[ (e) 19.60530 (r) 22.78560 (ro) 7.39805 (r \050\045) 21.26330 (\051) ] TJ -ET -Q -1 1 1 scn -4595.10000 7050.77000 336.32800 113.64100 re -f -1 1 1 SCN -4595.10000 7050.77000 m -4595.10000 7164.41000 l -4931.43000 7164.41000 l -4931.43000 7050.77000 l -4595.10000 7050.77000 l -S -0 0 0 SCN -4595.10000 7164.41000 m -4931.43000 7164.41000 l -S -0 0 0 scn -4931.43000 7163.26000 1.14844 1.14844 re -f -4595.10000 7050.77000 m -4931.43000 7050.77000 l -S -4931.43000 7048.47000 1.14844 1.14844 re -f -4931.43000 7050.77000 m -4931.43000 7164.41000 l -S -4931.43000 7163.26000 1.14844 1.14844 re -f -4595.10000 7050.77000 m -4595.10000 7164.41000 l -S -4595.10000 7163.26000 1.14844 1.14844 re -f -4595.10000 7050.77000 m -4931.43000 7050.77000 l -S -4931.43000 7048.47000 1.14844 1.14844 re -f -4595.10000 7050.77000 m -4595.10000 7164.41000 l -S -4595.10000 7163.26000 1.14844 1.14844 re -f -4595.10000 7164.41000 m -4931.43000 7164.41000 l -S -4931.43000 7163.26000 1.14844 1.14844 re -f -4595.10000 7050.77000 m -4931.43000 7050.77000 l -S -4931.43000 7048.47000 1.14844 1.14844 re -f -4931.43000 7050.77000 m -4931.43000 7164.41000 l -S -4931.43000 7163.26000 1.14844 1.14844 re -f -4595.10000 7050.77000 m -4595.10000 7164.41000 l -S -4595.10000 7163.26000 1.14844 1.14844 re -f -q -10 0 0 10 0 0 cm -BT -0.00698 Tc -/R24 4.36460 Tf -0.99993 0 0 1 468.34900 711.85000 Tm -[ (r) -7.30581 (e) -1.74534 (si) 42.68250 (dual) 42.67130 (\055) -7.30581 (110) ] TJ -ET -Q -8.39000 w -4608.87000 7134.56000 m -4675.45000 7134.56000 l -S -q -10 0 0 10 0 0 cm -BT -0.00087 Tc -/R24 4.36460 Tf -0.99993 0 0 1 468.34900 706.22500 Tm -[ (r) -8.70432 (e) -3.14385 (s) -5.06820 (i) 41.28400 (dual) 41.27280 (\055) -8.70432 (1202) ] TJ -ET -Q -1 0 1 SCN -4608.87000 7081.76000 m -4675.45000 7081.76000 l -S -0.13745 0.12280 0.12598 scn -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 50.11210 612.62600 Tm -[ (Figure) -274.90400 (6\056) -275.00700 (T) 35.02180 (raining) -275.00100 (on) ] TJ -/R12 8.96640 Tf -79.52810 0 Td -[ (CIF) 90.08240 (AR\05510) ] TJ -/R14 8.96640 Tf -39.53200 0 Td -[ (\056) -385.00900 (Dashed) -274.98500 (lines) -274.98200 (denote) -274.01300 (training) -274.99000 (error) 40.01760 (\054) -281.01900 (and) -275.00400 (bold) -275.02000 (lines) -274.98200 (denote) -275.01500 (testing) -275.01800 (error) 55.00680 (\056) ] TJ -/R12 8.96640 Tf -261.59000 0 Td -(Left) Tj -/R14 8.96640 Tf -15.93320 0 Td -[ (\072) -360.01400 (plain) -274.98500 (netw) 9.99826 (orks\056) -384.01800 (The) -275.00700 (error) ] TJ --396.58300 -10.95900 Td -[ (of) -249.99300 (plain\055110) -249.99500 (is) -250.00800 (higher) -250.00300 (than) -249.98900 (60\045) -249.99300 (and) -249.99700 (not) -250.01400 (displayed\056) ] TJ -/R12 8.96640 Tf -184.32900 0 Td -(Middle) Tj -/R14 8.96640 Tf -27.40120 0 Td -[ (\072) -310.00300 (ResNets\056) ] TJ -/R12 8.96640 Tf -40.17850 0 Td -(Right) Tj -/R14 8.96640 Tf -21.41990 0 Td -[ (\072) -310.00300 (ResNets) -249.99500 (with) -250.01400 (110) -249.97800 (and) -249.99700 (1202) -249.97800 (layers\056) ] TJ -ET -Q -q -619.25000 4628.59000 2126.21000 1169.42000 re -W -n -1 1 1 scn -619.53900 4632.07000 2125.92000 619.89100 re -f -Q -1 1 1 scn -716.85900 4753.84000 2022.02000 451.73000 re -f -0.58000 w -1 J -1 1 1 SCN -716.85900 4753.84000 2022.02000 451.73000 re -S -0 0 0 SCN -716.85900 4753.84000 m -2738.88000 4753.84000 l -S -0 0 0 scn -2738.88000 4752.68000 0.58203 0.58203 re -f -716.85900 4753.84000 m -716.85900 5205.57000 l -S -716.85900 5204.99000 0.57812 0.57812 re -f -716.85900 4753.84000 m -716.85900 4773.56000 l -S -716.85900 4772.98000 0.57812 0.57812 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.64470 Tf -1.00071 0 0 1 70.58400 470.74500 Tm -(0) Tj -ET -Q -1083.92000 4753.84000 m -1083.92000 4773.56000 l -S -1084.50000 4772.98000 0.57812 0.57812 re -f -q -10 0 0 10 0 0 cm -BT -0.05341 Tc -/R24 4.64470 Tf -1.00071 0 0 1 106.07200 470.74500 Tm -(20) Tj -ET -Q -1451.56000 4753.84000 m -1451.56000 4773.56000 l -S -1451.56000 4772.98000 0.58203 0.57812 re -f -q -10 0 0 10 0 0 cm -BT --0.00464 Tc -/R24 4.64470 Tf -1.00071 0 0 1 142.83700 470.74500 Tm -(40) Tj -ET -Q -1818.62000 4753.84000 m -1818.62000 4773.56000 l -S -1819.20000 4772.98000 0.58203 0.57812 re -f -q -10 0 0 10 0 0 cm -BT -0.05341 Tc -/R24 4.64470 Tf -1.00071 0 0 1 179.54300 470.74500 Tm -(60) Tj -ET -Q -2186.26000 4753.84000 m -2186.26000 4773.56000 l -S -2186.26000 4772.98000 0.57812 0.57812 re -f -q -10 0 0 10 0 0 cm -BT --0.00464 Tc -/R24 4.64470 Tf -1.00071 0 0 1 216.30700 470.74500 Tm -(80) Tj -ET -Q -2553.32000 4753.84000 m -2553.32000 4773.56000 l -S -2553.90000 4772.98000 0.58203 0.57812 re -f -q -10 0 0 10 0 0 cm -BT --0.00464 Tc -/R24 4.64470 Tf -1.00071 0 0 1 251.96900 470.74500 Tm -(100) Tj -ET -Q -716.85900 4829.81000 m -735.42200 4829.81000 l -S -735.41000 4828.65000 0.57812 0.58203 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.64470 Tf -1.00071 0 0 1 68.72850 481.41500 Tm -(1) Tj -ET -Q -716.85900 4980 m -735.42200 4980 l -S -735.41000 4978.84000 0.57812 0.57812 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.64470 Tf -1.00071 0 0 1 68.72850 496.43400 Tm -(2) Tj -ET -Q -716.85900 5131.34000 m -735.42200 5131.34000 l -S -735.41000 5130.76000 0.57812 0.57812 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.64470 Tf -1.00071 0 0 1 68.72850 511.62700 Tm -(3) Tj -ET -Q -[ 18.62110 6.20713 ] 0 d -6.20003 w -0 J -0.75000 0.75000 0 SCN -q -1.00300 0 0 -0.99701 0 0 cm -731.48500 -5044.40000 m -749.98400 -5010.09000 l -769.06400 -5005.42000 l -787.56300 -4997.87000 l -806.06200 -4994.96000 l -823.40500 -4981 l -841.91600 -4976.35000 l -860.41500 -4974.61000 l -878.91500 -4974.61000 l -897.41400 -4972.85000 l -914.75600 -4971.69000 l -933.25600 -4968.20000 l -951.75500 -4963.56000 l -970.83500 -4949.59000 l -989.34500 -4944.95000 l -1006.10000 -4937.39000 l -1025.18000 -4933.89000 l -1043.69000 -4915.28000 l -1062.17000 -4887.36000 l -S -Q -1 0 0 SCN -q -1.00300 0 0 -0.99701 0 0 cm -731.48500 -5151.42000 m -749.98400 -5050.80000 l -769.06400 -5039.73000 l -787.56300 -5030.45000 l -806.06200 -5025.79000 l -823.40500 -5024.05000 l -841.91600 -5018.22000 l -860.41500 -5013.57000 l -878.91500 -4996.12000 l -897.41400 -4994.96000 l -914.75600 -4991.48000 l -933.25600 -4979.26000 l -951.75500 -4976.35000 l -970.83500 -4974.61000 l -989.34500 -4971.69000 l -1006.10000 -4969.96000 l -1025.18000 -4968.20000 l -1043.69000 -4965.30000 l -1062.17000 -4954.24000 l -1080.69000 -4954.24000 l -1098.04000 -4952.50000 l -1116.53000 -4949.59000 l -1135.03000 -4947.85000 l -1153.54000 -4944.95000 l -1172.61000 -4944.95000 l -1191.12000 -4943.20000 l -1207.87000 -4942.02000 l -1226.96000 -4926.32000 l -1245.46000 -4895.49000 l -1263.96000 -4875.14000 l -1282.46000 -4873.40000 l -1299.81000 -4873.40000 l -1318.31000 -4872.24000 l -1336.80000 -4867.59000 l -1355.31000 -4862.94000 l -1374.39000 -4861.18000 l -1391.16000 -4856.53000 l -1465.73000 -4856.53000 l -1482.50000 -4853.63000 l -1501.58000 -4851.88000 l -1520.08000 -4850.14000 l -1538.58000 -4850.14000 l -1557.08000 -4848.98000 l -1576.16000 -4847.22000 l -1592.93000 -4847.22000 l -1611.43000 -4845.47000 l -1629.93000 -4844.33000 l -1667.51000 -4844.33000 l -1684.28000 -4842.57000 l -1721.85000 -4842.57000 l -S -Q -[ ] 0 d -0.75000 0.75000 0 SCN -q -1.00300 0 0 -0.99701 0 0 cm -731.48500 -5070.57000 m -749.98400 -5014.73000 l -769.06400 -5007.18000 l -787.56300 -4971.69000 l -806.06200 -4968.20000 l -823.41300 -4961.81000 l -841.91600 -4956 l -860.41500 -4951.33000 l -878.91500 -4937.39000 l -897.41400 -4926.34000 l -914.75600 -4926.34000 l -933.25600 -4921.67000 l -951.76700 -4910.63000 l -970.83500 -4909.47000 l -989.33400 -4907.71000 l -1006.10000 -4878.06000 l -1025.18000 -4873.40000 l -1043.69000 -4872.24000 l -1062.17000 -4864.10000 l -S -Q -1 0 0 SCN -q -1.00300 0 0 -0.99701 0 0 cm -731.48500 -5143.86000 m -749.98400 -5002.53000 l -769.06400 -4937.39000 l -787.56300 -4924.59000 l -806.06200 -4918.77000 l -823.41300 -4915.28000 l -841.91600 -4904.81000 l -878.91500 -4895.51000 l -897.41400 -4886.20000 l -914.75600 -4886.20000 l -951.76700 -4882.71000 l -970.83500 -4882.71000 l -989.33400 -4878.07000 l -1006.10000 -4878.07000 l -1025.18000 -4876.90000 l -1062.17000 -4873.40000 l -1080.69000 -4873.40000 l -1098.04000 -4868.75000 l -1116.53000 -4867.59000 l -1135.03000 -4865.85000 l -1153.53000 -4862.94000 l -1172.61000 -4859.44000 l -1191.12000 -4859.44000 l -1207.87000 -4858.30000 l -1226.96000 -4856.55000 l -1245.46000 -4856.55000 l -1263.96000 -4854.79000 l -1282.46000 -4851.89000 l -1318.31000 -4851.89000 l -1336.81000 -4847.24000 l -1355.31000 -4845.50000 l -1391.15000 -4845.50000 l -1409.65000 -4844.33000 l -1428.74000 -4840.83000 l -1447.24000 -4836.18000 l -1465.73000 -4833.28000 l -1482.50000 -4831.53000 l -1501.58000 -4830.37000 l -1520.08000 -4830.37000 l -1538.59000 -4826.87000 l -1557.08000 -4823.96000 l -1592.92000 -4823.96000 l -1611.43000 -4819.32000 l -1629.92000 -4816.41000 l -1649 -4805.36000 l -1667.51000 -4803.61000 l -1684.28000 -4800.71000 l -1703.35000 -4798.96000 l -1721.85000 -4791.41000 l -S -Q -0 0 0 SCN -q -1.00300 0 0 -0.99701 0 0 cm -731.48500 -5209 m -749.98400 -5002.51000 l -769.06400 -4974.61000 l -787.56300 -4946.69000 l -806.06200 -4904.80000 l -823.41300 -4893.75000 l -841.91600 -4889.10000 l -860.41500 -4889.10000 l -878.91500 -4886.19000 l -897.41400 -4884.45000 l -914.75600 -4879.81000 l -933.25600 -4872.23000 l -951.76700 -4872.23000 l -970.83500 -4870.49000 l -989.33400 -4867.59000 l -1006.10000 -4865.83000 l -1025.18000 -4862.92000 l -1043.69000 -4862.92000 l -1062.17000 -4859.43000 l -1080.69000 -4859.43000 l -1098.04000 -4854.79000 l -1116.53000 -4853.62000 l -1153.53000 -4853.62000 l -1172.61000 -4851.88000 l -1191.12000 -4850.14000 l -1226.96000 -4850.14000 l -1245.46000 -4847.24000 l -1282.46000 -4847.24000 l -1299.81000 -4845.47000 l -1336.81000 -4845.47000 l -1355.31000 -4844.33000 l -1374.39000 -4844.33000 l -1391.15000 -4842.57000 l -1409.65000 -4840.83000 l -1465.73000 -4840.83000 l -1482.50000 -4839.67000 l -1520.08000 -4839.67000 l -1538.59000 -4837.92000 l -1592.92000 -4837.92000 l -1611.43000 -4836.18000 l -1629.92000 -4835.02000 l -1649 -4833.27000 l -1684.28000 -4833.27000 l -1703.35000 -4831.53000 l -1721.85000 -4830.37000 l -1758.85000 -4830.37000 l -1776.20000 -4828.61000 l -1794.70000 -4828.61000 l -1813.20000 -4826.87000 l -1942.13000 -4826.87000 l -1960.62000 -4825.70000 l -2033.47000 -4825.70000 l -2052.55000 -4823.96000 l -2106.90000 -4823.96000 l -2125.40000 -4822.22000 l -2143.90000 -4822.22000 l -2161.24000 -4821.05000 l -2179.74000 -4821.05000 l -2198.25000 -4819.30000 l -2235.25000 -4819.30000 l -2252.59000 -4817.57000 l -2345.67000 -4817.57000 l -2362.43000 -4814.65000 l -2381.52000 -4814.65000 l -2400.01000 -4812.91000 l -2418.52000 -4812.91000 l -2437.02000 -4811.76000 l -2510.44000 -4811.76000 l -2528.94000 -4810.02000 l -2601.79000 -4810.02000 l -2620.29000 -4808.25000 l -2637.64000 -4807.10000 l -2656.13000 -4801.85000 l -2674.64000 -4797.22000 l -2693.14000 -4796.04000 l -2711.64000 -4791.39000 l -S -Q -q -10 0 0 10 0 0 cm -BT --0.06400 Tc -/R24 6.03800 Tf -1.00078 0 0 1 131.64500 464.83100 Tm -0.11895 Tw -[ (l) -11.08650 (a) -8.18354 (y) 28.81110 (e) -8.18354 (r) -13.49040 ( i) -11.08040 (n) -28.78680 (d) -19.21950 (e) -8.18354 (x \050) -13.50460 (s) -5.32708 (or) -13.51060 (t) -20.71840 (e) 1.38379 (d) -28.78680 ( by) 28.79690 ( m) 18.69830 (a) 1.38379 (gn) -28.80700 (i) -20.71840 (t) -11.08650 (u) -28.78680 (d) -19.21950 (e) -8.18556 (\051) ] TJ --0.03140 Tc -0 1.00078 -1 0 66.46680 494.23000 Tm -[ (st) -5.68060 (d) ] TJ -ET -Q -1 1 1 scn -2302.82000 4900.55000 311.39100 291.09800 re -f -0.58000 w -1 1 1 SCN -2302.82000 4900.55000 m -2302.82000 5191.65000 l -2614.21000 5191.65000 l -2614.21000 4900.55000 l -2302.82000 4900.55000 l -S -0 0 0 SCN -2302.82000 5191.65000 m -2614.21000 5191.65000 l -S -0 0 0 scn -2614.21000 5191.07000 0.57812 0.57812 re -f -2302.82000 4900.55000 m -2614.21000 4900.55000 l -S -2614.21000 4899.97000 0.57812 0.58203 re -f -2614.21000 4900.55000 m -2614.21000 5191.65000 l -S -2614.21000 5191.07000 0.57812 0.57812 re -f -2302.82000 4900.55000 m -2302.82000 5191.65000 l -S -2303.40000 5191.07000 0.58203 0.57812 re -f -2302.82000 4900.55000 m -2614.21000 4900.55000 l -S -2614.21000 4899.97000 0.57812 0.58203 re -f -2302.82000 4900.55000 m -2302.82000 5191.65000 l -S -2303.40000 5191.07000 0.58203 0.57812 re -f -2302.82000 5191.65000 m -2614.21000 5191.65000 l -S -2614.21000 5191.07000 0.57812 0.57812 re -f -2302.82000 4900.55000 m -2614.21000 4900.55000 l -S -2614.21000 4899.97000 0.57812 0.58203 re -f -2614.21000 4900.55000 m -2614.21000 5191.65000 l -S -2614.21000 5191.07000 0.57812 0.57812 re -f -2302.82000 4900.55000 m -2302.82000 5191.65000 l -S -2303.40000 5191.07000 0.58203 0.57812 re -f -q -10 0 0 10 0 0 cm -BT --0.00093 Tc -/R24 4.64470 Tf -1.00071 0 0 1 238.40000 514.41000 Tm -[ (pl) 40.63930 (a) 7.03848 (i) 40.63410 (n\05520) ] TJ -ET -Q -[ 18.62110 6.20713 ] 0 d -6.20003 w -0.75000 0.75000 0 SCN -q -1.00300 0 0 -0.99701 0 0 cm -2308.67000 -5176.42000 m -2370.53000 -5176.42000 l -S -Q -q -10 0 0 10 0 0 cm -BT --0.00093 Tc -/R24 4.64470 Tf -1.00071 0 0 1 238.40000 508.66900 Tm -[ (pl) 40.63930 (a) 7.03848 (i) 40.63410 (n\05556) ] TJ -ET -Q -[ 18.62110 6.20713 ] 0 d -1 0 0 SCN -q -1.00300 0 0 -0.99701 0 0 cm -2308.67000 -5118.85000 m -2370.53000 -5118.85000 l -S -Q -q -10 0 0 10 0 0 cm -BT -0.02462 Tc -/R24 4.64470 Tf -1.00071 0 0 1 238.40000 502.98600 Tm -[ (Re) 12.50640 (s) 32.67110 (N) -8.56698 (e) 12.36990 (t) 8.56698 (\0552) 6.29261 (0) ] TJ -ET -Q -[ ] 0 d -0.75000 0.75000 0 SCN -q -1.00300 0 0 -0.99701 0 0 cm -2308.67000 -5061.26000 m -2370.52000 -5061.26000 l -S -Q -q -10 0 0 10 0 0 cm -BT -0.02462 Tc -/R24 4.64470 Tf -1.00071 0 0 1 238.40000 497.36200 Tm -[ (Re) 12.50640 (s) 32.67110 (N) -8.56698 (e) 12.36990 (t) 8.56698 (\0555) 6.29261 (6) ] TJ -ET -Q -1 0 0 SCN -q -1.00300 0 0 -0.99701 0 0 cm -2308.67000 -5005.42000 m -2370.52000 -5005.42000 l -S -Q -q -10 0 0 10 0 0 cm -BT -0.00093 Tc -/R24 4.64470 Tf -1.00071 0 0 1 238.40000 491.67900 Tm -[ (R) -6.47645 (e) 7.43768 (s) 27.57090 (N) -13.66730 (e) 7.26959 (t) 3.46671 (\055110) ] TJ -ET -Q -0 0 0 SCN -q -1.00300 0 0 -0.99701 0 0 cm -2308.67000 -4947.85000 m -2370.52000 -4947.85000 l -S -Q -q -619.25000 4628.59000 2126.21000 1169.42000 re -W -n -1 1 1 scn -619.53900 5218.90000 2125.92000 579.10900 re -f -Q -1 1 1 scn -716.85900 5340.68000 2022.02000 451.71900 re -f -0.58000 w -1 1 1 SCN -716.85900 5340.68000 m -716.85900 5792.40000 l -2738.88000 5792.40000 l -2738.88000 5340.68000 l -716.85900 5340.68000 l -S -0 0 0 SCN -716.85900 5340.68000 m -2738.88000 5340.68000 l -S -0 0 0 scn -2738.88000 5339.52000 0.58203 0.58203 re -f -716.85900 5340.68000 m -716.85900 5792.40000 l -S -716.85900 5791.82000 0.57812 0.57812 re -f -716.85900 5340.68000 m -716.85900 5360.39000 l -S -716.85900 5359.81000 0.57812 0.58203 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.64470 Tf -1.00071 0 0 1 70.58400 529.42900 Tm -(0) Tj -ET -Q -1083.92000 5340.68000 m -1083.92000 5360.39000 l -S -1084.50000 5359.81000 0.57812 0.58203 re -f -q -10 0 0 10 0 0 cm -BT -0.05341 Tc -/R24 4.64470 Tf -1.00071 0 0 1 106.07200 529.42900 Tm -(20) Tj -ET -Q -1451.56000 5340.68000 m -1451.56000 5360.39000 l -S -1451.56000 5359.81000 0.58203 0.58203 re -f -q -10 0 0 10 0 0 cm -BT --0.00464 Tc -/R24 4.64470 Tf -1.00071 0 0 1 142.83700 529.42900 Tm -(40) Tj -ET -Q -1818.62000 5340.68000 m -1818.62000 5360.39000 l -S -1819.20000 5359.81000 0.58203 0.58203 re -f -q -10 0 0 10 0 0 cm -BT -0.05341 Tc -/R24 4.64470 Tf -1.00071 0 0 1 179.54300 529.42900 Tm -(60) Tj -ET -Q -2186.26000 5340.68000 m -2186.26000 5360.39000 l -S -2186.26000 5359.81000 0.57812 0.58203 re -f -q -10 0 0 10 0 0 cm -BT --0.00464 Tc -/R24 4.64470 Tf -1.00071 0 0 1 216.30700 529.42900 Tm -(80) Tj -ET -Q -2553.32000 5340.68000 m -2553.32000 5360.39000 l -S -2553.90000 5359.81000 0.58203 0.58203 re -f -q -10 0 0 10 0 0 cm -BT --0.00464 Tc -/R24 4.64470 Tf -1.00071 0 0 1 251.96900 529.42900 Tm -(100) Tj -ET -Q -716.85900 5416.64000 m -735.42200 5416.64000 l -S -735.41000 5415.48000 0.57812 0.57812 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.64470 Tf -1.00071 0 0 1 68.72850 540.09800 Tm -(1) Tj -ET -Q -716.85900 5566.83000 m -735.42200 5566.83000 l -S -735.41000 5565.67000 0.57812 0.57812 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.64470 Tf -1.00071 0 0 1 68.72850 555.11700 Tm -(2) Tj -ET -Q -716.85900 5718.18000 m -735.42200 5718.18000 l -S -735.41000 5717.60000 0.57812 0.57812 re -f -q -10 0 0 10 0 0 cm -BT -/R24 4.64470 Tf -1.00071 0 0 1 68.72850 570.31000 Tm -(3) Tj -ET -Q -[ 18.62110 6.20713 ] 0 d -6.20003 w -0.75000 0.75000 0 SCN -q -1.00300 0 0 -0.99701 0 0 cm -731.48500 -5594.02000 m -749.98400 -5586.46000 l -769.06400 -5564.94000 l -787.56300 -5552.15000 l -806.06200 -5561.45000 l -823.40500 -5583.55000 l -841.91600 -5598.68000 l -860.41500 -5533.53000 l -878.91500 -5560.29000 l -897.41400 -5569.60000 l -914.75600 -5563.20000 l -933.25600 -5563.20000 l -951.75500 -5556.80000 l -970.83500 -5522.49000 l -989.34500 -5538.18000 l -1006.10000 -5525.98000 l -1025.18000 -5503.87000 l -1043.69000 -5475.96000 l -1062.17000 -5632.99000 l -S -Q -1 0 0 SCN -q -1.00300 0 0 -0.99701 0 0 cm -731.48500 -5740.01000 m -749.98400 -5639.39000 l -769.06400 -5612.64000 l -787.56300 -5583.55000 l -806.06200 -5553.89000 l -823.40500 -5542.84000 l -841.91600 -5542.84000 l -860.41500 -5558.55000 l -878.91500 -5533.53000 l -897.41400 -5541.09000 l -914.75600 -5538.18000 l -933.25600 -5536.44000 l -951.75500 -5531.79000 l -970.83500 -5564.94000 l -989.34500 -5556.80000 l -1006.10000 -5563.20000 l -1025.18000 -5580.06000 l -1043.69000 -5602.17000 l -1062.17000 -5628.34000 l -1080.69000 -5567.85000 l -1098.04000 -5614.38000 l -1116.53000 -5606.82000 l -1135.03000 -5619.04000 l -1153.54000 -5584.71000 l -1172.61000 -5560.29000 l -1191.12000 -5530.63000 l -1207.87000 -5514.93000 l -1226.96000 -5484.10000 l -1245.46000 -5462 l -1263.96000 -5445.14000 l -1282.46000 -5445.14000 l -1299.81000 -5438.74000 l -1318.31000 -5435.83000 l -1336.80000 -5435.83000 l -1355.31000 -5440.48000 l -1374.39000 -5445.14000 l -1391.16000 -5456.18000 l -1409.65000 -5451.53000 l -1428.73000 -5462 l -1447.24000 -5463.74000 l -1465.73000 -5460.83000 l -1482.50000 -5449.79000 l -1501.58000 -5445.14000 l -1520.08000 -5438.74000 l -1538.58000 -5434.08000 l -1557.08000 -5432.92000 l -1576.16000 -5431.18000 l -1611.43000 -5431.18000 l -1629.93000 -5432.92000 l -1649 -5432.92000 l -1667.51000 -5437.57000 l -1684.28000 -5442.23000 l -1703.35000 -5445.14000 l -1721.85000 -5533.53000 l -S -Q -[ ] 0 d -0.75000 0.75000 0 SCN -q -1.00300 0 0 -0.99701 0 0 cm -731.48500 -5539.93000 m -749.98400 -5556.80000 l -769.06400 -5462 l -787.56300 -5550.40000 l -806.06200 -5452.69000 l -823.41300 -5603.33000 l -841.91600 -5514.93000 l -860.41500 -5544.58000 l -878.91500 -5498.05000 l -897.41400 -5510.27000 l -914.75600 -5460.83000 l -933.25600 -5514.93000 l -951.76700 -5466.65000 l -970.83500 -5525.97000 l -989.33400 -5595.77000 l -1006.10000 -5499.22000 l -1025.18000 -5560.29000 l -1043.69000 -5496.31000 l -1062.17000 -5659.17000 l -S -Q -1 0 0 SCN -q -1.00300 0 0 -0.99701 0 0 cm -731.48500 -5732.45000 m -749.98400 -5474.80000 l -769.06400 -5412.56000 l -787.56300 -5488.75000 l -806.06200 -5420.13000 l -823.41300 -5463.75000 l -841.91600 -5392.21000 l -860.41500 -5445.14000 l -878.91500 -5389.30000 l -897.41400 -5446.89000 l -914.75600 -5380 l -933.25600 -5451.53000 l -951.76700 -5415.47000 l -970.83500 -5448.04000 l -989.33400 -5443.39000 l -1006.10000 -5466.66000 l -1025.18000 -5462 l -1062.17000 -5484.11000 l -1080.69000 -5465.49000 l -1098.04000 -5440.49000 l -1116.53000 -5434.09000 l -1135.03000 -5412.56000 l -1153.53000 -5434.09000 l -1172.61000 -5405 l -1191.12000 -5424.78000 l -1207.87000 -5393.96000 l -1226.96000 -5418.96000 l -1245.46000 -5387.56000 l -1263.96000 -5440.49000 l -1282.46000 -5418.96000 l -1299.81000 -5448.04000 l -1318.31000 -5432.92000 l -1336.81000 -5462 l -1355.31000 -5507.37000 l -1374.39000 -5474.80000 l -1391.15000 -5591.12000 l -1409.65000 -5471.31000 l -1428.74000 -5525.97000 l -1447.24000 -5454.44000 l -1465.73000 -5503.88000 l -1482.50000 -5456.18000 l -1501.58000 -5493.41000 l -1520.08000 -5429.43000 l -1538.59000 -5466.66000 l -1557.08000 -5435.83000 l -1576.16000 -5471.31000 l -1592.92000 -5412.56000 l -1611.43000 -5445.14000 l -1629.92000 -5407.91000 l -1649 -5440.49000 l -1667.51000 -5421.87000 l -1684.28000 -5457.35000 l -1703.35000 -5434.09000 l -1721.85000 -5513.18000 l -S -Q -0 0 0 SCN -q -1.00300 0 0 -0.99701 0 0 cm -731.48500 -5797.59000 m -749.98400 -5482.36000 l -769.06400 -5477.70000 l -787.56300 -5451.52000 l -806.06200 -5426.52000 l -823.41300 -5454.44000 l -841.91600 -5421.87000 l -860.41500 -5442.23000 l -878.91500 -5384.64000 l -897.41400 -5432.92000 l -914.75600 -5379.99000 l -933.25600 -5435.83000 l -951.76700 -5406.16000 l -970.83500 -5421.87000 l -989.33400 -5385.81000 l -1006.10000 -5448.04000 l -1025.18000 -5390.46000 l -1043.69000 -5460.83000 l -1062.17000 -5421.87000 l -1080.69000 -5432.92000 l -1098.04000 -5414.30000 l -1116.53000 -5442.23000 l -1135.03000 -5398.61000 l -1153.53000 -5434.08000 l -1172.61000 -5396.86000 l -1191.12000 -5426.52000 l -1207.87000 -5400.35000 l -1226.96000 -5438.74000 l -1245.46000 -5415.47000 l -1263.96000 -5443.39000 l -1282.46000 -5442.23000 l -1299.81000 -5460.83000 l -1318.31000 -5473.05000 l -1336.81000 -5459.09000 l -1355.31000 -5474.79000 l -1374.39000 -5477.70000 l -1391.15000 -5591.11000 l -1409.65000 -5493.41000 l -1428.74000 -5563.20000 l -1447.24000 -5438.74000 l -1465.73000 -5426.52000 l -1482.50000 -5435.83000 l -1501.58000 -5420.12000 l -1520.08000 -5423.61000 l -1538.59000 -5410.81000 l -1557.08000 -5429.43000 l -1576.16000 -5418.96000 l -1592.92000 -5428.27000 l -1611.43000 -5417.21000 l -1629.92000 -5435.83000 l -1649 -5429.43000 l -1667.51000 -5412.56000 l -1684.28000 -5407.90000 l -1703.35000 -5414.30000 l -1721.85000 -5400.35000 l -1740.35000 -5407.90000 l -1758.85000 -5401.52000 l -1776.20000 -5410.81000 l -1794.70000 -5406.16000 l -1813.20000 -5429.43000 l -1831.70000 -5428.27000 l -1850.78000 -5418.96000 l -1867.55000 -5412.56000 l -1886.04000 -5415.47000 l -1905.13000 -5409.65000 l -1923.62000 -5417.21000 l -1942.13000 -5407.90000 l -1960.62000 -5412.56000 l -1977.97000 -5429.43000 l -1996.47000 -5415.47000 l -2014.98000 -5398.61000 l -2033.47000 -5415.47000 l -2052.55000 -5415.47000 l -2069.31000 -5438.74000 l -2087.82000 -5468.40000 l -2106.90000 -5406.16000 l -2125.40000 -5456.18000 l -2143.90000 -5406.16000 l -2161.24000 -5434.08000 l -2179.74000 -5403.25000 l -2198.25000 -5431.17000 l -2216.74000 -5400.35000 l -2235.25000 -5426.52000 l -2252.59000 -5398.61000 l -2271.09000 -5414.30000 l -2289.59000 -5398.61000 l -2308.68000 -5414.30000 l -2327.17000 -5398.61000 l -2345.67000 -5406.16000 l -2362.43000 -5395.70000 l -2381.52000 -5412.56000 l -2400.01000 -5400.35000 l -2418.52000 -5414.30000 l -2437.02000 -5401.52000 l -2454.37000 -5424.77000 l -2472.86000 -5400.35000 l -2491.37000 -5415.47000 l -2510.44000 -5403.25000 l -2528.94000 -5415.47000 l -2545.71000 -5406.16000 l -2564.21000 -5428.27000 l -2583.29000 -5409.65000 l -2601.79000 -5434.08000 l -2620.29000 -5415.47000 l -2637.64000 -5448.04000 l -2656.13000 -5418.96000 l -2674.64000 -5440.48000 l -2693.14000 -5451.52000 l -2711.64000 -5535.29000 l -S -Q -q -10 0 0 10 0 0 cm -BT -0.00785 Tc -/R24 6.03800 Tf -1.00078 0 0 1 146.89600 523.51400 Tm -0.04710 Tw -[ (lay) 40.71570 (e) 3.71704 (r in) -16.88220 (d) -16.88630 (e) 13.41370 (x) 11.88040 ( \050o) 11.91070 (rig) 11.87840 (i) -8.81786 (n) -16.88630 (a) 13.28440 (l) -8.81786 (\051) ] TJ --0.03200 Tc -0 1.00078 -1 0 66.46680 552.91400 Tm -[ (st) -5.81797 (d) ] TJ -ET -Q -1 1 1 scn -2302.82000 5487.39000 311.39100 291.09000 re -f -0.58000 w -1 1 1 SCN -2302.82000 5487.39000 m -2302.82000 5778.48000 l -2614.21000 5778.48000 l -2614.21000 5487.39000 l -2302.82000 5487.39000 l -S -0 0 0 SCN -2302.82000 5778.48000 m -2614.21000 5778.48000 l -S -0 0 0 scn -2614.21000 5777.90000 0.57812 0.58203 re -f -2302.82000 5487.39000 m -2614.21000 5487.39000 l -S -2614.21000 5486.81000 0.57812 0.57812 re -f -2614.21000 5487.39000 m -2614.21000 5778.48000 l -S -2614.21000 5777.90000 0.57812 0.58203 re -f -2302.82000 5487.39000 m -2302.82000 5778.48000 l -S -2303.40000 5777.90000 0.58203 0.58203 re -f -2302.82000 5487.39000 m -2614.21000 5487.39000 l -S -2614.21000 5486.81000 0.57812 0.57812 re -f -2302.82000 5487.39000 m -2302.82000 5778.48000 l -S -2303.40000 5777.90000 0.58203 0.58203 re -f -2302.82000 5778.48000 m -2614.21000 5778.48000 l -S -2614.21000 5777.90000 0.57812 0.58203 re -f -2302.82000 5487.39000 m -2614.21000 5487.39000 l -S -2614.21000 5486.81000 0.57812 0.57812 re -f -2614.21000 5487.39000 m -2614.21000 5778.48000 l -S -2614.21000 5777.90000 0.57812 0.58203 re -f -2302.82000 5487.39000 m -2302.82000 5778.48000 l -S -2303.40000 5777.90000 0.58203 0.58203 re -f -q -10 0 0 10 0 0 cm -BT --0.00093 Tc -/R24 4.64470 Tf -1.00071 0 0 1 238.40000 573.09300 Tm -[ (pl) 40.63930 (a) 7.03848 (i) 40.63410 (n\05520) ] TJ -ET -Q -[ 18.62110 6.20713 ] 0 d -6.20003 w -0.75000 0.75000 0 SCN -q -1.00300 0 0 -0.99701 0 0 cm -2308.67000 -5765.01000 m -2370.53000 -5765.01000 l -S -Q -q -10 0 0 10 0 0 cm -BT --0.00093 Tc -/R24 4.64470 Tf -1.00071 0 0 1 238.40000 567.35300 Tm -[ (pl) 40.63930 (a) 7.03848 (i) 40.63410 (n\05556) ] TJ -ET -Q -[ 18.62110 6.20713 ] 0 d -1 0 0 SCN -q -1.00300 0 0 -0.99701 0 0 cm -2308.67000 -5707.44000 m -2370.53000 -5707.44000 l -S -Q -q -10 0 0 10 0 0 cm -BT -0.02462 Tc -/R24 4.64470 Tf -1.00071 0 0 1 238.40000 561.67000 Tm -[ (Re) 12.50640 (s) 32.67110 (N) -8.56698 (e) 12.36990 (t) 8.56698 (\0552) 6.29261 (0) ] TJ -ET -Q -[ ] 0 d -0.75000 0.75000 0 SCN -q -1.00300 0 0 -0.99701 0 0 cm -2308.67000 -5649.86000 m -2370.52000 -5649.86000 l -S -Q -q -10 0 0 10 0 0 cm -BT -0.02462 Tc -/R24 4.64470 Tf -1.00071 0 0 1 238.40000 556.04500 Tm -[ (Re) 12.50640 (s) 32.67110 (N) -8.56698 (e) 12.36990 (t) 8.56698 (\0555) 6.29261 (6) ] TJ -ET -Q -1 0 0 SCN -q -1.00300 0 0 -0.99701 0 0 cm -2308.67000 -5594.02000 m -2370.52000 -5594.02000 l -S -Q -q -10 0 0 10 0 0 cm -BT -0.00093 Tc -/R24 4.64470 Tf -1.00071 0 0 1 238.40000 550.36200 Tm -[ (R) -6.47645 (e) 7.43768 (s) 27.57090 (N) -13.66730 (e) 7.26959 (t) 3.46671 (\055110) ] TJ -ET -Q -0 0 0 SCN -q -1.00300 0 0 -0.99701 0 0 cm -2308.67000 -5536.44000 m -2370.52000 -5536.44000 l -S -Q -0.13745 0.12280 0.12598 scn -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 50.11210 456.88100 Tm -[ (Figure) -287.88600 (7\056) -286.98800 (Standard) -287.99300 (de) 24.98750 (viations) -287.99900 (\050std\051) -287.98200 (of) -286.98000 (layer) -288.01100 (responses) -288.00800 (on) -287.00900 (CIF) 73.99040 (AR\055) ] TJ -10.95780 TL -T* -[ (10\056) -305.98200 (The) -237.97800 (responses) -238.90900 (are) -238.00600 (the) -238.00700 (outputs) -237.89000 (of) -239.01500 (each) -239.01400 (3) ] TJ -/R97 8.96640 Tf -154.39800 0 Td -(\327) Tj -/R14 8.96640 Tf -7.16719 0 Td -[ (3) -237.99800 (layer) 39.99310 (\054) -240.98200 (after) -238.01200 (BN) -237.99500 (and) ] TJ --161.56600 -10.95860 Td -[ (before) -362.88000 (nonlinearity) 65.11260 (\056) ] TJ --0.82491 Tc -/R12 8.96640 Tf -76.97460 0 Td -[ (To) -92.01970 (p) ] TJ -0 Tc -/R14 8.96640 Tf -14.62420 0 Td -[ (\072) -536.01900 (the) -363.99900 (layers) -362.98200 (are) -362.99500 (sho) 25.00930 (wn) -362.99800 (in) -362.97900 (their) -364.00500 (original) ] TJ --91.59880 -10.95860 Td -[ (order) 55.10620 (\056) ] TJ -/R12 8.96640 Tf -23.44690 0 Td -(Bottom) Tj -/R14 8.96640 Tf -28.38670 0 Td -[ (\072) -310.00200 (the) -249.98800 (responses) -250.01800 (are) -249.98700 (rank) 9.98601 (ed) -249.99700 (in) -250.01400 (descending) -249.97800 (order) 55.02040 (\056) ] TJ -/R14 9.96260 Tf --51.83360 -31.96680 Td -[ (netw) 10.00870 (orks) -310.01400 (such) -310.01400 (as) -309.98600 (FitNet) -309.99200 (\13334\135) -309.98400 (and) -309.98100 (Highw) 9.98118 (ay) -311.00700 (\13341\135) -309.98500 (\050T) 79.98660 (able) -309.98500 (6\051\054) ] TJ -11.95510 TL -T* -[ (yet) -249.99000 (is) -249.98400 (among) -250.01400 (the) -249.99000 (state\055of\055the\055art) -249.98600 (results) -250.01200 (\0506\05643\045\054) -250.01700 (T) 79.99160 (able) -249.99500 (6\051\056) ] TJ -/R12 9.96260 Tf -18.00160 TL -T* -[ (Analysis) -336.00800 (of) -335.00100 (Lay) 9.98240 (er) -335.99200 (Responses\056) ] TJ -/R14 9.96260 Tf -131.53000 0 Td -[ (Fig\056) -335.99300 (7) -334.99800 (sho) 24.99340 (ws) -336.01300 (the) -334.99600 (standard) ] TJ --131.53000 -11.95510 Td -[ (de) 25.01600 (viations) -337.98300 (\050std\051) -338.01000 (of) -337.98200 (the) -336.99500 (layer) -337.98300 (responses\056) -573.99700 (The) -338.01700 (responses) -338 (are) ] TJ -11.95510 TL -T* -[ (the) -358.99100 (outputs) -360.01700 (of) -358.99800 (each) -359.00700 (3) ] TJ -/R16 9.96260 Tf -87.36680 0 Td -(\327) Tj -/R14 9.96260 Tf -7.74805 0 Td -[ (3) -358.99400 (layer) 39.99330 (\054) -386.99200 (after) -359.00700 (BN) -360.00100 (and) -358.99400 (before) -359.00400 (other) ] TJ --95.11480 -11.95630 Td -[ (nonlinearity) -491.91500 (\050ReLU\057addition\051\056) -1035.81000 (F) 14.99260 (or) -491.02000 (ResNets\054) -553.01600 (this) -492.01100 (analy\055) ] TJ -11.95590 TL -T* -[ (sis) -340.98200 (re) 25.00810 (v) 14.98280 (eals) -340.99800 (the) -342.01400 (response) -340.98700 (strength) -341.01300 (of) -341 (the) -342.01400 (residual) -342.00200 (functions\056) ] TJ -T* -[ (Fig\056) -238.99000 (7) -239.99400 (sho) 24.99220 (ws) -239.01000 (that) -239.98400 (ResNets) -238.99200 (ha) 19.99790 (v) 14.98280 (e) -240.00400 (generally) -239.00700 (smaller) -240.01900 (responses) ] TJ -T* -[ (than) -280.01900 (their) -279 (plain) -280.01200 (counterparts\056) -398.89100 (These) -279.90800 (results) -278.98800 (support) -279.88500 (our) -279.98500 (ba\055) ] TJ -T* -[ (sic) -394.98400 (moti) 25.00750 (v) 24.98110 (ation) -395.01300 (\050Sec\0563\0561\051) -395.01700 (that) -395.01700 (the) -394.98600 (residual) -395.01300 (functions) -395 (might) ] TJ -T* -[ (be) -281.01100 (generally) -281 (closer) -281.00600 (to) -280.01900 (zero) -281.01900 (than) -281 (the) -281.00500 (non\055residual) -280.98300 (functions\056) ] TJ -T* -[ (W) 79.98730 (e) -323.00900 (also) -324.01000 (notice) -322.98900 (that) -322.99000 (the) -324.01700 (deeper) -323.01100 (ResNet) -322.98500 (has) -322.99800 (smaller) -324.00500 (magni\055) ] TJ -T* -[ (tudes) -221.00300 (of) -220 (responses\054) -226.99800 (as) -220.00100 (e) 25.01050 (videnced) -221.00700 (by) -221.01200 (the) -219.99500 (comparisons) -220.98300 (among) ] TJ -T* -[ (ResNet\05520\054) -415.90100 (56\054) -415.99700 (and) -382.00900 (110) -382.90200 (in) -382.00200 (Fig\056) -383.00500 (7\056) -707.99200 (When) -382.00700 (there) -382.99500 (are) -383.00700 (more) ] TJ -T* -[ (layers\054) -342.99300 (an) -323.98500 (indi) 25 (vidual) -324 (layer) -323.98500 (of) -323.98400 (ResNets) -323.99700 (tends) -324.00500 (to) -324.99200 (modify) -323.99200 (the) ] TJ -T* -[ (signal) -250.01000 (less\056) ] TJ -/R12 9.96260 Tf -18.00160 TL -T* -[ (Exploring) -302.90200 (Ov) 10.01550 (er) -303.01700 (1000) -304.00800 (lay) 10.01550 (ers\056) ] TJ -/R14 9.96260 Tf -125.62000 0 Td -[ (W) 79.98790 (e) -303.01300 (e) 15.01220 (xplore) -302.99400 (an) -303.98800 (aggressi) 24.99340 (v) 14.98280 (ely) ] TJ --125.62000 -11.95510 Td -[ (deep) -416.00800 (model) -417.00300 (of) -416.00800 (o) 14.98280 (v) 14.98280 (er) -416.01300 (1000) -415.98900 (layers\056) -808.99400 (W) 79.98790 (e) -416.99400 (set) ] TJ -/R53 9.96260 Tf -176.81600 0 Td -(n) Tj -/R39 9.96260 Tf -11.81480 0 Td -[ (\075) -586.81100 (200) ] TJ -/R14 9.96260 Tf -32.67540 0 Td -(that) Tj --221.30600 -11.95630 Td -[ (leads) -225.99200 (to) -225.00900 (a) -226.00600 (1202\055layer) -225.00400 (netw) 10.00940 (ork\054) -231.01000 (which) -225.00500 (is) -225.98900 (trained) -225.00900 (as) -226 (described) ] TJ -11.95510 TL -T* -[ (abo) 14.98340 (v) 14.98280 (e\056) -662.98500 (Our) -368.01300 (method) -367.98600 (sho) 24.99220 (ws) ] TJ -/R18 9.96260 Tf -113.61600 0 Td -[ (no) -368.00700 (optimization) -367.00700 (dif) 18.01660 (\223culty) ] TJ -/R14 9.96260 Tf -101.80100 0 Td -[ (\054) -396.99000 (and) ] TJ --215.41700 -11.95510 Td -(this) Tj -/R39 9.96260 Tf -19.15590 0 Td -(10) Tj -/R57 6.97380 Tf -9.96211 3.62695 Td -(3) Tj -/R14 9.96260 Tf -4.46992 -3.61484 Td -[ (\055layer) -478.00100 (netw) 10.08780 (ork) -477.09000 (is) -477.98500 (able) -477.99500 (to) -477.98600 (achie) 25.01540 (v) 14.98280 (e) ] TJ -/R18 9.96260 Tf -145.36000 0 Td -[ (tr) 14.99010 (aining) -478.00400 (err) 44.98020 (or) ] TJ -/R53 9.96260 Tf --178.94800 -11.95510 Td -(\074) Tj -/R14 9.96260 Tf -7.74883 0 Td -[ (0\0561\045) -453.98900 (\050Fig\056) -453.89900 (6\054) -505.00600 (right\051\056) -921.00200 (Its) -453.99300 (test) -453.98700 (error) -454.01200 (is) -453.99000 (still) -454.00800 (f) 9.99588 (airly) -453.99000 (good) ] TJ --7.74883 -11.95550 Td -[ (\0507\05693\045\054) -249.90100 (T) 79.99030 (able) -249.91500 (6\051\056) ] TJ -11.95510 -12.02380 Td -[ (But) -361.01200 (there) -360.88100 (are) -361.99100 (still) -360.88600 (open) -360.98800 (problems) -360.88700 (on) -362.00800 (such) -360.98600 (aggressi) 24.99340 (v) 14.98280 (ely) ] TJ --11.95510 -11.95510 Td -[ (deep) -281.01100 (models\056) -400.99800 (The) -280.88900 (testing) -279.99900 (result) -280.91500 (of) -281.01100 (this) -280.00700 (1202\055layer) -280.99500 (netw) 10.00810 (ork) ] TJ -T* -[ (is) -294.01600 (w) 10.00140 (orse) -293.00600 (than) -294.01700 (that) -294.01500 (of) -293.00900 (our) -293.98300 (110\055layer) -292.99800 (netw) 10.00810 (ork\054) -304.99800 (although) -293.99500 (both) ] TJ -ET -Q -/R20 gs -3.98000 w -0 j -0.13745 0.12280 0.12598 SCN -3356.69000 5796.01000 m -5183.06000 5796.01000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 343.63900 571.34700 Tm -[ (training) -249.89700 (data) ] TJ -ET -Q -3968.81000 5678.95000 m -3968.81000 5794.02000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 415.79200 571.34700 Tm -(07\05312) Tj -ET -Q -4576.93000 5678.95000 m -4576.93000 5794.02000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 474.07500 571.34700 Tm -(07\053\05312) Tj -ET -Q -3356.69000 5676.96000 m -5183.06000 5676.96000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 351.35900 559.44200 Tm -[ (test) -250.01900 (data) ] TJ -ET -Q -3968.81000 5559.90000 m -3968.81000 5674.97000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 405.05100 559.44200 Tm -[ (V) 39.98220 (OC) -250.01100 (07) -249.97800 (test) ] TJ -ET -Q -4576.93000 5559.90000 m -4576.93000 5674.97000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 465.86200 559.44200 Tm -[ (V) 39.98220 (OC) -250.01100 (12) -249.97800 (test) ] TJ -ET -Q -3356.69000 5557.91000 m -5183.06000 5557.91000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 350.55600 547.53700 Tm -[ (V) 15.01920 (GG\05516) ] TJ -ET -Q -3968.81000 5440.84000 m -3968.81000 5555.91000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 419.44200 547.53700 Tm -(73\0562) Tj -ET -Q -4576.93000 5440.84000 m -4576.93000 5555.91000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 480.25300 547.53700 Tm -(70\0564) Tj --135.49400 -11.50740 Td -(ResNet\055101) Tj -ET -Q -3968.81000 5325.78000 m -3968.81000 5440.85000 l -S -q -10 0 0 10 0 0 cm -BT -/R12 8.96640 Tf -1 0 0 1 419.44200 536.03000 Tm -(76\0564) Tj -ET -Q -4576.93000 5325.78000 m -4576.93000 5440.85000 l -S -q -10 0 0 10 0 0 cm -BT -/R12 8.96640 Tf -1 0 0 1 480.25300 536.03000 Tm -(73\0568) Tj -ET -Q -3356.69000 5323.78000 m -5183.06000 5323.78000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 308.86200 520.08700 Tm -[ (T) 79.98070 (able) -608.98700 (7\056) -608.97900 (Object) -608.98700 (detection) -608.98700 (mAP) -607.98300 (\050\045\051) -609.00100 (on) -609.00100 (the) -609.01200 (P) 91.98290 (ASCAL) -607.99400 (V) 39.98220 (OC) ] TJ -10.95900 TL -T* -[ (2007\0572012) -382.80400 (test) -382.98100 (sets) -382.98400 (using) ] TJ -/R12 8.96640 Tf -97.43050 0 Td -(baseline) Tj -/R14 8.96640 Tf -34.32340 0 Td -[ (F) 15.00280 (aster) -382.97800 (R\055CNN\056) -383.01100 (See) -383.00500 (also) -382.98900 (ap\055) ] TJ --131.75400 -10.95860 Td -[ (pendix) -249.90200 (for) -249.91800 (better) -249.88000 (results\056) ] TJ -ET -Q -3392.55000 4900.51000 m -5147.19000 4900.51000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 354.19800 481.79700 Tm -(metric) Tj -ET -Q -3922.49000 4783.45000 m -3922.49000 4898.52000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 404.15400 481.79700 Tm -(mAP\100\0565) Tj -ET -Q -4494.77000 4783.45000 m -4494.77000 4898.52000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 454.65700 481.79700 Tm -[ (mAP\100\133\0565\054) -249.90800 (\05695\135) ] TJ -ET -Q -3392.55000 4781.45000 m -5147.19000 4781.45000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 350.03300 469.89100 Tm -[ (V) 15.01920 (GG\05516) ] TJ -ET -Q -3922.49000 4664.39000 m -3922.49000 4779.46000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 413.01700 469.89100 Tm -(41\0565) Tj -ET -Q -4494.77000 4664.39000 m -4494.77000 4779.46000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 474.35200 469.89100 Tm -(21\0562) Tj --130.11600 -11.50660 Td -(ResNet\055101) Tj -ET -Q -3922.49000 4549.32000 m -3922.49000 4664.39000 l -S -q -10 0 0 10 0 0 cm -BT -/R12 8.96640 Tf -1 0 0 1 413.01700 458.38400 Tm -(48\0564) Tj -ET -Q -4494.77000 4549.32000 m -4494.77000 4664.39000 l -S -q -10 0 0 10 0 0 cm -BT -/R12 8.96640 Tf -1 0 0 1 474.35200 458.38400 Tm -(27\0562) Tj -ET -Q -3392.55000 4547.33000 m -5147.19000 4547.33000 l -S -q -10 0 0 10 0 0 cm -BT -/R14 8.96640 Tf -1 0 0 1 308.86200 442.44100 Tm -[ (T) 79.98070 (able) -343.02100 (8\056) -343.01200 (Object) -343.02100 (detection) -342.01800 (mAP) -343.01800 (\050\045\051) -342.99100 (on) -342.99100 (the) -343.00100 (COCO) -342.98500 (v) 25.00660 (alidation) -341.98900 (set) ] TJ -10.95860 TL -(using) ' -/R12 8.96640 Tf -21.34340 0 Td -(baseline) Tj -/R14 8.96640 Tf -32.80390 0 Td -[ (F) 15.00560 (aster) -212.98600 (R\055CNN\056) -213.97700 (See) -213.01300 (also) -213.99900 (appendix) -213.02400 (for) -213.97700 (better) -212.98000 (results\056) ] TJ -/R14 9.96260 Tf --54.14730 -26.08240 Td -[ (ha) 19.99670 (v) 14.98280 (e) -263.02000 (similar) -262.00300 (training) -262.98600 (error) 55 (\056) -348.01500 (W) 79.98660 (e) -263.02000 (ar) 17.99210 (gue) -263.01000 (that) -263 (this) -262.01000 (is) -263 (because) -263.01500 (of) ] TJ -11.95630 TL -T* -[ (o) 14.98280 (v) 14.98280 (er\223tting\056) -499.01200 (The) -313.00200 (1202\055layer) -312.99200 (netw) 10.00810 (ork) -313.00200 (may) -312.99200 (be) -313.00700 (unnecessarily) ] TJ -T* -[ (lar) 17.99700 (ge) -317.00600 (\05019\0564M\051) -318.00300 (for) -317.00800 (this) -318 (small) -317.01600 (dataset\056) -512.01800 (Strong) -317.99100 (re) 15.00730 (gularization) ] TJ -T* -[ (such) -286.99900 (as) -287.98900 (maxout) -286.98200 (\1339\135) -287.01300 (or) -287.99400 (dropout) -286.98200 (\13313\135) -287.00600 (is) -287.98600 (applied) -286.99100 (to) -287.00100 (obtain) -288.00600 (the) ] TJ -T* -[ (best) -205.01000 (results) -205.98000 (\050\1339\054) -204.98500 (25\054) -205.01200 (24\054) -205.99300 (34\135\051) -204.98000 (on) -205.01500 (this) -206.02000 (dataset\056) -294.99500 (In) -204.98500 (this) -205 (paper) 39.99330 (\054) -214.97900 (we) ] TJ -11.95510 TL -T* -[ (use) -311 (no) -310.01700 (maxout\057dropout) -311.01900 (and) -311.00200 (just) -310.00200 (simply) -311.00200 (impose) -311.01700 (re) 15.00730 (gulariza\055) ] TJ -T* -[ (tion) -278.90900 (via) -279.98500 (deep) -279.01000 (and) -279.98800 (thin) -278.90900 (architectures) -278.88500 (by) -279.98300 (design\054) -286.00600 (without) -279.99200 (dis\055) ] TJ -11.95590 TL -T* -[ (tracting) -338.90400 (from) -338.91400 (the) -338.99500 (focus) -338.91600 (on) -338.99200 (the) -340.01200 (dif) 24.98600 (\223culties) -339.00200 (of) -339.00200 (optimization\056) ] TJ -T* -[ (But) -395.00800 (combining) -395.88700 (with) -395.01000 (stronger) -395.01300 (re) 15.00730 (gularization) -394.99800 (may) -395.99800 (impro) 15.00240 (v) 14.98280 (e) ] TJ -T* -[ (results\054) -250.01000 (which) -249.90400 (we) -250 (will) -250.01200 (study) -250.00700 (in) -249.98800 (the) -249.98800 (future\056) ] TJ -/R12 10.95890 Tf -19.53670 TL -T* -[ (4\0563\056) -250.00400 (Object) -250.00200 (Detection) -250.00600 (on) -250.01500 (P) 74.01590 (ASCAL) -249.98900 (and) -249.99700 (MS) -250.00600 (COCO) ] TJ -/R14 9.96260 Tf -11.95510 -17.93320 Td -[ (Our) -485.01200 (method) -483.89000 (has) -485.01000 (good) -484.99700 (generalization) -484.99300 (performance) -484.89900 (on) ] TJ --11.95550 -11.95510 Td -[ (other) -279.00200 (recognition) -277.91900 (tasks\056) -397.01000 (T) 79.99160 (able) -277.98800 (7) -279.00700 (and) -558.02000 (8) -277.98800 (sho) 24.99090 (w) -279.00700 (the) -279.00200 (object) -278.99800 (de\055) ] TJ -11.95510 TL -T* -[ (tection) -355.99700 (baseline) -355.88400 (results) -355.99500 (on) -354.99000 (P) 92 (ASCAL) -355.98000 (V) 39.99820 (OC) -356.00400 (2007) -356 (and) -356.01400 (2012) ] TJ -T* -[ (\1335\135) -204.98800 (and) -204 (COCO) -204.99300 (\13326\135\056) -295.00500 (W) 79.98660 (e) -204.01000 (adopt) ] TJ -/R18 9.96260 Tf -121.06500 0 Td -[ (F) 75.01200 (aster) -205.00500 (R\055CNN) ] TJ -/R14 9.96260 Tf -59.27850 0 Td -[ (\13332\135) -204.98000 (as) -204.00500 (the) -205.01500 (de\055) ] TJ --180.34200 -11.95510 Td -[ (tection) -219 (method\056) -298.89900 (Here) -218.99300 (we) -218.98600 (are) -218.99300 (interested) -219.00300 (in) -219.01200 (the) -219.01200 (impro) 15.00240 (v) 14.98280 (ements) ] TJ -T* -[ (of) -269.01100 (replacing) -269.98200 (V) 14.98030 (GG\05516) -269.00200 (\13340\135) -269.00900 (with) -270.00900 (ResNet\055101\056) -367.98300 (The) -269.98900 (detection) ] TJ -11.95630 TL -T* -[ (implementation) -283.88600 (\050see) -283.99700 (appendix\051) -282.99200 (of) -283.99200 (using) -284.00200 (both) -284.00700 (models) -284.00200 (is) -284.01600 (the) ] TJ --0.00100 Tc -T* -[ (same\054) -234.09600 (so) -231.09100 (the) -230.09600 (gains) -230.08900 (can) -231.08900 (only) -230.10400 (be) -231.10400 (attrib) 19.88390 (uted) -230.11400 (to) -230.10900 (better) -231.10400 (netw) 9.88560 (orks\056) ] TJ -0 Tc -T* -[ (Most) -246.98800 (remarkably) 65.10190 (\054) -247.99500 (on) -247.01300 (the) -247.01000 (challenging) -246.98300 (COCO) -246.98300 (dataset) -247.00300 (we) -247.01800 (ob\055) ] TJ -11.95550 TL -T* -[ (tain) -199.91300 (a) -200.01100 (6\0560\045) -201.01100 (increase) -200.00800 (in) -199.99400 (COCO\220) 55 (s) -200 (standard) -201.01100 (metric) -201.01100 (\050mAP\100\133\0565\054) ] TJ --0.00100 Tc -T* -[ (\05695\135\051\054) -381.11500 (which) -353.99500 (is) -355.10700 (a) -354.08600 (28\045) -355.09300 (relati) 24.89780 (v) 14.88480 (e) -354.08300 (impro) 14.89460 (v) 14.88480 (ement\056) -624.08700 (This) -354.08300 (gain) -355.11200 (is) ] TJ -0 Tc -T* -[ (solely) -249.89200 (due) -249.99300 (to) -249.98500 (the) -249.99000 (learned) -249.99700 (representations\056) ] TJ -11.95510 -11.95590 Td -[ (Based) -357.88600 (on) -358.98900 (deep) -358.01600 (residual) -358 (nets\054) -386 (we) -357.97900 (w) 10.00320 (on) -358.99400 (the) -358.00900 (1st) -358 (places) -358.99400 (in) ] TJ --11.95510 -11.95550 Td -[ (se) 25.01790 (v) 14.98280 (eral) -208.99000 (tracks) -209.99700 (in) -209.01200 (ILSVRC) -209.01900 (\046) -209.99400 (C) 0.99493 (OCO) -209.98500 (2015) -209.00400 (competitions\072) -290.00600 (Im\055) ] TJ -T* -[ (ageNet) -279.99000 (detection\054) -286.90600 (ImageNet) -278.88500 (localization\054) -287.01600 (COCO) -279.99700 (detection\054) ] TJ -T* -[ (and) -249.99300 (COCO) -250.00500 (se) 15.01960 (gmentation\056) -310.01700 (The) -249.99300 (details) -250.01200 (are) -250.00700 (in) -249.98800 (the) -249.98800 (appendix\056) ] TJ --13.74140 -29.88790 Td -(8) Tj -ET -Q -/R28 gs -Q -Q -q -1 0 0 1 0 0 cm -BT -/F1 12 Tf -14.40000 TL -ET -1 1 1 rg -n -270 46 72 14 re -f* -0.50000 0.50000 0.50000 rg -BT -/F2 9 Tf -10.80000 TL -ET -BT -1 0 0 1 299.25000 49 Tm -(777) Tj -T* -ET -Q - -endstream -endobj -192 0 obj -<< -/FirstChar 45 -/Widths [ 333 0 0 500 500 500 0 0 500 500 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 453 0 0 0 429 0 0 0 0 0 0 286 0 0 0 0 0 357 0 0 0 0 0 0 453 ] -/Encoding /WinAnsiEncoding -/Type /Font -/BaseFont /DXICFE+TT4Co00 -/LastChar 121 -/FontDescriptor 193 0 R -/Subtype /Type1 ->> -endobj -193 0 obj -<< -/FontBBox [ -18 -214 452 690 ] -/FontName /DXICFE+TT4Co00 -/Descent -214 -/XHeight 476 -/Flags 32 -/FontFile3 194 0 R -/Type /FontDescriptor -/StemV 67 -/Ascent 690 -/ItalicAngle 0 -/CharSet (\057a\057e\057five\057hyphen\057l\057one\057r\057six\057two\057y\057zero) -/CapHeight 690 ->> -endobj -194 0 obj -<< -/Length 1554 -/Filter /FlateDecode -/Subtype /Type1C ->> -stream -x=hO~A[:kqO%cCzvZ513=2:,|[ n9sޅ32'd,dld"b|DL&h8$d4$K^ٯ]&m?>|MŌL&YSź}b͞?=o!,Ovy[.|f6៍]ǰb,}s``?.b{aϦ?aKF6#`?ql-aiO'"C0 4G %%;iyQdgd21b LƯ¶'a7SW%E@y4rFEZHxagsL-ywn54yG/)&ĔJɂ$*rVnibIy-LgMKd<d,i!qޯlUi$r_"NJnuPsyۥotŝxɵ[uw>W~>p*ͬ*+/i92 t;N4XD1?s օlZl瑕xף\tdY -kM} cq4tV(=gR9~nKLDg+l|fQ~yDNH'yg ́_FP6q4℗uxqu_sC@28Dȃ8N!dݘDB}M84 $oDt4TA ;rq&4p Fpx}We6ŔŸϦ#dЗY@ d€_NxZhbiAer\'4ϰt {(I"i@#}"!*4%ĸQ(;Sdtp&NQ7@¦BGߚFi͉G諒 q}.2lX6e]˫9]ql~꼎͋ށ:yxg*ȁ{Xo|HLEہ3)Y'ݑ|PYUUB]Yr&hŠzHWc3X?ZuS-ՊGZE}2.^)߬?Td2In3R8&@˳9:#sg@D^7I8}8l@3a|xZvv8qp2owf3Vf^W]k4|v18`éYrYr#- -endstream -endobj -195 0 obj -<< -/Encoding /WinAnsiEncoding -/Type /Font -/Name /F2 -/BaseFont /Times-Roman -/Subtype /Type1 ->> -endobj -196 0 obj -<< -/Encoding /WinAnsiEncoding -/Type /Font -/Name /F1 -/BaseFont /Helvetica -/Subtype /Type1 ->> -endobj -197 0 obj -<< -/Length 29269 ->> -stream -q -q -0.10000 0 0 0.10000 0 0 cm -/R9 gs -/R11 cs -0.13745 0.12280 0.12598 scn -q -10 0 0 10 0 0 cm -BT -/R12 11.95520 Tf -1 0 0 1 50.11210 710.03700 Tm -[ (Refer) 18 (ences) ] TJ -/R14 7.97010 Tf -3.98477 -16.43790 Td -[ (\1331\135) -624.92200 (Y) 129.01200 (\056) -211 (Bengio\054) -219.99000 (P) 110.97700 (\056) -211 (Simard\054) -219.01000 (and) -211.01400 (P) 110.97700 (\056) -211.98000 (Frasconi\056) -276.01300 (Learning) -211.99800 (long\055term) -210.98100 (dependen\055) ] TJ -14.27380 -9.46562 Td -[ (cies) -271.89600 (with) -270.91800 (gradient) -271.81100 (descent) -270.78900 (is) -272.00800 (dif) 25.00800 (\223cult\056) ] TJ -/R18 7.97010 Tf -123.17400 0 Td -[ (IEEE) -271.92100 (T) 55.00600 (r) 14.99440 (ansactions) -270.98400 (on) -271.99100 (Neur) 14.99440 (al) ] TJ --123.17400 -9.46367 Td -(Networks) Tj -/R14 7.97010 Tf -30.11090 0 Td -[ (\054) -250.01400 (5\0502\051\072157\205166\054) -249.99300 (1994\056) ] TJ --44.38480 -10.45660 Td -[ (\1332\135) -624.92200 (C\056) -399.98300 (M\056) -400.00400 (Bishop\056) ] TJ -/R18 7.97010 Tf -68.30940 0 Td -[ (Neur) 15.09090 (al) -399.98700 (networks) -399.98700 (for) -399.98900 (pattern) -400.00300 (r) 37 (eco) 9.99831 (gnition) ] TJ -/R14 7.97010 Tf -132.25200 0 Td -[ (\056) -840.01100 (Oxford) ] TJ --186.28700 -9.46367 Td -[ (uni) 25.12370 (v) 14.98440 (ersity) -249.98400 (press\054) -250.00800 (1995\056) ] TJ --14.27380 -10.45660 Td -[ (\1333\135) -624.92200 (W) 91.98730 (\056) -310.98400 (L\056) -311.00700 (Briggs\054) -325.98000 (S\056) -311.01700 (F) 80.00180 (\056) -310.00300 (McCormick\054) -325.98600 (et) -311.01200 (al\056) ] TJ -/R18 7.97010 Tf -141.39600 0 Td -[ (A) -311.00100 (Multigrid) -310.98300 (T) 55.00600 (utorial) ] TJ -/R14 7.97010 Tf -66.07700 0 Td -[ (\056) -555.01000 (Siam\054) ] TJ --193.19900 -9.46523 Td -(2000\056) Tj --14.27380 -10.45630 Td -[ (\1334\135) -624.92200 (K\056) -242.99000 (Chat\223eld\054) -244.01000 (V) 129.01200 (\056) -241.97500 (Lempitsk) 15.00970 (y) 64.97520 (\054) -243.98400 (A\056) -242.99000 (V) 110.97500 (edaldi\054) -243.98300 (and) -243.02000 (A\056) -242.00900 (Zisserman\056) -343.98000 (The) -242.98000 (de) 24.98960 (vil) ] TJ -14.27380 -9.46523 Td -[ (is) -324.00800 (in) -325 (the) -324.01300 (details\072) -459.01100 (an) -324.02000 (e) 25.00190 (v) 24.98200 (aluation) -324.99700 (of) -324.01100 (recent) -323.98300 (feature) -324.99400 (encoding) -324.01100 (methods\056) ] TJ -9.46367 TL -(In) ' -/R18 7.97010 Tf -8.63164 0 Td -(BMVC) Tj -/R14 7.97010 Tf -21.69450 0 Td -[ (\054) -250.01400 (2011\056) ] TJ --44.60080 -10.45660 Td -[ (\1335\135) -624.92200 (M\056) -293.01300 (Ev) 15.00890 (eringham\054) -303.98200 (L\056) -293.02000 (V) 110.97500 (an) -293.00300 (Gool\054) -303.97900 (C\056) -292.99100 (K\056) -292.98200 (W) 39.98710 (illiams\054) -303.99300 (J\056) -292.99600 (W) 39.98710 (inn\054) -303.99300 (and) -293.01100 (A\056) -292.98000 (Zis\055) ] TJ -14.27380 -9.46523 Td -[ (serman\056) -445.80500 (The) -276.89600 (P) 15.01280 (ascal) -276.98700 (V) 60.00360 (isual) -277.00600 (Object) -276.98100 (Classes) -276.99400 (\050V) 39.97480 (OC\051) -277.02400 (Challenge\056) ] TJ -/R18 7.97010 Tf -199.62000 0 Td -(IJCV) Tj -/R14 7.97010 Tf -16.37770 0 Td -(\054) Tj --215.99800 -9.46367 Td -[ (pages) -249.87600 (303\205338\054) -249.81200 (2010\056) ] TJ --14.27380 -10.45700 Td -[ (\1336\135) -624.92200 (R\056) -250.00800 (Girshick\056) -360.01900 (F) 15.01280 (ast) -249.99400 (R\055CNN\056) -359.98800 (In) ] TJ -/R18 7.97010 Tf -109.33300 0 Td -(ICCV) Tj -/R14 7.97010 Tf -18.15590 0 Td -[ (\054) -250.01300 (2015\056) ] TJ --127.48900 -10.45660 Td -[ (\1337\135) -624.92200 (R\056) -267.99500 (Girshick\054) -273.02400 (J\056) -268.98300 (Donahue\054) -272.97600 (T) 73.98260 (\056) -268 (Darrell\054) -273.02100 (and) -268.99400 (J\056) -268.00300 (Malik\056) -419.01300 (Rich) -269.01700 (feature) -267.99400 (hier) 20.01500 (\055) ] TJ -14.27380 -9.46367 Td -[ (archies) -288.89300 (for) -289.88000 (accurate) -288.87700 (object) -289.80200 (detection) -288.82100 (and) -289.92200 (semantic) -288.81100 (se) 15 (gmentation\056) -485.97500 (In) ] TJ -/R18 7.97010 Tf -9.46523 TL -(CVPR) ' -/R14 7.97010 Tf -19.92620 0 Td -[ (\054) -250.01400 (2014\056) ] TJ --34.20000 -10.45700 Td -[ (\1338\135) -624.92200 (X\056) -364.98000 (Glorot) -365.01600 (and) -363.97800 (Y) 129.01200 (\056) -364.99300 (Bengio\056) -727.99300 (Understanding) -365.01000 (the) -364.00700 (dif) 25.00800 (\223culty) -364.97500 (of) -364.98400 (training) ] TJ -14.27380 -9.46367 Td -[ (deep) -249.92200 (feedforw) 10.19740 (ard) -249.99600 (neural) -249.80000 (netw) 10.01360 (orks\056) -359.90800 (In) ] TJ -/R18 7.97010 Tf -122.43600 0 Td -[ (AIST) 49.98850 (A) 36.97900 (TS) ] TJ -/R14 7.97010 Tf -28.53280 0 Td -[ (\054) -250.01300 (2010\056) ] TJ --165.24300 -10.45660 Td -[ (\1339\135) -624.92200 (I\056) -462.01900 (J\056) -461.99000 (Goodfello) 24.99580 (w) 65.00280 (\054) -515.01700 (D\056) -462.02200 (W) 79.98030 (arde\055F) 14.99900 (arle) 14.98670 (y) 64.97520 (\054) -515.99700 (M\056) -462.00400 (Mirza\054) -514.99500 (A\056) -462.02000 (Courville\054) -515.00500 (and) ] TJ -14.27380 -9.46367 Td -[ (Y) 129.01200 (\056) -250.01400 (Bengio\056) -360.01600 (Maxout) -250 (netw) 10.01360 (orks\056) ] TJ -/R18 7.97010 Tf -97.38670 0 Td -(arXiv\0721302\0564389) Tj -/R14 7.97010 Tf -54.23550 0 Td -[ (\054) -250.01300 (2013\056) ] TJ --169.88200 -10.45700 Td -[ (\13310\135) -624.88700 (K\056) -230.98300 (He) -231.01900 (and) -231.01000 (J\056) -230.01900 (Sun\056) -318.98400 (Con) 40.02080 (v) 19.98280 (olutional) -231.00600 (neural) -230.98000 (netw) 10.01360 (orks) -230.02200 (at) -230.97500 (constrained) -230.99300 (time) ] TJ -18.25860 -9.46523 Td -[ (cost\056) -359.89800 (In) ] TJ -/R18 7.97010 Tf -26.33320 0 Td -(CVPR) Tj -/R14 7.97010 Tf -19.92620 0 Td -[ (\054) -250.01300 (2015\056) ] TJ --64.51800 -10.45660 Td -[ (\13311\135) -624.88700 (K\056) -208.97700 (He\054) -217.98800 (X\056) -208.97700 (Zhang\054) -216.98800 (S\056) -210.00400 (Ren\054) -216.98100 (and) -209.00400 (J\056) -208.99300 (Sun\056) -271.98200 (Spatial) -208.99300 (p) 9.98605 (yramid) -210.01300 (pooling) -208.98700 (in) -208.99000 (deep) ] TJ -18.25860 -9.46367 Td -[ (con) 40.02230 (v) 19.98360 (olutional) -250.02200 (netw) 10.01360 (orks) -250.01900 (for) -249.98500 (visual) -250.01400 (recognition\056) -360.00600 (In) ] TJ -/R18 7.97010 Tf -158.59600 0 Td -(ECCV) Tj -/R14 7.97010 Tf -20.37230 0 Td -[ (\054) -250.01300 (2014\056) ] TJ --197.22700 -10.45660 Td -[ (\13312\135) -624.88700 (K\056) -321.99700 (He\054) -339.97700 (X\056) -321.99700 (Zhang\054) -340.00700 (S\056) -321.99500 (Ren\054) -340 (and) -322.02400 (J\056) -322.01300 (Sun\056) -590.99700 (Delving) -322.00700 (deep) -322.01700 (into) -322.01700 (recti\223ers\072) ] TJ -18.25860 -9.46367 Td -[ (Surpassing) -294.81500 (human\055le) 25.18420 (v) 14.98370 (el) -294.99100 (performance) -295.01600 (on) -294.97600 (imagenet) -294.99600 (classi\223cation\056) -503.99900 (In) ] TJ -/R18 7.97010 Tf -(ICCV) ' -/R14 7.97010 Tf -18.15590 0 Td -[ (\054) -250.01400 (2015\056) ] TJ --36.41520 -10.45660 Td -[ (\13313\135) -624.88700 (G\056) -559.01500 (E\056) -559.00500 (Hinton\054) -635.98800 (N\056) -559.01500 (Sri) 24.98810 (v) 24.98200 (asta) 20.01500 (v) 24.98200 (a\054) -635.97700 (A\056) -558.98000 (Krizhe) 24.98660 (vsk) 15.01580 (y) 64.97670 (\054) -635.97700 (I\056) -559.01400 (Sutsk) 9.99218 (e) 25.00190 (v) 14.98520 (er) 40.01770 (\054) -635.97700 (and) ] TJ -18.25860 -9.46367 Td -[ (R\056) -307.00800 (R\056) -307.00800 (Salakhutdino) 15.01890 (v) 64.97520 (\056) -543.00200 (Impro) 14.99900 (ving) -306.99000 (neural) -307.97600 (netw) 10.01360 (orks) -307.01900 (by) -306.98500 (pre) 25.00500 (v) 14.98520 (enting) -306.97600 (co\055) ] TJ -T* -[ (adaptation) -249.82100 (of) -250.00400 (feature) -250.00700 (detectors\056) ] TJ -/R18 7.97010 Tf -101.57800 0 Td -(arXiv\0721207\0560580) Tj -/R14 7.97010 Tf -54.23710 0 Td -[ (\054) -250.01300 (2012\056) ] TJ --174.07400 -10.45660 Td -[ (\13314\135) -624.88700 (S\056) -297 (Hochreiter) 54.99830 (\056) -510.99800 (Untersuchungen) -296.99600 (zu) -297.01500 (dynamischen) -297.00900 (neuronalen) -296.98100 (netzen\056) ] TJ -/R18 7.97010 Tf -18.25900 -9.46367 Td -[ (Diploma) -249.80600 (thesis\054) -249.91200 (TU) -249.97600 (Munic) 14.98830 (h) ] TJ -/R14 7.97010 Tf -88.43590 0 Td -[ (\054) -250.01300 (1991\056) ] TJ --106.69500 -10.45700 Td -[ (\13315\135) -624.88700 (S\056) -237.99000 (Hochreiter) -239.02000 (and) -238.01900 (J\056) -238.98800 (Schmidhuber) 55.02130 (\056) -334.01800 (Long) -238.99400 (short\055term) -238.00800 (memory) 65.02270 (\056) ] TJ -/R18 7.97010 Tf -214.22900 0 Td -[ (Neur) 15.09240 (al) ] TJ --195.97000 -9.46367 Td -(computation) Tj -/R14 7.97010 Tf -39.85120 0 Td -[ (\054) -250.01300 (9\0508\051\0721735\2051780\054) -250.02000 (1997\056) ] TJ --58.10980 -10.45660 Td -[ (\13316\135) -624.88700 (S\056) -373.01600 (Iof) 25.01640 (fe) -373.00100 (and) -372.01600 (C\056) -372.97800 (Sze) 14.97750 (gedy) 65.00430 (\056) -753.01600 (Batch) -373.01300 (normalization\072) -554.98600 (Accelerating) -373.01300 (deep) ] TJ -18.25860 -9.46523 Td -[ (netw) 10.11160 (ork) -218.89400 (training) -218.77900 (by) -219.00900 (reducing) -218.99800 (internal) -219.00400 (co) 14.99130 (v) 24.98200 (ariate) -218.97900 (shift\056) -292 (In) ] TJ -/R18 7.97010 Tf -177.28000 0 Td -(ICML) Tj -/R14 7.97010 Tf -19.04060 0 Td -[ (\054) -218.98900 (2015\056) ] TJ --214.58000 -10.45630 Td -[ (\13317\135) -624.88700 (H\056) -202.01700 (Je) 15.00130 (gou\054) -210.99100 (M\056) -201.99900 (Douze\054) -211.98000 (and) -201.99600 (C\056) -201.97700 (Schmid\056) -255.01500 (Product) -202.01800 (quantization) -201.99100 (for) -202.00300 (nearest) ] TJ -18.25860 -9.46523 Td -[ (neighbor) -249.79700 (search\056) ] TJ -/R18 7.97010 Tf -55.54340 0 Td -[ (TP) 89.97710 (AMI) ] TJ -/R14 7.97010 Tf -22.74610 0 Td -[ (\054) -250.01300 (33\054) -249.99100 (2011\056) ] TJ --96.54920 -10.45660 Td -[ (\13318\135) -624.88700 (H\056) -567.00400 (Je) 15.00130 (gou\054) -644.98700 (F) 80.00180 (\056) -567.01800 (Perronnin\054) -644.98400 (M\056) -566.98600 (Douze\054) -646.02400 (J\056) -565.99200 (Sanchez\054) -646.00900 (P) 110.97700 (\056) -565.98900 (Perez\054) -646.02100 (and) ] TJ --0.00080 Tc -18.25900 -9.46367 Td -[ (C\056) -227.12400 (Schmid\056) -311.09800 (Aggre) 14.90100 (gating) -228.07900 (local) -227.11200 (image) -227.07700 (descriptors) -227.12100 (into) -228.11700 (compact) -227.08800 (codes\056) ] TJ -0 Tc -/R18 7.97010 Tf -T* -[ (TP) 89.97630 (AMI) ] TJ -/R14 7.97010 Tf -22.74650 0 Td -[ (\054) -250.01400 (2012\056) ] TJ --41.00630 -10.45700 Td -[ (\13319\135) -624.88700 (Y) 129.01200 (\056) -297.99600 (Jia\054) -309.99100 (E\056) -296.99000 (Shelhamer) 40.02080 (\054) -310.00300 (J\056) -297.99500 (Donahue\054) -309.98000 (S\056) -297.98000 (Karaye) 24.98350 (v) 64.97670 (\054) -310.00300 (J\056) -297.01800 (Long\054) -310.01800 (R\056) -297.99200 (Girshick\054) ] TJ -18.25900 -9.46367 Td -[ (S\056) -232.01000 (Guadarrama\054) -236.00200 (and) -231.01000 (T) 73.98260 (\056) -231.97700 (Darrell\056) -321.00300 (Caf) 24.97590 (fe\072) -300.99500 (Con) 40.02080 (v) 19.98440 (olutional) -231.98600 (architecture) -232.00400 (for) ] TJ -T* -[ (f) 10.01520 (ast) -249.99500 (feature) -250.00700 (embedding\056) ] TJ -/R18 7.97010 Tf -77.81990 0 Td -(arXiv\0721408\0565093) Tj -/R14 7.97010 Tf -54.23590 0 Td -[ (\054) -250.01300 (2014\056) ] TJ --150.31600 -10.45590 Td -[ (\13320\135) -624.88700 (A\056) -344.98300 (Krizhe) 24.98580 (vsk) 15.01740 (y) 64.97520 (\056) -662.98200 (Learning) -343.98700 (multiple) -344.98400 (layers) -343.98900 (of) -344.98800 (features) -344.99400 (from) -343.99500 (tin) 15 (y) -345.00300 (im\055) ] TJ -18.25900 -9.46523 Td -(ages\056) Tj -/R18 7.97010 Tf -19.02460 0 Td -[ (T) 92.01030 (ec) 15.00440 (h) -250.02000 (Report) ] TJ -/R14 7.97010 Tf -38.32810 0 Td -[ (\054) -250.01300 (2009\056) ] TJ --75.61250 -10.45700 Td -[ (\13321\135) -624.88700 (A\056) -291.02100 (Krizhe) 24.98580 (vsk) 15.01740 (y) 64.97520 (\054) -302.01400 (I\056) -291.01800 (Sutsk) 9.99218 (e) 25.00190 (v) 14.98370 (er) 40.01620 (\054) -300.98500 (and) -291 (G\056) -291.02100 (Hinton\056) -491.99100 (Imagenet) -291.01700 (classi\223cation) ] TJ -18.25900 -9.46367 Td -[ (with) -249.89200 (deep) -249.92200 (con) 40.12030 (v) 19.98280 (olutional) -250.02200 (neural) -249.99600 (netw) 10.01360 (orks\056) -360.00600 (In) ] TJ -/R18 7.97010 Tf -143.09500 0 Td -(NIPS) Tj -/R14 7.97010 Tf -16.82500 0 Td -[ (\054) -250.01300 (2012\056) ] TJ --178.17900 -10.45660 Td -[ (\13322\135) -624.88700 (Y) 129.01200 (\056) -414.00500 (LeCun\054) -455.01800 (B\056) -414.98000 (Boser) 40.00550 (\054) -454.97800 (J\056) -414.00500 (S\056) -414.00500 (Denk) 9.99218 (er) 40.01620 (\054) -454.97800 (D\056) -414.00500 (Henderson\054) -456.02000 (R\056) -414.00200 (E\056) -413.98000 (Ho) 24.99580 (w) 10.01360 (ard\054) ] TJ --0.00080 Tc -18.25900 -9.46523 Td -[ (W) 91.88780 (\056) -363.08400 (Hubbard\054) -392.08000 (and) -364.08200 (L\056) -363.11100 (D\056) -363.12200 (Jack) 9.88956 (el\056) -723.11100 (Backpropagation) -363.08500 (applied) -364.08100 (to) -363.08500 (hand\055) ] TJ -0 Tc -9.46367 TL -T* -[ (written) -249.90900 (zip) -250.00500 (code) -249.92200 (recognition\056) ] TJ -/R18 7.97010 Tf -94.50860 0 Td -[ (Neur) 15.09090 (al) -250.01300 (computation) ] TJ -/R14 7.97010 Tf -63.86370 0 Td -[ (\054) -250.01300 (1989\056) ] TJ --176.63200 -10.45700 Td -[ (\13323\135) -624.88700 (Y) 129.01200 (\056) -196.98300 (LeCun\054) -207.02100 (L\056) -195.97800 (Bottou\054) -207.98100 (G\056) -195.98900 (B\056) -196.97800 (Orr) 39.99320 (\054) -206.98100 (and) -196.99600 (K\056\055R\056) -196.02200 (M) ] TJ -158.34000 0.03984 Td -(\250) Tj --0.66641 -0.03984 Td -[ (uller) 55.11630 (\056) -243.98400 (Ef) 25.01410 (\223cient) -196.99500 (backprop\056) ] TJ --139.41500 -9.46367 Td -(In) Tj -/R18 7.97010 Tf -8.33242 0 Td -[ (Neur) 15.09090 (al) -213.00800 (Networks\072) -291 (T) 55.00600 (ric) 20.00890 (ks) -212.02000 (of) -213.00900 (the) -212.02100 (T) 55.00600 (r) 14.99440 (ade) ] TJ -/R14 7.97010 Tf -117.63400 0 Td -[ (\054) -220.01800 (pages) -213.01800 (9\20550\056) -211.98600 (Springer) 40.01770 (\054) -220.01800 (1998\056) ] TJ --144.22600 -10.45660 Td -[ (\13324\135) -624.88700 (C\056\055Y) 129.07700 (\056) -446.99000 (Lee\054) -496.01100 (S\056) -445.99400 (Xie\054) -496.02200 (P) 110.97700 (\056) -446.98900 (Gallagher) 39.98400 (\054) -496 (Z\056) -446.00900 (Zhang\054) -496.01000 (and) -447.00500 (Z\056) -447.01400 (T) 45.01690 (u\056) -989.00500 (Deeply\055) ] TJ -18.25860 -9.46523 Td -[ (supervised) -249.78300 (nets\056) ] TJ -/R18 7.97010 Tf -53.78240 0 Td -(arXiv\0721409\0565185) Tj -/R14 7.97010 Tf -54.24490 -0.00547 Td -[ (\054) -250.01300 (2014\056) ] TJ --126.27800 -10.45630 Td -[ (\13325\135) -624.88700 (M\056) -217.97600 (Lin\054) -224.01800 (Q\056) -217.99500 (Chen\054) -224.00300 (and) -218.02200 (S\056) -217.01300 (Y) 99.99690 (an\056) -290.01400 (Netw) 9.99218 (ork) -218.01100 (in) -218.00800 (netw) 10.01360 (ork\056) ] TJ -/R18 7.97010 Tf -180.02100 0 Td -(arXiv\0721312\0564400) Tj -/R14 7.97010 Tf -54.23550 0 Td -(\054) Tj --215.99800 -9.46523 Td -(2013\056) Tj --18.25860 -10.45660 Td -[ (\13326\135) -624.88700 (T) 73.98330 (\056\055Y) 129.02300 (\056) -322.99100 (Lin\054) -339.97800 (M\056) -323.00800 (Maire\054) -341.00500 (S\056) -323.02400 (Belongie\054) -340.00400 (J\056) -322.99400 (Hays\054) -341.02400 (P) 110.97700 (\056) -322.99100 (Perona\054) -339.97900 (D\056) -322.97500 (Ramanan\054) ] TJ -18.25860 -9.46367 Td -[ (P) 110.97800 (\056) -297.01500 (Doll) ] TJ -22.52030 0.03984 Td -(\264) Tj --0.44219 -0.03984 Td -[ (ar) 40.01700 (\054) -309.02300 (and) -296.97900 (C\056) -297.01000 (L\056) -296.99000 (Zitnick\056) -511.01900 (Microsoft) -296.99800 (COCO\072) -297.01200 (Common) -297.00500 (objects) -297.00900 (in) ] TJ --22.07810 -9.46523 Td -[ (conte) 15.08940 (xt\056) -360 (In) ] TJ -/R18 7.97010 Tf -36.83790 0 Td -(ECCV) Tj -/R14 7.97010 Tf -20.37070 0 Td -[ (\056) -250.01300 (2014\056) ] TJ --75.46800 -10.45700 Td -[ (\13327\135) -624.88700 (J\056) -260.01400 (Long\054) -263.01600 (E\056) -261.01600 (Shelhamer) 40.02080 (\054) -263 (and) -259.97600 (T) 73.98260 (\056) -260.99100 (Darrell\056) -393 (Fully) -260.97900 (con) 40.02080 (v) 19.98440 (olutional) -260.02000 (netw) 10.01360 (orks) ] TJ -18.25860 -9.46367 Td -[ (for) -249.88800 (semantic) -249.79700 (se) 15 (gmentation\056) -360.01700 (In) ] TJ -/R18 7.97010 Tf -97.49020 0 Td -(CVPR) Tj -/R14 7.97010 Tf -19.92540 0 Td -[ (\054) -250.01300 (2015\056) ] TJ -123.07600 629.03700 Td -[ (\13328\135) -624.88800 (G\056) -264.01500 (Mont) ] TJ -46.05120 0.03984 Td -(\264) Tj --0.66602 -0.03984 Td -[ (uf) 10.00140 (ar) 40.01770 (\054) -268 (R\056) -265.01000 (P) 15.01280 (ascanu\054) -268.00900 (K\056) -264.01800 (Cho\054) -268.02400 (and) -265.02300 (Y) 129.01000 (\056) -263.98100 (Bengio\056) -405.98500 (On) -265.00400 (the) -264.02400 (number) -264.98000 (of) ] TJ --27.12620 -9.46367 Td -[ (linear) -249.77700 (re) 15.02200 (gions) -249.99100 (of) -250.00400 (deep) -250.01900 (neural) -249.99400 (netw) 10.01670 (orks\056) -360.00600 (In) ] TJ -/R18 7.97010 Tf -135.69100 0 Td -(NIPS) Tj -/R14 7.97010 Tf -16.82420 0 Td -[ (\054) -250.01300 (2014\056) ] TJ --170.77400 -10.46170 Td -[ (\13329\135) -624.88800 (V) 129.01300 (\056) -329.01900 (Nair) -327.98700 (and) -328.98500 (G\056) -327.97400 (E\056) -328.99500 (Hinton\056) -612.02300 (Recti\223ed) -327.99000 (linear) -328.98200 (units) -327.99600 (impro) 14.99130 (v) 14.98520 (e) -329.00700 (restricted) ] TJ -18.25900 -9.46523 Td -[ (boltzmann) -249.69400 (machines\056) -359.80700 (In) ] TJ -/R18 7.97010 Tf -79.23790 0 Td -(ICML) Tj -/R14 7.97010 Tf -19.04060 0 Td -[ (\054) -250.01300 (2010\056) ] TJ --116.53800 -10.45980 Td -[ (\13330\135) -624.88800 (F) 80.00180 (\056) -245.99400 (Perronnin) -247.00500 (and) -246.00900 (C\056) -245.99100 (Dance\056) -351.98700 (Fisher) -246.98600 (k) 9.98605 (ernels) -246.01200 (on) -246.01200 (visual) -247.02300 (v) 19.98440 (ocab) 19.98440 (ularies) -246.00600 (for) ] TJ -18.25900 -9.46523 Td -[ (image) -249.80800 (cate) 14.97600 (gorization\056) -359.70000 (In) ] TJ -/R18 7.97010 Tf -79.99570 0 Td -(CVPR) Tj -/R14 7.97010 Tf -19.92540 0 Td -[ (\054) -250.01300 (2007\056) ] TJ --118.18000 -10.46090 Td -[ (\13331\135) -624.88800 (T) 73.98260 (\056) -297.99500 (Raik) 10.00440 (o\054) -308.98900 (H\056) -297.98000 (V) 110.97700 (alpola\054) -310 (and) -298.00700 (Y) 129.01000 (\056) -297.01500 (LeCun\056) -512.99500 (Deep) -298.02600 (learning) -297.98300 (made) -297.01500 (easier) -297.99500 (by) ] TJ -18.25900 -9.46367 Td -[ (linear) -249.77700 (transformations) -249.68800 (in) -250.01300 (perceptrons\056) -359.98800 (In) ] TJ -/R18 7.97010 Tf -131.02700 0 Td -[ (AIST) 49.98540 (A) 36.97900 (TS) ] TJ -/R14 7.97010 Tf -28.53240 0 Td -[ (\054) -250.01300 (2012\056) ] TJ --177.82000 -10.46090 Td -[ (\13332\135) -624.88800 (S\056) -373.99600 (Ren\054) -406.01900 (K\056) -373.99600 (He\054) -405.01400 (R\056) -374.98900 (Girshick\054) -405.01100 (and) -373.97500 (J\056) -374.99800 (Sun\056) -756.99800 (F) 15.01580 (aster) -374.99800 (R\055CNN\072) -373.99300 (T) 80.01100 (o) 24.98350 (w) 10.01060 (ards) ] TJ -18.25900 -9.46367 Td -[ (real\055time) -314.77500 (object) -313.81600 (detection) -314.79700 (with) -313.99700 (re) 15.02200 (gion) -314.97700 (proposal) -315.02000 (netw) 10.01670 (orks\056) -566 (In) ] TJ -/R18 7.97010 Tf -199.17400 0 Td -(NIPS) Tj -/R14 7.97010 Tf -16.82420 0 Td -(\054) Tj --215.99800 -9.46523 Td -(2015\056) Tj --18.25900 -10.46050 Td -[ (\13333\135) -624.88800 (B\056) -292.01200 (D\056) -292 (Riple) 15.01280 (y) 64.97670 (\056) ] TJ -/R18 7.97010 Tf -64.51870 0 Td -[ (P) 80.01100 (attern) -292.01600 (r) 37 (eco) 9.99831 (gnition) -291.99100 (and) -292.00300 (neur) 15.02200 (al) -292.01600 (networks) ] TJ -/R14 7.97010 Tf -130.38000 0 Td -[ (\056) -493.99100 (Cambridge) ] TJ --176.63900 -9.46367 Td -[ (uni) 24.97740 (v) 14.98520 (ersity) -249.98200 (press\054) -250.01000 (1996\056) ] TJ --18.25900 -10.46090 Td -[ (\13334\135) -624.88800 (A\056) -415.01900 (Romero\054) -456.01000 (N\056) -415.01900 (Ballas\054) -455.97700 (S\056) -415.02200 (E\056) -415.00900 (Kahou\054) -455.97700 (A\056) -415.02200 (Chassang\054) -455.98900 (C\056) -414.97900 (Gatta\054) -456.01300 (and) ] TJ -18.25900 -9.46367 Td -[ (Y) 129.01300 (\056) -250.01300 (Bengio\056) -360.01600 (Fitnets\072) -310.00900 (Hints) -249.99100 (for) -249.98800 (thin) -250.01900 (deep) -250.01900 (nets\056) -359.99400 (In) ] TJ -/R18 7.97010 Tf -151.30400 0 Td -(ICLR) Tj -/R14 7.97010 Tf -17.27110 0 Td -[ (\054) -250.01300 (2015\056) ] TJ --186.83400 -10.46050 Td -[ (\13335\135) -624.88800 (O\056) -425.99700 (Russak) 9.97686 (o) 14.98520 (vsk) 15.01580 (y) 64.97670 (\054) -468.99500 (J\056) -426.01500 (Deng\054) -469.98200 (H\056) -425.02000 (Su\054) -470.02500 (J\056) -426.01900 (Krause\054) -469.99400 (S\056) -426 (Satheesh\054) -468.98300 (S\056) -426 (Ma\054) ] TJ --0.00080 Tc -18.25900 -9.46523 Td -[ (Z\056) -356.10100 (Huang\054) -383.10900 (A\056) -356.11300 (Karpathy) 64.88790 (\054) -382.10100 (A\056) -356.11000 (Khosla\054) -382.11100 (M\056) -356.09200 (Bernstein\054) -383.07900 (et) -356.10400 (al\056) -699.09700 (Imagenet) ] TJ -0 Tc -T* -[ (lar) 18.01780 (ge) -250.01300 (scale) -249.98200 (visual) -250.01300 (recognition) -250.01900 (challenge\056) ] TJ -/R18 7.97010 Tf -130.43800 0 Td -(arXiv\0721409\0560575) Tj -/R14 7.97010 Tf -54.23550 0 Td -[ (\054) -250.01300 (2014\056) ] TJ --202.93300 -10.46090 Td -[ (\13336\135) -624.88800 (A\056) -348.02000 (M\056) -348.00200 (Sax) 15.00660 (e\054) -371.99600 (J\056) -347.98900 (L\056) -348.01100 (McClelland\054) -372.97600 (and) -347.99900 (S\056) -346.99400 (Ganguli\056) -672.98700 (Exact) -347.99900 (solutions) -348.01700 (to) ] TJ -18.25900 -9.46523 Td -[ (the) -339.89300 (nonlinear) -339.80200 (dynamics) -339.82300 (of) -341.01500 (learning) -341.01500 (in) -339.99800 (deep) -340.00400 (linear) -340.01000 (neural) -339.97900 (netw) 10.01670 (orks\056) ] TJ -/R18 7.97010 Tf -(arXiv\0721312\0566120) ' -/R14 7.97010 Tf -54.23710 0 Td -[ (\054) -250.01300 (2013\056) ] TJ --72.49610 -10.46090 Td -[ (\13337\135) -624.88800 (N\056) -230 (N\056) -230 (Schraudolph\056) -316.01000 (Accelerated) -229.98600 (gradient) -229.02400 (descent) -230.01000 (by) -229.98600 (f) 10.01670 (actor) 20.02110 (\055centering) ] TJ -18.25900 -9.46367 Td -[ (decomposition\056) -359.70300 (T) 70.01270 (echnical) -249.99400 (report\054) -249.98800 (1998\056) ] TJ --18.25900 -10.46050 Td -[ (\13338\135) -624.88800 (N\056) -339.00200 (N\056) -339.00200 (Schraudolph\056) -643.99300 (Centering) -338.99900 (neural) -338.01900 (netw) 10.01670 (ork) -339.02300 (gradient) -339.00500 (f) 10.01670 (actors\056) -643.99000 (In) ] TJ -/R18 7.97010 Tf -18.25900 -9.46523 Td -[ (Neur) 15.09240 (al) -438.02000 (Networks\072) -687.01000 (T) 55.00600 (ric) 20.00890 (ks) -438.00800 (of) -439 (the) -438.01400 (T) 55.00910 (r) 14.99750 (ade) ] TJ -/R14 7.97010 Tf -127.98400 0 Td -[ (\054) -485.02200 (pages) -439.01300 (207\205226\056) -438.01400 (Springer) 40.01770 (\054) ] TJ --127.98400 -9.46367 Td -(1998\056) Tj --18.25900 -10.46090 Td -[ (\13339\135) -624.88800 (P) 110.97700 (\056) -252.02200 (Sermanet\054) -253.01200 (D\056) -252.00700 (Eigen\054) -252.99000 (X\056) -252.00700 (Zhang\054) -253.00900 (M\056) -251.99200 (Mathieu\054) -253.01500 (R\056) -252.01600 (Fer) 17.97490 (gus\054) -252.98400 (and) -251.98600 (Y) 129.01000 (\056) -252.02200 (Le\055) ] TJ -18.25900 -9.46367 Td -[ (Cun\056) -827.87800 (Ov) 14.99750 (erfeat\072) -603.01400 (Inte) 15.01580 (grated) -396.97900 (recognition\054) -432.98400 (localization) -397.01600 (and) -395.98100 (detection) ] TJ -9.46523 TL -T* -[ (using) -249.89300 (con) 40.11880 (v) 19.98440 (olutional) -250.02200 (netw) 10.01360 (orks\056) -360.00600 (In) ] TJ -/R18 7.97010 Tf -107.24500 0 Td -(ICLR) Tj -/R14 7.97010 Tf -17.27230 0 Td -[ (\054) -250.01300 (2014\056) ] TJ --142.77700 -10.46090 Td -[ (\13340\135) -624.88800 (K\056) -301.01800 (Simon) 14.98830 (yan) -301.98000 (and) -301 (A\056) -301.99900 (Zisserman\056) -524.97900 (V) 110.97400 (ery) -301.01500 (deep) -302.02000 (con) 40.02390 (v) 19.98440 (olutional) -300.99700 (netw) 10.01670 (orks) ] TJ -18.25900 -9.46367 Td -[ (for) -249.98500 (lar) 18.11580 (ge\055scale) -249.82600 (image) -249.90600 (recognition\056) -359.71200 (In) ] TJ -/R18 7.97010 Tf -118.92100 0 Td -(ICLR) Tj -/R14 7.97010 Tf -17.27110 0 Td -[ (\054) -250.01300 (2015\056) ] TJ --154.45100 -10.46050 Td -[ (\13341\135) -624.88800 (R\056) -270.98700 (K\056) -270.97400 (Sri) 24.98660 (v) 24.98350 (asta) 20.01500 (v) 24.98350 (a\054) -275.98900 (K\056) -270.99000 (Gref) 25.00190 (f\054) -277 (and) -271.00200 (J\056) -270.99600 (Schmidhuber) 55.02130 (\056) -426.99300 (Highw) 10.01060 (ay) -270.99000 (netw) 10.01670 (orks\056) ] TJ -/R18 7.97010 Tf -18.25900 -9.46523 Td -(arXiv\0721505\05600387) Tj -/R14 7.97010 Tf -58.22150 0 Td -[ (\054) -250.01300 (2015\056) ] TJ --76.48130 -10.46020 Td -[ (\13342\135) -624.88800 (R\056) -289.02300 (K\056) -289.99100 (Sri) 24.98660 (v) 24.98350 (asta) 20.01500 (v) 24.98350 (a\054) -298.97500 (K\056) -288.97700 (Gref) 25.00190 (f\054) -299.00600 (and) -288.98900 (J\056) -290.01200 (Schmidhuber) 55.02130 (\056) -485.02200 (T) 35.01860 (raining) -290 (v) 14.98520 (ery) -289.00700 (deep) ] TJ -18.25900 -9.46523 Td -[ (netw) 10.11160 (orks\056) ] TJ -/R18 7.97010 Tf -34.00120 0 Td -(1507\05606228) Tj -/R14 7.97010 Tf -37.85780 0 Td -[ (\054) -250.01300 (2015\056) ] TJ --90.11800 -10.46090 Td -[ (\13343\135) -624.88800 (C\056) -210.01700 (Sze) 14.97600 (gedy) 65.00430 (\054) -218.98900 (W) 91.98810 (\056) -210.02000 (Liu\054) -219.01900 (Y) 129.01300 (\056) -210.02000 (Jia\054) -217.99600 (P) 110.98000 (\056) -211 (Sermanet\054) -218.01500 (S\056) -210.00700 (Reed\054) -218.98300 (D\056) -210.00700 (Anguelo) 15.02200 (v) 64.97670 (\054) -218.98900 (D\056) -210.00700 (Er) 19.99050 (\055) ] TJ -18.25900 -9.46367 Td -[ (han\054) -258.02300 (V) 129.01300 (\056) -255.99200 (V) 110.97700 (anhouck) 9.99218 (e\054) -257.01500 (and) -256.00800 (A\056) -255.98000 (Rabino) 14.97910 (vich\056) -380.00300 (Going) -256.00400 (deeper) -255.97400 (with) -256.01700 (con) 40.02390 (v) 19.98440 (olu\055) ] TJ -T* -[ (tions\056) -359.91100 (In) ] TJ -/R18 7.97010 Tf -28.99490 0 Td -(CVPR) Tj -/R14 7.97010 Tf -19.92540 0 Td -[ (\054) -250.01300 (2015\056) ] TJ --67.17930 -10.45980 Td -[ (\13344\135) -624.88800 (R\056) -275.98600 (Szeliski\056) -444.99200 (F) 15.01280 (ast) -277 (surf) 10.01670 (ace) -276.01300 (interpolation) -277.01200 (using) -276.01900 (hierarchical) -277 (basis) -275.98900 (func\055) ] TJ -18.25900 -9.46523 Td -(tions\056) Tj -/R18 7.97010 Tf -20.36330 0 Td -[ (TP) 89.97560 (AMI) ] TJ -/R14 7.97010 Tf -22.74610 0 Td -[ (\054) -250.01300 (1990\056) ] TJ --61.36910 -10.46090 Td -[ (\13345\135) -624.88800 (R\056) -314.99900 (Szeliski\056) -570.02000 (Locally) -315.01700 (adapted) -315.98800 (hierarchical) -314.98300 (basis) -315.98200 (preconditioning\056) -569.02100 (In) ] TJ -/R18 7.97010 Tf -18.25900 -9.46367 Td -(SIGGRAPH) Tj -/R14 7.97010 Tf -38.51210 0 Td -[ (\054) -250.01300 (2006\056) ] TJ --56.77110 -10.46090 Td -[ (\13346\135) -624.88800 (T) 73.98260 (\056) -330 (V) 110.97700 (atanen\054) -349.01600 (T) 73.98260 (\056) -330 (Raik) 10.00440 (o\054) -348.98200 (H\056) -329.98400 (V) 110.97400 (alpola\054) -349.01600 (and) -330.01200 (Y) 129.01000 (\056) -330 (LeCun\056) -614.00800 (Pushing) -329.97500 (stochas\055) ] TJ --0.00080 Tc -18.25900 -9.46367 Td -[ (tic) -368.10900 (gradient) -368.91700 (to) 24.88860 (w) 9.91254 (ards) -368.12400 (second\055order) -369.08000 (methods\205backpropagation) -368.11800 (learn\055) ] TJ -0 Tc -T* -[ (ing) -392.89300 (with) -391.87900 (transformations) -392.70300 (in) -391.99900 (nonlinearities\056) -817.00600 (In) ] TJ -/R18 7.97010 Tf -154.75900 0 Td -[ (Neur) 15.08940 (al) -392.97900 (Information) ] TJ --154.75900 -9.46367 Td -[ (Pr) 45.01380 (ocessing) ] TJ -/R14 7.97010 Tf -35.05940 0 Td -[ (\054) -250.01300 (2013\056) ] TJ --53.31910 -10.46050 Td -[ (\13347\135) -624.88800 (A\056) -262.98600 (V) 110.97700 (edaldi) -262.01100 (and) -263.01600 (B\056) -262.99800 (Fulk) 9.99524 (erson\056) -399.99400 (VLFeat\072) -335.00500 (An) -262.99500 (open) -262.97600 (and) -261.98400 (portable) -262.98900 (library) ] TJ -18.25860 -9.46523 Td -[ (of) -250.00400 (computer) -250.01300 (vision) -249.98500 (algorithms\054) -250.01300 (2008\056) ] TJ --18.25860 -10.46090 Td -[ (\13348\135) -624.88800 (W) 91.98810 (\056) -349.01600 (V) 110.97700 (enables) -349.01300 (and) -348.98200 (B\056) -349.01300 (Riple) 15.00970 (y) 64.97670 (\056) -677 (Modern) -348.99100 (applied) -349.02200 (statistics) -349.01600 (with) -348.99100 (s\055plus\056) ] TJ -18.25860 -9.46367 Td -(1999\056) Tj --18.25860 -10.46090 Td -[ (\13349\135) -624.88800 (M\056) -251.98900 (D\056) -252.00700 (Zeiler) -251.99500 (and) -251.98900 (R\056) -252.01900 (Fer) 17.97800 (gus\056) -366.00400 (V) 60.00210 (isualizing) -252.01600 (and) -251.98600 (understanding) -252.01600 (con) 40.02390 (v) 19.98440 (olu\055) ] TJ -18.26480 -9.46914 Td -[ (tional) -250.00400 (neural) -249.79800 (netw) 10.11160 (orks\056) -360.00600 (In) ] TJ -/R18 7.97010 Tf -84.69020 0 Td -(ECCV) Tj -/R14 7.97010 Tf -20.37070 0 Td -[ (\054) -250.01300 (2014\056) ] TJ -/R14 9.96260 Tf --137.06100 -155.31400 Td -(9) Tj -ET -Q -/R28 gs -Q -Q -q -1 0 0 1 0 0 cm -BT -/F1 12 Tf -14.40000 TL -ET -1 1 1 rg -n -270 46 72 14 re -f* -0.50000 0.50000 0.50000 rg -BT -/F2 9 Tf -10.80000 TL -ET -BT -1 0 0 1 299.25000 49 Tm -(778) Tj -T* -ET -Q - -endstream -endobj -198 0 obj -<< -/Encoding /WinAnsiEncoding -/Type /Font -/Name /F2 -/BaseFont /Times-Roman -/Subtype /Type1 ->> -endobj -199 0 obj -<< -/Encoding /WinAnsiEncoding -/Type /Font -/Name /F1 -/BaseFont /Helvetica -/Subtype /Type1 ->> -endobj -xref -0 200 -0000000000 65535 f -0000000009 00000 n -0000000118 00000 n -0000000356 00000 n -0000000873 00000 n -0000001263 00000 n -0000001670 00000 n -0000002054 00000 n -0000002489 00000 n -0000002913 00000 n -0000003336 00000 n -0000003758 00000 n -0000004079 00000 n -0000004129 00000 n -0000032232 00000 n -0000032535 00000 n -0000032787 00000 n -0000032848 00000 n -0000033151 00000 n -0000033524 00000 n -0000033585 00000 n -0000033890 00000 n -0000087262 00000 n -0000087323 00000 n -0000087627 00000 n -0000087891 00000 n -0000087952 00000 n -0000088028 00000 n -0000088082 00000 n -0000088384 00000 n -0000088474 00000 n -0000088660 00000 n -0000088822 00000 n -0000088898 00000 n -0000088952 00000 n -0000089253 00000 n -0000089329 00000 n -0000089383 00000 n -0000089684 00000 n -0000089746 00000 n -0000089822 00000 n -0000089876 00000 n -0000090181 00000 n -0000090252 00000 n -0000090324 00000 n -0000090434 00000 n -0000090830 00000 n -0000091284 00000 n -0000094236 00000 n -0000094763 00000 n -0000094873 00000 n -0000095188 00000 n -0000095796 00000 n -0000101963 00000 n -0000102071 00000 n -0000102718 00000 n -0000102891 00000 n -0000103208 00000 n -0000104044 00000 n -0000112719 00000 n -0000113196 00000 n -0000113307 00000 n -0000113563 00000 n -0000113843 00000 n -0000115017 00000 n -0000115564 00000 n -0000115676 00000 n -0000115996 00000 n -0000116673 00000 n -0000124823 00000 n -0000125239 00000 n -0000125570 00000 n -0000125806 00000 n -0000146364 00000 n -0000146704 00000 n -0000146987 00000 n -0000148651 00000 n -0000148688 00000 n -0000151890 00000 n -0000176615 00000 n -0000176751 00000 n -0000176897 00000 n -0000177123 00000 n -0000177598 00000 n -0000177678 00000 n -0000177753 00000 n -0000177935 00000 n -0000178028 00000 n -0000178262 00000 n -0000178493 00000 n -0000179097 00000 n -0000179207 00000 n -0000179315 00000 n -0000179628 00000 n -0000179731 00000 n -0000179997 00000 n -0000180382 00000 n -0000182345 00000 n -0000182562 00000 n -0000182749 00000 n -0000183040 00000 n -0000183368 00000 n -0000185647 00000 n -0000185859 00000 n -0000186029 00000 n -0000186302 00000 n -0000186607 00000 n -0000188351 00000 n -0000214452 00000 n -0000214655 00000 n -0000214749 00000 n -0000214986 00000 n -0000215216 00000 n -0000215844 00000 n -0000216046 00000 n -0000216142 00000 n -0000216380 00000 n -0000216638 00000 n -0000217535 00000 n -0000217941 00000 n -0000218044 00000 n -0000218308 00000 n -0000218579 00000 n -0000219573 00000 n -0000219684 00000 n -0000219793 00000 n -0000321310 00000 n -0000321421 00000 n -0000321721 00000 n -0000322089 00000 n -0000322500 00000 n -0000323048 00000 n -0000329059 00000 n -0000329311 00000 n -0000329571 00000 n -0000329904 00000 n -0000330319 00000 n -0000334286 00000 n -0000334395 00000 n -0000400647 00000 n -0000400696 00000 n -0000400796 00000 n -0000401148 00000 n -0000401244 00000 n -0000401532 00000 n -0000401807 00000 n -0000403359 00000 n -0000403557 00000 n -0000403743 00000 n -0000403987 00000 n -0000404318 00000 n -0000404841 00000 n -0000404952 00000 n -0000405061 00000 n -0000405301 00000 n -0000405417 00000 n -0000405663 00000 n -0000406176 00000 n -0000436777 00000 n -0000436939 00000 n -0000437038 00000 n -0000437270 00000 n -0000437763 00000 n -0000437874 00000 n -0000437983 00000 n -0000438179 00000 n -0000438446 00000 n -0000439199 00000 n -0000439411 00000 n -0000439581 00000 n -0000439855 00000 n -0000440160 00000 n -0000442374 00000 n -0000442590 00000 n -0000442769 00000 n -0000443054 00000 n -0000443368 00000 n -0000445690 00000 n -0000446164 00000 n -0000446280 00000 n -0000446516 00000 n -0000446767 00000 n -0000447482 00000 n -0000476462 00000 n -0000476633 00000 n -0000476876 00000 n -0000477391 00000 n -0000477560 00000 n -0000477793 00000 n -0000478194 00000 n -0000478305 00000 n -0000478414 00000 n -0000566992 00000 n -0000567336 00000 n -0000567630 00000 n -0000569276 00000 n -0000569387 00000 n -0000569496 00000 n -0000598820 00000 n -0000598931 00000 n -trailer -<< -/Size 200 -/Root 12 0 R -/Info 2 0 R ->> -startxref -599040 -%%EOF diff --git a/demo/page_imgs/page_7.jpeg b/demo/page_imgs/page_7.jpeg deleted file mode 100644 index 483c2f95bbc939a21bd241bae4d098c3f503c863..0000000000000000000000000000000000000000 --- a/demo/page_imgs/page_7.jpeg +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:19bb9afdb859e905e017fc3d3bac6da0490093811820529f285a20e8d70609f2 -size 1269880 diff --git a/demo/page_imgs/recognition_json/page_1.json b/demo/page_imgs/recognition_json/page_1.json deleted file mode 100644 index 6c7278f39655cf7ee3da1e65beb0a5201d9b9614..0000000000000000000000000000000000000000 --- a/demo/page_imgs/recognition_json/page_1.json +++ /dev/null @@ -1,178 +0,0 @@ -[ - { - "label": "title", - "bbox": [ - 271, - 188, - 1194, - 221 - ], - "text": "LLaMA: Open and Efficient Foundation Language Models", - "reading_order": 0 - }, - { - "label": "author", - "bbox": [ - 313, - 272, - 1154, - 317 - ], - "text": "Hugo Touvron; Thibaut Lavril*, Gautier Izacard*, Xavier Martinet", - "reading_order": 1 - }, - { - "label": "para", - "bbox": [ - 269, - 317, - 1201, - 425 - ], - "text": "Marie-Anne Lachaux, Timothee Lacroix, Baptiste Rozière, Naman Goyal\nEric Hambro, Faisal Azhar, Aurelien Rodriguez, Armand Joulin\nEdouard Grave*Guillaume Lample*", - "reading_order": 2 - }, - { - "label": "para", - "bbox": [ - 685, - 440, - 795, - 482 - ], - "text": "Meta AI", - "reading_order": 3 - }, - { - "label": "sec", - "bbox": [ - 376, - 524, - 502, - 565 - ], - "text": "\\begin{abstract}", - "reading_order": 4 - }, - { - "label": "para", - "bbox": [ - 209, - 586, - 675, - 946 - ], - "text": "We introduce LLaMA, a collection of founda-\ntion language models ranging from 7B to 65B\nparameters. We train our models on trillions\nof tokens, and show that it is possible to train\nstate-of-the-art models using publicly avail-\nable datasets exclusively, without resorting\nto proprietary and inaccessible datasets. In\nparticular, LLaMA-13B outperforms GPT-3\n(175B) on most benchmarks, and LLaMA-\n65B is competitive with the best models,\nChinchilla-70B and PaLM-540B. We release\nall our models to the research community $^1$ .", - "reading_order": 5 - }, - { - "label": "sec", - "bbox": [ - 167, - 964, - 376, - 1006 - ], - "text": "1 Introduction", - "reading_order": 6 - }, - { - "label": "para", - "bbox": [ - 167, - 1027, - 718, - 1498 - ], - "text": "Large Languages Models (LLMs) trained on mas-\nsive corpora of texts have shown their ability to per-\nform new tasks from textual instructions or from a\nfew examples ( Brown et al. , 2020 ) . These few-shot\nproperties first appeared when scaling models to a\nsufficient size ( Kaplan et al. , 2020 ) , resulting in a\nline of work that focuses on further scaling these\nmodels ( Chowdhery et al. , 2022 ; Rae et al. , 2021 ) .\nThese efforts are based on the assumption that\nmore parameters will lead to better performance.\nHowever, recent work from Hoffmann et al. ( 2022 )\nshows that, for a given compute budget, the best\nperformances are not achieved by the largest mod-\nels, but by smaller models trained on more data.", - "reading_order": 7 - }, - { - "label": "para", - "bbox": [ - 167, - 1506, - 717, - 1844 - ], - "text": "The objective of the scaling laws from Hoff-\nmann et al. ( 2022 ) is to determine how to best\nscale the dataset and model sizes for a particular\ntraining compute budget. However, this objective\ndisregards the inference budget, which becomes\ncritical when serving a language model at scale.\nIn this context, given a target level of performance,\nthe preferred model is not the fastest to train but the\nfastest at inference, and although it may be cheaper\nto train a large model to reach a certain level of", - "reading_order": 8 - }, - { - "label": "para", - "bbox": [ - 753, - 539, - 1304, - 734 - ], - "text": "performance, a smaller one trained longer will\nultimately be cheaper at inference. For instance,\nalthough Hoffmann et al. ( 2022 ) recommends\ntraining a 10B model on 200B tokens, we find\nthat the performance of a 7B model continues to\nimprove even after 1T tokens.", - "reading_order": 9 - }, - { - "label": "para", - "bbox": [ - 753, - 769, - 1305, - 1236 - ], - "text": "The focus of this work is to train a series of\nlanguage models that achieve the best possible per-\nformance at various inference budgets, by training\non more tokens than what is typically used. The\nresulting models, called LLaMA , ranges from 7B\nto 65B parameters with competitive performance\ncompared to the best existing LLMs. For instance,\nLLaMA-13B outperforms GPT-3 on most bench-\nmarks, despite being 10 $\\times$ smaller. We believe that\nthis model will help democratize the access and\nstudy of LLMs, since it can be run on a single GPU.\nAt the higher-end of the scale, our 65B-parameter\nmodel is also competitive with the best large lan-\nguage models such as Chinchilla or PaLM-540B.", - "reading_order": 10 - }, - { - "label": "para", - "bbox": [ - 753, - 1257, - 1305, - 1601 - ], - "text": "Unlike Chinchilla, PaLM, or GPT-3, we only\nuse publicly available data, making our work com-\npatible with open-sourcing, while most existing\nmodels rely on data which is either not publicly\navailable or undocumented (e.g. “ Books – 2TB ” or\n“ Social media conversations ” ). There exist some\nexceptions, notably OPT ( Zhang et al. , 2022 ) ,\nGPT-NeoX ( Black et al. , 2022 ) , BLOOM ( Scao\net al. , 2022 ) and GLM ( Zeng et al. , 2022 ) , but none\nthat are competitive with PaLM-62B or Chinchilla.", - "reading_order": 11 - }, - { - "label": "para", - "bbox": [ - 753, - 1634, - 1304, - 1933 - ], - "text": "In the rest of this paper, we present an overview\nof the modifications we made to the transformer\narchitecture ( Vaswani et al. , 2017 ) , as well as our\ntraining method. We then report the performance of\nour models and compare with others LLMs on a set\nof standard benchmarks. Finally, we expose some\nof the biases and toxicity encoded in our models,\nusing some of the most recent benchmarks from\nthe responsible AI community.", - "reading_order": 12 - }, - { - "label": "fnote", - "bbox": [ - 167, - 1844, - 712, - 1907 - ], - "text": "* Equal contribution.\nCorrespondence:\n{htouvron\nthibautlav,gizacard,egrave,glample}@meta.com", - "reading_order": 13 - }, - { - "label": "fnote", - "bbox": [ - 209, - 1907, - 632, - 1931 - ], - "text": "https://github.com/facebookresearch/llama", - "reading_order": 14 - }, - { - "label": "watermark", - "bbox": [ - 20, - 649, - 83, - 1530 - ], - "text": "arXiv:2302.1397lvl [cs.CL] 27 Feb 2023", - "reading_order": 15 - } -] \ No newline at end of file diff --git a/demo/page_imgs/recognition_json/test_page.json b/demo/page_imgs/recognition_json/test_page.json deleted file mode 100644 index 803ae4a1196e1a57af0df710a8dbbc31da1dccfb..0000000000000000000000000000000000000000 --- a/demo/page_imgs/recognition_json/test_page.json +++ /dev/null @@ -1,47 +0,0 @@ -[ - { - "label": "header", - "bbox": [ - 291, - 90, - 675, - 120 - ], - "text": "Scaled Dot-Product Attention", - "reading_order": 0 - }, - { - "label": "fig", - "text": "![Figure](figures/test_page_figure_001.png)", - "figure_path": "figures/test_page_figure_001.png", - "bbox": [ - 1274, - 105, - 1536, - 627 - ], - "reading_order": 1 - }, - { - "label": "cap", - "bbox": [ - 168, - 719, - 1413, - 789 - ], - "text": "Figure 2: (left) Scaled Dot-Product Attention. (right) Multi-Head Attention consists of several\nattention layers running in parallel.", - "reading_order": 2 - }, - { - "label": "para", - "bbox": [ - 168, - 858, - 1413, - 934 - ], - "text": "query with all keys, divide each by $\\sqrt{d_{k}}$, and apply a softmax function to obtain the weights on the\nvalues.", - "reading_order": 3 - } -] \ No newline at end of file diff --git a/demo/page_imgs/recognition_json/test_page2.json b/demo/page_imgs/recognition_json/test_page2.json deleted file mode 100644 index 0331cd8d92d20e031ae637ae1dbb0109513c342c..0000000000000000000000000000000000000000 --- a/demo/page_imgs/recognition_json/test_page2.json +++ /dev/null @@ -1,102 +0,0 @@ -[ - { - "label": "fig", - "text": "![Figure](figures/test_page2_figure_000.png)", - "figure_path": "figures/test_page2_figure_000.png", - "bbox": [ - 394, - 117, - 897, - 837 - ], - "reading_order": 0 - }, - { - "label": "cap", - "bbox": [ - 445, - 852, - 856, - 873 - ], - "text": "Figure 1: The Transformer - model architecture", - "reading_order": 1 - }, - { - "label": "para", - "bbox": [ - 218, - 920, - 1086, - 1044 - ], - "text": "wise fully connected feed-forward network. We employ a residual connection [ 10 ] around each of\nthe two sub-layers, followed by layer normalization [ 1 ] . That is, the output of each sub-layer is\n$\\mathrm{LayerNorm}(x+\\mathrm{Sublayer}(x))$ , where $\\mathrm{Sublayer}(x)$ is the function implemented by the sub-layer\nitself. To facilitate these residual connections, all sub-layers in the model, as well as the embedding\nlayers, produce outputs of dimension $d_{\\text{model}}=512$ .", - "reading_order": 2 - }, - { - "label": "para", - "bbox": [ - 218, - 1071, - 1085, - 1244 - ], - "text": "The The decoder is also composed of a stack of $N=6$ identical layers. In addition to the two\nsub-layers in each encoder layer, the decoder inserts a third sub-layer, which performs multi-head\nattention over the output of the encoder stack. Similar to the encoder, we employ residual connections\naround each of the sub-layers, followed by layer normalization. We also modify the self-attention\nsub-layer in the decoder stack to prevent positions from attending to subsequent positions. This\nmasking, combined with fact that the output embeddings are offset by one position, ensures that the\npredictions for position $i$ can depend only on the known outputs at positions less than $i$ .", - "reading_order": 3 - }, - { - "label": "sub_sec", - "bbox": [ - 226, - 1283, - 344, - 1305 - ], - "text": "3.2 Attention", - "reading_order": 4 - }, - { - "label": "para", - "bbox": [ - 218, - 1322, - 1087, - 1422 - ], - "text": "An attention function can be described as mapping a query and a set of key-value pairs to an output,\nwhere the query, keys, values, and output are all vectors. The output is computed as a weighted sum\nof the values, where the weight assigned to each value is computed by a compatibility function of the\nquery with the corresponding key.", - "reading_order": 5 - }, - { - "label": "sub_sub_sec", - "bbox": [ - 218, - 1456, - 562, - 1474 - ], - "text": "3.2.1 Scaled Dot-Product Attention", - "reading_order": 6 - }, - { - "label": "para", - "bbox": [ - 218, - 1498, - 1085, - 1546 - ], - "text": "We call our particular attention \"Scaled Dot-Product Attention\" (Figure 2 ). The input consists of\nqueries and keys of dimension $d_k$ , and values of dimension $d_v$ . We compute the dot products of the", - "reading_order": 7 - }, - { - "label": "foot", - "bbox": [ - 646, - 1590, - 662, - 1607 - ], - "text": "3", - "reading_order": 8 - } -] \ No newline at end of file diff --git a/demo/page_imgs/recognition_json/test_page3.json b/demo/page_imgs/recognition_json/test_page3.json deleted file mode 100644 index 6bb7fe5481cad6b7afd6ac7ddfdf88bdd9983acd..0000000000000000000000000000000000000000 --- a/demo/page_imgs/recognition_json/test_page3.json +++ /dev/null @@ -1,124 +0,0 @@ -[ - { - "label": "fig", - "text": "![Figure](figures/test_page3_figure_000.png)", - "figure_path": "figures/test_page3_figure_000.png", - "bbox": [ - 331, - 134, - 984, - 489 - ], - "reading_order": 0 - }, - { - "label": "cap", - "bbox": [ - 198, - 554, - 1065, - 603 - ], - "text": "Figure 2: (left) Scaled Dot-Product Attention. (right) Multi-Head Attention consists of several\nattention layers running in parallel.", - "reading_order": 1 - }, - { - "label": "para", - "bbox": [ - 198, - 652, - 1065, - 701 - ], - "text": "query with all keys, divide each by $\\sqrt{d_k}$ , and apply a softmax function to obtain the weights on the\nvalues.", - "reading_order": 2 - }, - { - "label": "para", - "bbox": [ - 198, - 715, - 1065, - 881 - ], - "text": "In practice, we compute the attention function on a set of queries simultaneously, packed together\ninto a matrix $Q$ . The keys and values are also packed together into matrices $K$ and $V$ . We compute\nthe matrix of outputs as:\n\\[\n \\text{Attention}(Q, K, V) = \\mathrm{softmax}(\\frac{QK^T}{\\sqrt{d_k}})V\n\\]", - "reading_order": 3 - }, - { - "label": "para", - "bbox": [ - 198, - 913, - 1068, - 1060 - ], - "text": "The two most commonly used attention functions are additive attention [2] , and dot-product (multi-\nplicative) attention. Dot-product attention is identical to our algorithm, except for the scaling factor\nof $\\frac{1}{\\sqrt{d_k}}$ . Additive attention computes the compatibility function using a feed-forward network with\na single hidden layer. While the two are similar in theoretical complexity, dot-product attention is\nmuch faster and more space-efficient in practice, since it can be implemented using highly optimized\nmatrix multiplication code.", - "reading_order": 4 - }, - { - "label": "para", - "bbox": [ - 198, - 1074, - 1066, - 1175 - ], - "text": "While for small values of $d_k$ the two mechanisms perform similarly, additive attention outperforms\ndot product attention without scaling for larger values of $d_k$ [ 3 ] . We suspect that for large values of\n$d_k$ , the dot products grow large in magnitude, pushing the softmax function into regions where it has\nextremely small gradients 4 To counteract this effect, we scale the dot products by $\\frac{1}{\\sqrt{d_k}}$ .", - "reading_order": 5 - }, - { - "label": "sub_sub_sec", - "bbox": [ - 198, - 1207, - 467, - 1225 - ], - "text": "3.2.2 Multi-Head Attention", - "reading_order": 6 - }, - { - "label": "para", - "bbox": [ - 198, - 1253, - 1067, - 1395 - ], - "text": "Instead of performing a single attention function with $d_{\\text{model}}$ -dimensional keys, values and queries,\nwe found it beneficial to linearly project the queries, keys and values $h$ times with different, learned\nlinear projections to $d_k$ , $d_k$ and $d_v$ dimensions, respectively. On each of these projected versions of\nqueries, keys and values we then perform the attention function in parallel, yielding $d_v$ -dimensional\noutput values. These are concatenated and once again projected, resulting in the final values, as\ndepicted in Figure 2 .", - "reading_order": 7 - }, - { - "label": "para", - "bbox": [ - 198, - 1403, - 1065, - 1453 - ], - "text": "Multi­head attention allows the model to jointly attend to information from different representation\nsubspaces at different positions. With a single attention head, averaging inhibits this.", - "reading_order": 8 - }, - { - "label": "fnote", - "bbox": [ - 198, - 1485, - 1065, - 1535 - ], - "text": "${ }^{4}$ To illustrate why the dot products get large, assume that the components of $q$ and $k$ are independent random\nvariables with mean 0 and variance 1 . Then their dot product, $q \\cdot k=\\sum_{i=1}^{d_{k}} q_{i} k_{i}$, has mean 0 and variance $d_{k}$.", - "reading_order": 9 - }, - { - "label": "foot", - "bbox": [ - 625, - 1578, - 641, - 1599 - ], - "text": "4", - "reading_order": 10 - } -] \ No newline at end of file diff --git a/demo/page_imgs/test_page2.jpeg b/demo/page_imgs/test_page2.jpeg deleted file mode 100644 index 315d70dc9146488dade3cc221d3c405a99466ad2..0000000000000000000000000000000000000000 --- a/demo/page_imgs/test_page2.jpeg +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:2bbda18d9f6ab0279f80718b15d66e1e444279b24a55a23b872f70a382060ac1 -size 365589 diff --git a/demo/page_imgs/test_page3.jpeg b/demo/page_imgs/test_page3.jpeg deleted file mode 100644 index 549e38db90975a9b4dfb4a4aea576c6709d41042..0000000000000000000000000000000000000000 --- a/demo/page_imgs/test_page3.jpeg +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:f5a5beda63acd2046fc4c7f39e4aa63e70db723936d71488e5819ab106f90ec0 -size 357762 diff --git a/demo_element.py b/demo_element.py deleted file mode 100644 index 59936aa8ee35ffa3171e4e981085795ad5aca453..0000000000000000000000000000000000000000 --- a/demo_element.py +++ /dev/null @@ -1,129 +0,0 @@ -""" -Copyright (c) 2025 Bytedance Ltd. and/or its affiliates -SPDX-License-Identifier: MIT -""" - -import argparse -import glob -import os - -from omegaconf import OmegaConf -from PIL import Image - -from chat import DOLPHIN -from utils.utils import * - - -def process_element(image_path, model, element_type, save_dir=None): - """Process a single element image (text, table, formula) - - Args: - image_path: Path to the element image - model: DOLPHIN model instance - element_type: Type of element ('text', 'table', 'formula') - save_dir: Directory to save results (default: same as input directory) - - Returns: - Parsed content of the element and recognition results - """ - # Load and prepare image - pil_image = Image.open(image_path).convert("RGB") - pil_image = crop_margin(pil_image) - - # Select appropriate prompt based on element type - if element_type == "table": - prompt = "Parse the table in the image." - label = "tab" - elif element_type == "formula": - prompt = "Read text in the image." - label = "formula" - else: # Default to text - prompt = "Read text in the image." - label = "text" - - # Process the element - result = model.chat(prompt, pil_image) - - # Create recognition result in the same format as the document parser - recognition_result = [ - { - "label": label, - "text": result.strip(), - } - ] - - # Save results if save_dir is provided - if save_dir: - save_outputs(recognition_result, image_path, save_dir) - print(f"Results saved to {save_dir}") - - return result, recognition_result - - -def main(): - parser = argparse.ArgumentParser(description="Element-level processing using DOLPHIN model") - parser.add_argument("--config", default="./config/Dolphin.yaml", help="Path to configuration file") - parser.add_argument("--input_path", type=str, required=True, help="Path to input image or directory of images") - parser.add_argument( - "--element_type", - type=str, - choices=["text", "table", "formula"], - default="text", - help="Type of element to process (text, table, formula)", - ) - parser.add_argument( - "--save_dir", - type=str, - default=None, - help="Directory to save parsing results (default: same as input directory)", - ) - parser.add_argument("--print_results", action="store_true", help="Print recognition results to console") - args = parser.parse_args() - - # Load Model - config = OmegaConf.load(args.config) - model = DOLPHIN(config) - - # Set save directory - save_dir = args.save_dir or ( - args.input_path if os.path.isdir(args.input_path) else os.path.dirname(args.input_path) - ) - setup_output_dirs(save_dir) - - # Collect Images - if os.path.isdir(args.input_path): - image_files = [] - for ext in [".jpg", ".jpeg", ".png", ".JPG", ".JPEG", ".PNG"]: - image_files.extend(glob.glob(os.path.join(args.input_path, f"*{ext}"))) - image_files = sorted(image_files) - else: - if not os.path.exists(args.input_path): - raise FileNotFoundError(f"Input path {args.input_path} does not exist") - image_files = [args.input_path] - - total_samples = len(image_files) - print(f"\nTotal samples to process: {total_samples}") - - # Process images one by one - for image_path in image_files: - print(f"\nProcessing {image_path}") - try: - result, recognition_result = process_element( - image_path=image_path, - model=model, - element_type=args.element_type, - save_dir=save_dir, - ) - - if args.print_results: - print("\nRecognition result:") - print(result) - print("-" * 40) - - except Exception as e: - print(f"Error processing {image_path}: {str(e)}") - continue - - -if __name__ == "__main__": - main() diff --git a/demo_element_hf.py b/demo_element_hf.py deleted file mode 100644 index a048c33b32d23e45501cb20c08668f73583ce9ac..0000000000000000000000000000000000000000 --- a/demo_element_hf.py +++ /dev/null @@ -1,195 +0,0 @@ -""" -Copyright (c) 2025 Bytedance Ltd. and/or its affiliates -SPDX-License-Identifier: MIT -""" - -import argparse -import glob -import os - -import torch -from PIL import Image -from transformers import AutoProcessor, VisionEncoderDecoderModel - -from utils.utils import * - - -class DOLPHIN: - def __init__(self, model_id_or_path): - """Initialize the Hugging Face model - - Args: - model_id_or_path: Path to local model or Hugging Face model ID - """ - # Load model from local path or Hugging Face hub - self.processor = AutoProcessor.from_pretrained(model_id_or_path) - self.model = VisionEncoderDecoderModel.from_pretrained(model_id_or_path) - self.model.eval() - - # Set device and precision - self.device = "cuda" if torch.cuda.is_available() else "cpu" - self.model.to(self.device) - self.model = self.model.half() # Always use half precision by default - - # set tokenizer - self.tokenizer = self.processor.tokenizer - - def chat(self, prompt, image): - """Process an image with the given prompt - - Args: - prompt: Text prompt to guide the model - image: PIL Image to process - - Returns: - Generated text from the model - """ - # Prepare image - pixel_values = self.processor(image, return_tensors="pt").pixel_values - pixel_values = pixel_values.half() - - # Prepare prompt - prompt = f"{prompt} " - prompt_ids = self.tokenizer( - prompt, - add_special_tokens=False, - return_tensors="pt" - ).input_ids.to(self.device) - - decoder_attention_mask = torch.ones_like(prompt_ids) - - # Generate text - outputs = self.model.generate( - pixel_values=pixel_values.to(self.device), - decoder_input_ids=prompt_ids, - decoder_attention_mask=decoder_attention_mask, - min_length=1, - max_length=4096, - pad_token_id=self.tokenizer.pad_token_id, - eos_token_id=self.tokenizer.eos_token_id, - use_cache=True, - bad_words_ids=[[self.tokenizer.unk_token_id]], - return_dict_in_generate=True, - do_sample=False, - num_beams=1, - repetition_penalty=1.1, - temperature=1.0 - ) - - # Process the output - sequence = self.tokenizer.batch_decode(outputs.sequences, skip_special_tokens=False)[0] - sequence = sequence.replace(prompt, "").replace("", "").replace("", "").strip() - - return sequence - -def process_element(image_path, model, element_type, save_dir=None): - """Process a single element image (text, table, formula) - - Args: - image_path: Path to the element image - model: HFModel model instance - element_type: Type of element ('text', 'table', 'formula') - save_dir: Directory to save results (default: same as input directory) - - Returns: - Parsed content of the element and recognition results - """ - # Load and prepare image - pil_image = Image.open(image_path).convert("RGB") - pil_image = crop_margin(pil_image) - - # Select appropriate prompt based on element type - if element_type == "table": - prompt = "Parse the table in the image." - label = "tab" - elif element_type == "formula": - prompt = "Read text in the image." - label = "formula" - else: # Default to text - prompt = "Read text in the image." - label = "text" - - # Process the element - result = model.chat(prompt, pil_image) - - # Create recognition result in the same format as the document parser - recognition_result = [ - { - "label": label, - "text": result.strip(), - } - ] - - # Save results if save_dir is provided - if save_dir: - save_outputs(recognition_result, image_path, save_dir) - print(f"Results saved to {save_dir}") - - return result, recognition_result - - -def main(): - parser = argparse.ArgumentParser(description="Element-level processing using DOLPHIN model") - parser.add_argument("--model_path", default="./hf_model", help="Path to Hugging Face model") - parser.add_argument("--input_path", type=str, required=True, help="Path to input image or directory of images") - parser.add_argument( - "--element_type", - type=str, - choices=["text", "table", "formula"], - default="text", - help="Type of element to process (text, table, formula)", - ) - parser.add_argument( - "--save_dir", - type=str, - default=None, - help="Directory to save parsing results (default: same as input directory)", - ) - parser.add_argument("--print_results", action="store_true", help="Print recognition results to console") - args = parser.parse_args() - - # Load Model - model = DOLPHIN(args.model_path) - - # Set save directory - save_dir = args.save_dir or ( - args.input_path if os.path.isdir(args.input_path) else os.path.dirname(args.input_path) - ) - setup_output_dirs(save_dir) - - # Collect Images - if os.path.isdir(args.input_path): - image_files = [] - for ext in [".jpg", ".jpeg", ".png", ".JPG", ".JPEG", ".PNG"]: - image_files.extend(glob.glob(os.path.join(args.input_path, f"*{ext}"))) - image_files = sorted(image_files) - else: - if not os.path.exists(args.input_path): - raise FileNotFoundError(f"Input path {args.input_path} does not exist") - image_files = [args.input_path] - - total_samples = len(image_files) - print(f"\nTotal samples to process: {total_samples}") - - # Process images one by one - for image_path in image_files: - print(f"\nProcessing {image_path}") - try: - result, recognition_result = process_element( - image_path=image_path, - model=model, - element_type=args.element_type, - save_dir=save_dir, - ) - - if args.print_results: - print("\nRecognition result:") - print(result) - print("-" * 40) - except Exception as e: - print(f"Error processing {image_path}: {str(e)}") - continue - - -if __name__ == "__main__": - main() diff --git a/demo_page.py b/demo_page.py deleted file mode 100644 index 987801f72971c697db619ca57641450080476cc4..0000000000000000000000000000000000000000 --- a/demo_page.py +++ /dev/null @@ -1,247 +0,0 @@ -""" -Copyright (c) 2025 Bytedance Ltd. and/or its affiliates -SPDX-License-Identifier: MIT -""" - -import argparse -import glob -import os - -import cv2 -from omegaconf import OmegaConf -from PIL import Image - -from chat import DOLPHIN -from utils.utils import * - - -def process_document(document_path, model, save_dir, max_batch_size): - """Parse documents - Handles both images and PDFs""" - file_ext = os.path.splitext(document_path)[1].lower() - - if file_ext == '.pdf': - # Process PDF file - # Convert PDF to images - images = convert_pdf_to_images(document_path) - if not images: - raise Exception(f"Failed to convert PDF {document_path} to images") - - all_results = [] - - # Process each page - for page_idx, pil_image in enumerate(images): - print(f"Processing page {page_idx + 1}/{len(images)}") - - # Generate output name for this page - base_name = os.path.splitext(os.path.basename(document_path))[0] - page_name = f"{base_name}_page_{page_idx + 1:03d}" - - # Process this page (don't save individual page results) - json_path, recognition_results = process_single_image( - pil_image, model, save_dir, page_name, max_batch_size, save_individual=False - ) - - # Add page information to results - page_results = { - "page_number": page_idx + 1, - "elements": recognition_results - } - all_results.append(page_results) - - # Save combined results for multi-page PDF - combined_json_path = save_combined_pdf_results(all_results, document_path, save_dir) - - return combined_json_path, all_results - - else: - # Process regular image file - pil_image = Image.open(document_path).convert("RGB") - base_name = os.path.splitext(os.path.basename(document_path))[0] - return process_single_image(pil_image, model, save_dir, base_name, max_batch_size) - - -def process_single_image(image, model, save_dir, image_name, max_batch_size, save_individual=True): - """Process a single image (either from file or converted from PDF page) - - Args: - image: PIL Image object - model: DOLPHIN model instance - save_dir: Directory to save results - image_name: Name for the output file - max_batch_size: Maximum batch size for processing - save_individual: Whether to save individual results (False for PDF pages) - - Returns: - Tuple of (json_path, recognition_results) - """ - # Stage 1: Page-level layout and reading order parsing - layout_output = model.chat("Parse the reading order of this document.", image) - - # Stage 2: Element-level content parsing - padded_image, dims = prepare_image(image) - recognition_results = process_elements(layout_output, padded_image, dims, model, max_batch_size, save_dir, image_name) - - # Save outputs only if requested (skip for PDF pages) - json_path = None - if save_individual: - # Create a dummy image path for save_outputs function - dummy_image_path = f"{image_name}.jpg" # Extension doesn't matter, only basename is used - json_path = save_outputs(recognition_results, dummy_image_path, save_dir) - - return json_path, recognition_results - - -def process_elements(layout_results, padded_image, dims, model, max_batch_size, save_dir=None, image_name=None): - """Parse all document elements with parallel decoding""" - layout_results = parse_layout_string(layout_results) - - text_table_elements = [] # Elements that need processing - figure_results = [] # Figure elements (no processing needed) - previous_box = None - reading_order = 0 - - # Collect elements for processing - for bbox, label in layout_results: - try: - # Adjust coordinates - x1, y1, x2, y2, orig_x1, orig_y1, orig_x2, orig_y2, previous_box = process_coordinates( - bbox, padded_image, dims, previous_box - ) - - # Crop and parse element - cropped = padded_image[y1:y2, x1:x2] - if cropped.size > 0 and cropped.shape[0] > 3 and cropped.shape[1] > 3: - if label == "fig": - pil_crop = Image.fromarray(cv2.cvtColor(cropped, cv2.COLOR_BGR2RGB)) - - figure_filename = save_figure_to_local(pil_crop, save_dir, image_name, reading_order) - - # For figure regions, store relative path instead of base64 - figure_results.append( - { - "label": label, - "text": f"![Figure](figures/{figure_filename})", - "figure_path": f"figures/{figure_filename}", - "bbox": [orig_x1, orig_y1, orig_x2, orig_y2], - "reading_order": reading_order, - } - ) - else: - # For text or table regions, prepare for parsing - pil_crop = Image.fromarray(cv2.cvtColor(cropped, cv2.COLOR_BGR2RGB)) - prompt = "Parse the table in the image." if label == "tab" else "Read text in the image." - text_table_elements.append( - { - "crop": pil_crop, - "prompt": prompt, - "label": label, - "bbox": [orig_x1, orig_y1, orig_x2, orig_y2], - "reading_order": reading_order, - } - ) - - reading_order += 1 - - except Exception as e: - print(f"Error processing bbox with label {label}: {str(e)}") - continue - - # Parse text/table elements in parallel - recognition_results = figure_results - if text_table_elements: - crops_list = [elem["crop"] for elem in text_table_elements] - prompts_list = [elem["prompt"] for elem in text_table_elements] - - # Inference in batch - batch_results = model.chat(prompts_list, crops_list, max_batch_size=max_batch_size) - - # Add batch results to recognition_results - for i, result in enumerate(batch_results): - elem = text_table_elements[i] - recognition_results.append( - { - "label": elem["label"], - "bbox": elem["bbox"], - "text": result.strip(), - "reading_order": elem["reading_order"], - } - ) - - # Sort elements by reading order - recognition_results.sort(key=lambda x: x.get("reading_order", 0)) - - return recognition_results - - -def main(): - parser = argparse.ArgumentParser(description="Document parsing based on DOLPHIN") - parser.add_argument("--config", default="./config/Dolphin.yaml", help="Path to configuration file") - parser.add_argument("--input_path", type=str, default="./demo", help="Path to input image/PDF or directory of files") - parser.add_argument( - "--save_dir", - type=str, - default=None, - help="Directory to save parsing results (default: same as input directory)", - ) - parser.add_argument( - "--max_batch_size", - type=int, - default=4, - help="Maximum number of document elements to parse in a single batch (default: 4)", - ) - args = parser.parse_args() - - # Load Model - config = OmegaConf.load(args.config) - model = DOLPHIN(config) - - # Collect Document Files (images and PDFs) - if os.path.isdir(args.input_path): - # Support both image and PDF files - file_extensions = [".jpg", ".jpeg", ".png", ".JPG", ".JPEG", ".PNG", ".pdf", ".PDF"] - - document_files = [] - for ext in file_extensions: - document_files.extend(glob.glob(os.path.join(args.input_path, f"*{ext}"))) - document_files = sorted(document_files) - else: - if not os.path.exists(args.input_path): - raise FileNotFoundError(f"Input path {args.input_path} does not exist") - - # Check if it's a supported file type - file_ext = os.path.splitext(args.input_path)[1].lower() - supported_exts = ['.jpg', '.jpeg', '.png', '.pdf'] - - if file_ext not in supported_exts: - raise ValueError(f"Unsupported file type: {file_ext}. Supported types: {supported_exts}") - - document_files = [args.input_path] - - save_dir = args.save_dir or ( - args.input_path if os.path.isdir(args.input_path) else os.path.dirname(args.input_path) - ) - setup_output_dirs(save_dir) - - total_samples = len(document_files) - print(f"\nTotal files to process: {total_samples}") - - # Process All Document Files - for file_path in document_files: - print(f"\nProcessing {file_path}") - try: - json_path, recognition_results = process_document( - document_path=file_path, - model=model, - save_dir=save_dir, - max_batch_size=args.max_batch_size, - ) - - print(f"Processing completed. Results saved to {save_dir}") - - except Exception as e: - print(f"Error processing {file_path}: {str(e)}") - continue - - -if __name__ == "__main__": - main() diff --git a/demo_page_hf.py b/demo_page_hf.py deleted file mode 100644 index 233166f40e96592ba00fd4dec018e17a23e8659a..0000000000000000000000000000000000000000 --- a/demo_page_hf.py +++ /dev/null @@ -1,365 +0,0 @@ -""" -Copyright (c) 2025 Bytedance Ltd. and/or its affiliates -SPDX-License-Identifier: MIT -""" - -import argparse -import glob -import os - -import cv2 -import torch -from PIL import Image -from transformers import AutoProcessor, VisionEncoderDecoderModel - -from utils.utils import * - - -class DOLPHIN: - def __init__(self, model_id_or_path): - """Initialize the Hugging Face model - - Args: - model_id_or_path: Path to local model or Hugging Face model ID - """ - # Load model from local path or Hugging Face hub - self.processor = AutoProcessor.from_pretrained(model_id_or_path) - self.model = VisionEncoderDecoderModel.from_pretrained(model_id_or_path) - self.model.eval() - - # Set device and precision - self.device = "cuda" if torch.cuda.is_available() else "cpu" - self.model.to(self.device) - self.model = self.model.half() # Always use half precision by default - - # set tokenizer - self.tokenizer = self.processor.tokenizer - - def chat(self, prompt, image): - """Process an image or batch of images with the given prompt(s) - - Args: - prompt: Text prompt or list of prompts to guide the model - image: PIL Image or list of PIL Images to process - - Returns: - Generated text or list of texts from the model - """ - # Check if we're dealing with a batch - is_batch = isinstance(image, list) - - if not is_batch: - # Single image, wrap it in a list for consistent processing - images = [image] - prompts = [prompt] - else: - # Batch of images - images = image - prompts = prompt if isinstance(prompt, list) else [prompt] * len(images) - - # Prepare image - batch_inputs = self.processor(images, return_tensors="pt", padding=True) - batch_pixel_values = batch_inputs.pixel_values.half().to(self.device) - - # Prepare prompt - prompts = [f"{p} " for p in prompts] - batch_prompt_inputs = self.tokenizer( - prompts, - add_special_tokens=False, - return_tensors="pt" - ) - - batch_prompt_ids = batch_prompt_inputs.input_ids.to(self.device) - batch_attention_mask = batch_prompt_inputs.attention_mask.to(self.device) - - # Generate text - outputs = self.model.generate( - pixel_values=batch_pixel_values, - decoder_input_ids=batch_prompt_ids, - decoder_attention_mask=batch_attention_mask, - min_length=1, - max_length=4096, - pad_token_id=self.tokenizer.pad_token_id, - eos_token_id=self.tokenizer.eos_token_id, - use_cache=True, - bad_words_ids=[[self.tokenizer.unk_token_id]], - return_dict_in_generate=True, - do_sample=False, - num_beams=1, - repetition_penalty=1.1, - temperature=1.0 - ) - - # Process output - sequences = self.tokenizer.batch_decode(outputs.sequences, skip_special_tokens=False) - - # Clean prompt text from output - results = [] - for i, sequence in enumerate(sequences): - cleaned = sequence.replace(prompts[i], "").replace("", "").replace("", "").strip() - results.append(cleaned) - - # Return a single result for single image input - if not is_batch: - return results[0] - return results - - -def process_document(document_path, model, save_dir, max_batch_size=None): - """Parse documents with two stages - Handles both images and PDFs""" - file_ext = os.path.splitext(document_path)[1].lower() - - if file_ext == '.pdf': - # Process PDF file - # Convert PDF to images - images = convert_pdf_to_images(document_path) - if not images: - raise Exception(f"Failed to convert PDF {document_path} to images") - - all_results = [] - - # Process each page - for page_idx, pil_image in enumerate(images): - print(f"Processing page {page_idx + 1}/{len(images)}") - - # Generate output name for this page - base_name = os.path.splitext(os.path.basename(document_path))[0] - page_name = f"{base_name}_page_{page_idx + 1:03d}" - - # Process this page (don't save individual page results) - json_path, recognition_results = process_single_image( - pil_image, model, save_dir, page_name, max_batch_size, save_individual=False - ) - - # Add page information to results - page_results = { - "page_number": page_idx + 1, - "elements": recognition_results - } - all_results.append(page_results) - - # Save combined results for multi-page PDF - combined_json_path = save_combined_pdf_results(all_results, document_path, save_dir) - - return combined_json_path, all_results - - else: - # Process regular image file - pil_image = Image.open(document_path).convert("RGB") - base_name = os.path.splitext(os.path.basename(document_path))[0] - return process_single_image(pil_image, model, save_dir, base_name, max_batch_size) - - -def process_single_image(image, model, save_dir, image_name, max_batch_size=None, save_individual=True): - """Process a single image (either from file or converted from PDF page) - - Args: - image: PIL Image object - model: DOLPHIN model instance - save_dir: Directory to save results - image_name: Name for the output file - max_batch_size: Maximum batch size for processing - save_individual: Whether to save individual results (False for PDF pages) - - Returns: - Tuple of (json_path, recognition_results) - """ - # Stage 1: Page-level layout and reading order parsing - layout_output = model.chat("Parse the reading order of this document.", image) - - # Stage 2: Element-level content parsing - padded_image, dims = prepare_image(image) - recognition_results = process_elements(layout_output, padded_image, dims, model, max_batch_size, save_dir, image_name) - - # Save outputs only if requested (skip for PDF pages) - json_path = None - if save_individual: - # Create a dummy image path for save_outputs function - dummy_image_path = f"{image_name}.jpg" # Extension doesn't matter, only basename is used - json_path = save_outputs(recognition_results, dummy_image_path, save_dir) - - return json_path, recognition_results - - -def process_elements(layout_results, padded_image, dims, model, max_batch_size, save_dir=None, image_name=None): - """Parse all document elements with parallel decoding""" - layout_results = parse_layout_string(layout_results) - - # Store text and table elements separately - text_elements = [] # Text elements - table_elements = [] # Table elements - figure_results = [] # Image elements (no processing needed) - previous_box = None - reading_order = 0 - - # Collect elements to process and group by type - for bbox, label in layout_results: - try: - # Adjust coordinates - x1, y1, x2, y2, orig_x1, orig_y1, orig_x2, orig_y2, previous_box = process_coordinates( - bbox, padded_image, dims, previous_box - ) - - # Crop and parse element - cropped = padded_image[y1:y2, x1:x2] - if cropped.size > 0 and cropped.shape[0] > 3 and cropped.shape[1] > 3: - if label == "fig": - pil_crop = Image.fromarray(cv2.cvtColor(cropped, cv2.COLOR_BGR2RGB)) - - figure_filename = save_figure_to_local(pil_crop, save_dir, image_name, reading_order) - - # For figure regions, store relative path instead of base64 - figure_results.append( - { - "label": label, - "text": f"![Figure](figures/{figure_filename})", - "figure_path": f"figures/{figure_filename}", - "bbox": [orig_x1, orig_y1, orig_x2, orig_y2], - "reading_order": reading_order, - } - ) - else: - # Prepare element for parsing - pil_crop = Image.fromarray(cv2.cvtColor(cropped, cv2.COLOR_BGR2RGB)) - element_info = { - "crop": pil_crop, - "label": label, - "bbox": [orig_x1, orig_y1, orig_x2, orig_y2], - "reading_order": reading_order, - } - - # Group by type - if label == "tab": - table_elements.append(element_info) - else: # Text elements - text_elements.append(element_info) - - reading_order += 1 - - except Exception as e: - print(f"Error processing bbox with label {label}: {str(e)}") - continue - - # Initialize results list - recognition_results = figure_results.copy() - - # Process text elements (in batches) - if text_elements: - text_results = process_element_batch(text_elements, model, "Read text in the image.", max_batch_size) - recognition_results.extend(text_results) - - # Process table elements (in batches) - if table_elements: - table_results = process_element_batch(table_elements, model, "Parse the table in the image.", max_batch_size) - recognition_results.extend(table_results) - - # Sort elements by reading order - recognition_results.sort(key=lambda x: x.get("reading_order", 0)) - - return recognition_results - - -def process_element_batch(elements, model, prompt, max_batch_size=None): - """Process elements of the same type in batches""" - results = [] - - # Determine batch size - batch_size = len(elements) - if max_batch_size is not None and max_batch_size > 0: - batch_size = min(batch_size, max_batch_size) - - # Process in batches - for i in range(0, len(elements), batch_size): - batch_elements = elements[i:i+batch_size] - crops_list = [elem["crop"] for elem in batch_elements] - - # Use the same prompt for all elements in the batch - prompts_list = [prompt] * len(crops_list) - - # Batch inference - batch_results = model.chat(prompts_list, crops_list) - - # Add results - for j, result in enumerate(batch_results): - elem = batch_elements[j] - results.append({ - "label": elem["label"], - "bbox": elem["bbox"], - "text": result.strip(), - "reading_order": elem["reading_order"], - }) - - return results - - -def main(): - parser = argparse.ArgumentParser(description="Document parsing based on DOLPHIN") - parser.add_argument("--model_path", default="./hf_model", help="Path to Hugging Face model") - parser.add_argument("--input_path", type=str, default="./demo", help="Path to input image/PDF or directory of files") - parser.add_argument( - "--save_dir", - type=str, - default=None, - help="Directory to save parsing results (default: same as input directory)", - ) - parser.add_argument( - "--max_batch_size", - type=int, - default=16, - help="Maximum number of document elements to parse in a single batch (default: 16)", - ) - args = parser.parse_args() - - # Load Model - model = DOLPHIN(args.model_path) - - # Collect Document Files (images and PDFs) - if os.path.isdir(args.input_path): - # Support both image and PDF files - file_extensions = [".jpg", ".jpeg", ".png", ".JPG", ".JPEG", ".PNG", ".pdf", ".PDF"] - - document_files = [] - for ext in file_extensions: - document_files.extend(glob.glob(os.path.join(args.input_path, f"*{ext}"))) - document_files = sorted(document_files) - else: - if not os.path.exists(args.input_path): - raise FileNotFoundError(f"Input path {args.input_path} does not exist") - - # Check if it's a supported file type - file_ext = os.path.splitext(args.input_path)[1].lower() - supported_exts = ['.jpg', '.jpeg', '.png', '.pdf'] - - if file_ext not in supported_exts: - raise ValueError(f"Unsupported file type: {file_ext}. Supported types: {supported_exts}") - - document_files = [args.input_path] - - save_dir = args.save_dir or ( - args.input_path if os.path.isdir(args.input_path) else os.path.dirname(args.input_path) - ) - setup_output_dirs(save_dir) - - total_samples = len(document_files) - print(f"\nTotal files to process: {total_samples}") - - # Process All Document Files - for file_path in document_files: - print(f"\nProcessing {file_path}") - try: - json_path, recognition_results = process_document( - document_path=file_path, - model=model, - save_dir=save_dir, - max_batch_size=args.max_batch_size, - ) - - print(f"Processing completed. Results saved to {save_dir}") - - except Exception as e: - print(f"Error processing {file_path}: {str(e)}") - continue - - -if __name__ == "__main__": - main() diff --git a/deployment/ReadMe.md b/deployment/ReadMe.md deleted file mode 100644 index d90a0781c833f4273caca0ae1c4f31cb891d0528..0000000000000000000000000000000000000000 --- a/deployment/ReadMe.md +++ /dev/null @@ -1,12 +0,0 @@ -

-🚀 Dolphin Inference/Serving -

- -## vLLM -> [Doc](./vllm/ReadMe.md) - -## TensorRT-LLM -> [Doc](./tensorrt_llm/ReadMe.md) - -## Others - diff --git a/deployment/tensorrt_llm/ReadMe.md b/deployment/tensorrt_llm/ReadMe.md deleted file mode 100644 index 8950f9aafcbd922acc8e9ad186a4e61afdc30d7b..0000000000000000000000000000000000000000 --- a/deployment/tensorrt_llm/ReadMe.md +++ /dev/null @@ -1,89 +0,0 @@ -

-🚀 Dolphin TensorRT-LLM Demo -

- -## ✅ Introduction -The Dolphin model employs a **Swin Encoder + MBart Decoder** architecture. In the HuggingFace Transformers [Config](https://huggingface.co/ByteDance/Dolphin/blob/main/config.json), -its architectures field is specified as "VisionEncoderDecoderModel". **Dolphin**, **[Nougat](https://huggingface.co/docs/transformers/model_doc/nougat)**, and **[Donut](https://huggingface.co/docs/transformers/model_doc/donut)** share the same model architecture. TensorRT-LLM has already supported the Nougat model. -Following Nougat's conversion script, we have successfully implemented Dolphin on TensorRT-LLM. - -**Note:** [prompt_ids](./dolphin_runner.py#L120) MUST be of **int32** type, otherwise TensorRT-LLM will produce incorrect results. - -## 🛠️ Installation -> We only test TensorRT-LLM 0.18.1 on Linux. - -https://nvidia.github.io/TensorRT-LLM/0.18.1/installation/linux.html - - -## ⚡ Offline Inference -``` -export MODEL_NAME="Dolphin" - -# predict elements reading order -python run_dolphin.py \ - --batch_size 1 \ - --hf_model_dir tmp/hf_models/${MODEL_NAME} \ - --visual_engine_dir tmp/trt_engines/${MODEL_NAME}/vision_encoder \ - --llm_engine_dir tmp/trt_engines/${MODEL_NAME}/1-gpu/bfloat16 \ - --max_new_tokens 4096 \ - --repetition_penalty 1.0 \ - --input_text "Parse the reading order of this document." \ - --image_path "../../demo/page_imgs/page_1.jpeg" - -# recognize text/latex -python run_dolphin.py \ - --batch_size 1 \ - --hf_model_dir tmp/hf_models/${MODEL_NAME} \ - --visual_engine_dir tmp/trt_engines/${MODEL_NAME}/vision_encoder \ - --llm_engine_dir tmp/trt_engines/${MODEL_NAME}/1-gpu/bfloat16 \ - --max_new_tokens 4096 \ - --repetition_penalty 1.0 \ - --input_text "Read text in the image." \ - --image_path "../../demo/element_imgs/block_formula.jpeg" - - -python run_dolphin.py \ - --batch_size 1 \ - --hf_model_dir tmp/hf_models/${MODEL_NAME} \ - --visual_engine_dir tmp/trt_engines/${MODEL_NAME}/vision_encoder \ - --llm_engine_dir tmp/trt_engines/${MODEL_NAME}/1-gpu/bfloat16 \ - --max_new_tokens 4096 \ - --repetition_penalty 1.0 \ - --input_text "Read text in the image." \ - --image_path "../../demo/element_imgs/para_1.jpg" - -# recognize table -python run_dolphin.py \ - --batch_size 1 \ - --hf_model_dir tmp/hf_models/${MODEL_NAME} \ - --visual_engine_dir tmp/trt_engines/${MODEL_NAME}/vision_encoder \ - --llm_engine_dir tmp/trt_engines/${MODEL_NAME}/1-gpu/bfloat16 \ - --max_new_tokens 4096 \ - --repetition_penalty 1.0 \ - --input_text "Parse the table in the image." \ - --image_path "../../demo/element_imgs/table_1.jpeg" -``` - - -## ⚡ Online Inference -``` -# 1. Start Api Server -export MODEL_NAME="Dolphin" - -python api_server.py \ - --hf_model_dir tmp/hf_models/${MODEL_NAME} \ - --visual_engine_dir tmp/trt_engines/${MODEL_NAME}/vision_encoder \ - --llm_engine_dir tmp/trt_engines/${MODEL_NAME}/1-gpu/bfloat16 \ - --max_batch_size 16 - -# 2. Predict -# predict elements reading order -python deployment/tensorrt_llm/api_client.py --image_path ./demo/page_imgs/page_1.jpeg --prompt "Parse the reading order of this document." - -# recognize text/latex -python deployment/tensorrt_llm/api_client.py --image_path ./demo/element_imgs/block_formula.jpeg --prompt "Read text in the image." -python deployment/tensorrt_llm/api_client.py --image_path ./demo/element_imgs/para_1.jpg --prompt "Read text in the image." - -# recognize table -python deployment/tensorrt_llm/api_client.py --image_path ./demo/element_imgs/table_1.jpeg --prompt "Parse the table in the image." -``` \ No newline at end of file diff --git a/deployment/tensorrt_llm/api_client.py b/deployment/tensorrt_llm/api_client.py deleted file mode 100644 index 75107eddc3fe086cfbedfe86cf18abcf5a8f7e07..0000000000000000000000000000000000000000 --- a/deployment/tensorrt_llm/api_client.py +++ /dev/null @@ -1,100 +0,0 @@ -# SPDX-License-Identifier: Apache-2.0 -# SPDX-FileCopyrightText: Copyright contributors to the vLLM project -"""Example Python client for `vllm.entrypoints.api_server` -Start the demo server: - python -m vllm.entrypoints.api_server --model - -NOTE: The API server is used only for demonstration and simple performance -benchmarks. It is not intended for production use. -For production use, we recommend `vllm serve` and the OpenAI client API. -""" - -import argparse -import base64 -import json -from argparse import Namespace -from collections.abc import Iterable - -import requests - - -def clear_line(n: int = 1) -> None: - LINE_UP = "\033[1A" - LINE_CLEAR = "\x1b[2K" - for _ in range(n): - print(LINE_UP, end=LINE_CLEAR, flush=True) - - -def encode_image_base64(image_path: str) -> str: - """Encode local image to base64 format.""" - - with open(image_path, "rb") as f: - image_data = f.read() - result = base64.b64encode(image_data).decode("utf-8") - - return result - - -def post_http_request( - prompt: str, image_path: str, api_url: str, stream: bool = False -) -> requests.Response: - headers = {"User-Agent": "Test Client"} - pload = { - "prompt": prompt, - "image_base64": encode_image_base64(image_path), - } - response = requests.post(api_url, headers=headers, json=pload, stream=stream) - return response - - -def get_streaming_response(response: requests.Response) -> Iterable[list[str]]: - for chunk in response.iter_lines( - chunk_size=8192, decode_unicode=False, delimiter=b"\n" - ): - if chunk: - data = json.loads(chunk.decode("utf-8")) - output = data["text"] - yield output - - -def get_response(response: requests.Response) -> list[str]: - data = json.loads(response.content) - output = data["text"] - return output - - -def parse_args(): - parser = argparse.ArgumentParser() - parser.add_argument("--host", type=str, default="localhost") - parser.add_argument("--port", type=int, default=8000) - parser.add_argument("--prompt", type=str, default="Parse the reading order of this document.") - parser.add_argument("--image_path", type=str, default="./demo/page_imgs/page_1.jpeg") - parser.add_argument("--stream", action="store_true") - return parser.parse_args() - - -def main(args: Namespace): - prompt = args.prompt - image_path = args.image_path - api_url = f"http://{args.host}:{args.port}/generate" - stream = args.stream - - print(f"Prompt: {prompt!r}\n", flush=True) - response = post_http_request(prompt, image_path, api_url, stream) - - if stream: - num_printed_lines = 0 - for h in get_streaming_response(response): - clear_line(num_printed_lines) - num_printed_lines = 0 - for i, line in enumerate(h): - num_printed_lines += 1 - print(f"Response {i}: {line!r}", flush=True) - else: - output = get_response(response) - print(f"Response: {output!r}", flush=True) - - -if __name__ == "__main__": - args = parse_args() - main(args) diff --git a/deployment/tensorrt_llm/api_server.py b/deployment/tensorrt_llm/api_server.py deleted file mode 100644 index c6e8a93849258e65a68c73808d537752046d51cd..0000000000000000000000000000000000000000 --- a/deployment/tensorrt_llm/api_server.py +++ /dev/null @@ -1,112 +0,0 @@ -# copied from: https://github.com/NVIDIA/TensorRT-LLM/blob/v0.18.1/examples/apps/fastapi_server.py - -#!/usr/bin/env python -import asyncio -import base64 -import io -import logging -import signal -from http import HTTPStatus -from PIL import Image -from typing import Optional - -import click -import uvicorn -from fastapi import FastAPI, Request -from fastapi.responses import JSONResponse, Response - -from tensorrt_llm.executor import CppExecutorError, RequestError -from dolphin_runner import DolphinRunner, InferenceConfig - -TIMEOUT_KEEP_ALIVE = 5 # seconds. - - -async def decode_image(image_base64: str) -> Image.Image: - image_data = base64.b64decode(image_base64) - image = Image.open(io.BytesIO(image_data)) - return image - - -class LlmServer: - def __init__(self, runner: DolphinRunner): - self.runner = runner - self.app = FastAPI() - self.register_routes() - - def register_routes(self): - self.app.add_api_route("/health", self.health, methods=["GET"]) - self.app.add_api_route("/generate", self.generate, methods=["POST"]) - - async def health(self) -> Response: - return Response(status_code=200) - - async def generate(self, request: Request) -> Response: - """ Generate completion for the request. - - The request should be a JSON object with the following fields: - - prompt: the prompt to use for the generation. - - image_base64: the image to use for the generation. - """ - request_dict = await request.json() - - prompt = request_dict.pop("prompt", "") - logging.info(f"request prompt: {prompt}") - image_base64 = request_dict.pop("image_base64", "") - image = await decode_image(image_base64) - - try: - output_texts = self.runner.run([prompt], [image], 4024) - output_texts = [texts[0] for texts in output_texts] - return JSONResponse({"text": output_texts[0]}) - except RequestError as e: - return JSONResponse(content=str(e), - status_code=HTTPStatus.BAD_REQUEST) - except CppExecutorError: - # If internal executor error is raised, shutdown the server - signal.raise_signal(signal.SIGINT) - - async def __call__(self, host, port): - config = uvicorn.Config(self.app, - host=host, - port=port, - log_level="info", - timeout_keep_alive=TIMEOUT_KEEP_ALIVE) - await uvicorn.Server(config).serve() - - -@click.command() -@click.option("--hf_model_dir", type=str, required=True) -@click.option("--visual_engine_dir", type=str, required=True) -@click.option("--llm_engine_dir", type=str, required=True) -@click.option("--max_batch_size", type=int, default=16) -@click.option("--max_new_tokens", type=int, default=4024) -@click.option("--host", type=str, default=None) -@click.option("--port", type=int, default=8000) -def entrypoint(hf_model_dir: str, - visual_engine_dir: str, - llm_engine_dir: str, - max_batch_size: int, - max_new_tokens: int, - host: Optional[str] = None, - port: int = 8000): - host = host or "0.0.0.0" - port = port or 8000 - logging.info(f"Starting server at {host}:{port}") - - config = InferenceConfig( - max_new_tokens=max_new_tokens, - batch_size=max_batch_size, - log_level="info", - hf_model_dir=hf_model_dir, - visual_engine_dir=visual_engine_dir, - llm_engine_dir=llm_engine_dir, - ) - - dolphin_runner = DolphinRunner(config) - server = LlmServer(runner=dolphin_runner) - - asyncio.run(server(host, port)) - - -if __name__ == "__main__": - entrypoint() \ No newline at end of file diff --git a/deployment/tensorrt_llm/convert/__init__.py b/deployment/tensorrt_llm/convert/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/deployment/tensorrt_llm/convert/build_visual_engine.py b/deployment/tensorrt_llm/convert/build_visual_engine.py deleted file mode 100644 index 2c9ab63faddf8d592ec24c38cc27590a354241e7..0000000000000000000000000000000000000000 --- a/deployment/tensorrt_llm/convert/build_visual_engine.py +++ /dev/null @@ -1,14 +0,0 @@ -# copied from: https://github.com/NVIDIA/TensorRT-LLM/blob/v0.18.2/examples/multimodal/build_visual_engine.py - -import argparse - -from tensorrt_llm.tools.multimodal_builder import (VisionEngineBuilder, - add_multimodal_arguments) - -if __name__ == '__main__': - parser = argparse.ArgumentParser() - parser = add_multimodal_arguments(parser) - args = parser.parse_args() - - builder = VisionEngineBuilder(args) - builder.build() diff --git a/deployment/tensorrt_llm/convert/convert_checkpoint.py b/deployment/tensorrt_llm/convert/convert_checkpoint.py deleted file mode 100644 index c176d680b3fa926901816d071600aa29f6613563..0000000000000000000000000000000000000000 --- a/deployment/tensorrt_llm/convert/convert_checkpoint.py +++ /dev/null @@ -1,1528 +0,0 @@ -# copied from: https://github.com/NVIDIA/TensorRT-LLM/blob/v0.18.1/examples/enc_dec/convert_checkpoint.py - -import argparse -import configparser -import copy -import json -import logging -import os -import types -from ast import literal_eval -from datetime import datetime -from pathlib import Path - -import safetensors -from helper import convert_weight_to_dtype, fuse_qkv_one_layer, reshape, split -from transformers import (AutoModelForSeq2SeqLM, Blip2ForConditionalGeneration, - MBartForConditionalGeneration, - Pix2StructForConditionalGeneration, - T5ForConditionalGeneration, VisionEncoderDecoderModel) - -from tensorrt_llm.functional import (LayerNormPositionType, LayerNormType, - MLPType) -from tensorrt_llm.models import PretrainedConfig - -dir_path = os.path.dirname(os.path.realpath(__file__)) -LOGGER = logging.getLogger(__name__) - -layernorm_type_map = {i.name: i.value for i in LayerNormType} -layernorm_position_map = {i.name: i.value for i in LayerNormPositionType} -mlp_type_map = {i.name: i.value for i in MLPType} - - -def copy_args_to_component_config(component_config, args): - for arg in vars(args): - setattr(component_config, arg, getattr(args, arg)) - return component_config - - -def parse_t5_config(args, hf_model): - config = configparser.ConfigParser() - - config["encoder"] = {} - for key, val in hf_model.encoder.config.to_dict().items(): - config["encoder"][key] = f"{val}" - - # manually set q_scaling to offset attention scaling's effect. - # TODO: modify kernels to control whether to disable attention scaling - def get_offset_q_scaling(config): - scaling = 1 / config.head_size**.5 - return scaling - - config["decoder"] = {} - for key, val in hf_model.decoder.config.to_dict().items(): - config["decoder"][key] = f"{val}" - - config["structure"] = dict() - config["structure"]["t5_with_bias"] = "false" - config["structure"]["use_gated_activation"] = str( - hf_model.encoder.config.is_gated_act) - config["structure"]["position_embedding_type"] = "relative" - config["structure"]["model_type"] = args.model_type - - def parse_t5_config_by_component(config, component, args): - component_config = types.SimpleNamespace() - component_config = copy_args_to_component_config(component_config, args) - component_config.n_head = config.getint(component, 'num_heads') - component_config.head_size = config.getint(component, 'd_kv') - component_config.hidden_size = config.getint(component, 'd_model') - component_config.ffn_hidden_size = config.getint(component, 'd_ff') - component_config.vocab_size = config.getint(component, 'vocab_size') - component_config.n_positions = config.getint(component, - 'n_positions', - fallback=512) - component_config.has_position_embedding = config.getboolean( - component, 'has_position_embedding', - fallback=False) # TODO: hardcoded here - - component_config.has_token_type_embedding = config.getboolean( - component, 'has_token_type_embedding', fallback=False) - component_config.has_embedding_layernorm = config.getboolean( - component, 'has_embedding_layernorm', fallback=False) - component_config.has_embedding_scale = config.getboolean( - component, 'has_embedding_scale', fallback=False) - component_config.q_scaling = get_offset_q_scaling(component_config) - component_config.has_attention_qkvo_bias = config.getboolean( - component, 'has_attention_qkvo_bias', - fallback=False) # TODO: hardcoded here - component_config.has_mlp_bias = config.getboolean(component, - 'has_mlp_bias', - fallback=False) - component_config.has_model_final_layernorm = config.getboolean( - component, 'has_model_final_layernorm', fallback=True) - component_config.layernorm_eps = config.getfloat( - component, 'layer_norm_epsilon') - component_config.layernorm_position = layernorm_position_map[config.get( - component, 'layernorm_position', - fallback='pre_layernorm')] # TODO: hardcoded here - component_config.layernorm_type = layernorm_type_map[config.get( - component, 'layernorm_type', fallback='RmsNorm')] - component_config.hidden_act = config.get(component, 'dense_act_fn') - component_config.gated_act = config.getboolean(component, - 'is_gated_act') - component_config.mlp_type = mlp_type_map['GatedMLP' if component_config. - gated_act else 'MLP'] - component_config.num_buckets = config.getint( - component, 'relative_attention_num_buckets') - component_config.max_distance = config.getint( - component, 'relative_attention_max_distance') - component_config.position_embedding_type = config.get( - 'structure', 'position_embedding_type') - component_config.logits_dtype = config.get(component, - 'logits_dtype', - fallback='float32') - - if component == 'encoder': - component_config.n_layer = config.getint(component, 'num_layers') - - component_config.relative_attention = config.get( - 'structure', 'position_embedding_type') == 'relative' - - elif component == 'decoder': - component_config.n_layer = config.getint(component, - 'num_decoder_layers') - component_config.has_lm_head_bias = config.getboolean( - component, # TODO: T5 with bias - 'has_lm_head_bias', - fallback=False) - component_config.relative_attention = config.getboolean( - component, 'relative_attention', fallback=True) - component_config.rescale_before_lm_head = config.getboolean( - component, 'tie_word_embeddings' - ) # default is True (for T5), but False for Flan-T5 - component_config.encoder_hidden_size = config.getint( - 'encoder', 'd_model') - component_config.encoder_num_heads = config.getint( - 'encoder', 'num_heads') - component_config.encoder_head_size = config.getint( - 'encoder', 'd_kv') - component_config.decoder_start_token_id = config.getint( - 'decoder', 'decoder_start_token_id') - component_config.eos_token_id = config.getint( - 'decoder', 'eos_token_id') - bos_token_id = config.get('decoder', 'bos_token_id') - # T5 does not have bos_token_id - component_config.bos_token_id = int( - bos_token_id) if bos_token_id != "None" else None - component_config.pad_token_id = config.getint( - 'decoder', 'pad_token_id') - - else: - assert False, 'Unsupported component!' - - return component_config - - encoder_config = parse_t5_config_by_component(config, "encoder", args) - decoder_config = parse_t5_config_by_component(config, "decoder", args) - - return encoder_config, decoder_config - - -def convert_t5_weights_to_tllm_safetensors(config, component, params): - weights = {} - - mapping = config.mapping - - convert_weight_to_dtype(params, config.dtype) - hidden_size = config.hidden_size - ffn_hidden_size = config.intermediate_size - num_layers = config.num_hidden_layers - n_head = config.num_attention_heads - head_size = config.head_size - attention_hidden_size = n_head * head_size # head size * num_heads not necessarily equals hidden_dim, such as Flan-T5 - - hf_param_prefix = f'{component}' - trtllm_layer_name = f'{component}_layers' - trtllm_attn_layer_name = 'attention' if component == 'encoder' else 'self_attention' - trtllm_attn_layernorm_name = 'self_attention_layernorm' if component == 'decoder' else 'attention_layernorm' - hf_component_idx = 1 if component == 'encoder' else 2 - - def get_attn_module_name(component, block, layer, attn_type): - return f'{component}.block.{int(block)}.layer.{int(layer)}.{attn_type}' - - weights['embedding.vocab_embedding.weight'] = reshape( - params['shared.weight'].clone(), None) - - layers_range = mapping.pp_layers(num_layers) - for layer_idx in layers_range: - local_layer_idx = layer_idx - layers_range[0] - trtllm_layer_name_prefix = f'{trtllm_layer_name}.{local_layer_idx}' - hf_layer_name_prefix = f'{hf_param_prefix}.block.{layer_idx}' - - hidden_layer_name_split = { - f'{hf_layer_name_prefix}.layer.0.SelfAttention.o.weight': { - "name": - f'{trtllm_layer_name_prefix}.{trtllm_attn_layer_name}.dense.weight', - "shape": - (hidden_size, attention_hidden_size // mapping.tp_size), - "split_dim": -1 - }, - f'{hf_layer_name_prefix}.layer.{hf_component_idx}.DenseReluDense.wo.weight': - { - "name": f'{trtllm_layer_name_prefix}.mlp.proj.weight', - "shape": (hidden_size, ffn_hidden_size // mapping.tp_size), - "split_dim": -1 - }, - f'{hf_layer_name_prefix}.layer.{hf_component_idx}.DenseReluDense.wi.weight': - { - "name": f'{trtllm_layer_name_prefix}.mlp.fc.weight', - "shape": (ffn_hidden_size // mapping.tp_size, hidden_size), - "split_dim": 0 - }, - f'{hf_layer_name_prefix}.layer.{hf_component_idx}.DenseReluDense.wi_0.weight': - { - "name": f'{trtllm_layer_name_prefix}.mlp.fc.weight', - "shape": (ffn_hidden_size // mapping.tp_size, hidden_size), - "split_dim": 0 - }, - } - - hidden_layer_name_no_split = { - f'{hf_layer_name_prefix}.layer.0.layer_norm.weight': { - "name": - f'{trtllm_layer_name_prefix}.{trtllm_attn_layernorm_name}.weight', - "shape": None - }, - f'{hf_layer_name_prefix}.layer.{hf_component_idx}.layer_norm.weight': - { - "name": f'{trtllm_layer_name_prefix}.mlp_layernorm.weight', - "shape": None - }, - } - - if config.gated_act: - hidden_layer_name_split.update({ - f'{hf_layer_name_prefix}.layer.{hf_component_idx}.DenseReluDense.wi2.weight': - { - "name": f'{trtllm_layer_name_prefix}.mlp.gate.weight', - "shape": (ffn_hidden_size // mapping.tp_size, hidden_size), - "split_dim": 0 - }, - f'{hf_layer_name_prefix}.layer.{hf_component_idx}.DenseReluDense.wi_1.weight': - { - "name": f'{trtllm_layer_name_prefix}.mlp.gate.weight', - "shape": (ffn_hidden_size // mapping.tp_size, hidden_size), - "split_dim": 0 - }, - }) - - if component == 'decoder': - hidden_layer_name_split.update({ - f'{hf_layer_name_prefix}.layer.1.EncDecAttention.o.weight': { - "name": - f'{trtllm_layer_name_prefix}.cross_attention.dense.weight', - "shape": - (hidden_size, attention_hidden_size // mapping.tp_size), - "split_dim": -1 - }, - }) - hidden_layer_name_no_split.update({ - f'{hf_layer_name_prefix}.layer.1.layer_norm.weight': { - "name": - f'{trtllm_layer_name_prefix}.cross_attention_layernorm.weight', - "shape": None - }, - }) - self_attn_module_name = get_attn_module_name( - component, layer_idx, "1", 'EncDecAttention') - weights.update( - fuse_qkv_one_layer( - params, self_attn_module_name, - f'{trtllm_layer_name_prefix}.cross_attention', - mapping.tp_size, mapping.tp_rank, config.model_type, - (attention_hidden_size * 3 // mapping.tp_size, hidden_size), - None)) - - self_attn_module_name = get_attn_module_name(component, layer_idx, "0", - 'SelfAttention') - weights.update( - fuse_qkv_one_layer( - params, self_attn_module_name, - f'{trtllm_layer_name_prefix}.{trtllm_attn_layer_name}', - mapping.tp_size, mapping.tp_rank, config.model_type, - (attention_hidden_size * 3 // mapping.tp_size, hidden_size), - None)) - - weights[ - f'{trtllm_layer_name_prefix}.{trtllm_attn_layer_name}.rel_attn_table'] = reshape( - split( - params[ - f'{component}.block.0.layer.0.SelfAttention.relative_attention_bias.weight'] - .T, mapping.tp_size, mapping.tp_rank, 0), - (n_head // mapping.tp_size, config.num_buckets)) - - for hf_weight_name, weight_info in hidden_layer_name_split.items(): - if hf_weight_name in params.keys(): - weights[weight_info["name"]] = reshape( - split(params[hf_weight_name], - mapping.tp_size, - mapping.tp_rank, - dim=weight_info["split_dim"]), weight_info["shape"]) - for hf_weight_name, weight_info in hidden_layer_name_no_split.items(): - if hf_weight_name in params.keys(): - weights[weight_info["name"]] = reshape( - params[hf_weight_name].clone(), shape=weight_info["shape"]) - - weights['final_layernorm.weight'] = reshape( - params[f'{component}.final_layer_norm.weight'].clone(), None) - - if component == 'decoder': - weights['lm_head.weight'] = reshape( - split(params['lm_head.weight'], - mapping.tp_size, - mapping.tp_rank, - dim=0), (config.vocab_size // mapping.tp_size, hidden_size)) - if not config.use_implicit_relative_attention: - weights['rel_attn_table'] = reshape( - split( - params[ - f'{component}.block.0.layer.0.SelfAttention.relative_attention_bias.weight'] - .T, mapping.tp_size, mapping.tp_rank, 0), - (n_head // mapping.tp_size, config.num_buckets)) - - return weights - - -convert_blip2_weights_to_tllm_safetensors = convert_t5_weights_to_tllm_safetensors # func alias - - -def parse_nmt_config(args, model): - config = configparser.ConfigParser() - fairseq_config = vars(model.cfg.model) # Namespace --> dict - - config['encoder'] = dict() - for key, val in fairseq_config.items(): - config["encoder"][key] = f"{val}" - config["encoder"]["q_scaling"] = '1' - # NMT has final layernorm for pre-norm model architecture. - config['encoder']['has_model_final_layernorm'] = config['encoder'][ - 'encoder_normalize_before'] - config['encoder']['vocab_size'] = str(len(model.src_dict)) # fairseq naming - - config['decoder'] = dict() - for key, val in fairseq_config.items(): - config["decoder"][key] = f"{val}" - config["decoder"]["q_scaling"] = '1' - config["decoder"]["rescale_before_lm_head"] = 'false' - config['decoder']['has_model_final_layernorm'] = str( - config['decoder'].getboolean('decoder_normalize_before', False) - and not config['decoder'].getboolean('no_decoder_final_norm', False)) - config['decoder']['vocab_size'] = str(len(model.tgt_dict)) # fairseq naming - - config["structure"] = dict() - config["structure"]["t5_with_bias"] = "true" - config["structure"]["use_gated_activation"] = "false" - config["structure"][ - "position_embedding_type"] = "learned_absolute" # "sinusoid" - config["structure"]["model_type"] = args.model_type - - def parse_nmt_config_by_component(config, component, args): - assert component in ('encoder', 'decoder'), 'Unsupported component!' - component_config = types.SimpleNamespace() - component_config = copy_args_to_component_config(component_config, args) - component_config.n_layer = config.getint(component, - f'{component}_layers') - component_config.n_head = config.getint(component, - f'{component}_attention_heads') - component_config.hidden_size = config.getint( - component, f'{component}_embed_dim') # fairseq naming - component_config.head_size = config.getint( - component, - 'd_kv', - fallback=component_config.hidden_size // component_config.n_head) - component_config.ffn_hidden_size = config.getint( - component, f'{component}_ffn_embed_dim') # fairseq naming - component_config.vocab_size = config.getint(component, 'vocab_size') - component_config.n_positions = config.getint( - component, 'max_source_positions') # fairseq naming - component_config.has_position_embedding = not config.getboolean( - component, 'no_token_positional_embeddings', - fallback=False) # fairseq naming - component_config.has_token_type_embedding = config.getboolean( - component, 'has_token_type_embedding', fallback=False) - component_config.has_embedding_layernorm = config.getboolean( - component, 'layernorm_embedding', fallback=True) # fairseq naming - component_config.has_embedding_scale = not config.getboolean( - component, 'no_scale_embedding') # fairseq naming - component_config.q_scaling = config.getfloat(component, - 'q_scaling', - fallback=1.0) - component_config.has_attention_qkvo_bias = config.getboolean( - 'structure', 't5_with_bias', fallback=True) - component_config.has_mlp_bias = config.getboolean('structure', - 't5_with_bias', - fallback=True) - component_config.has_model_final_layernorm = config.getboolean( - component, 'has_model_final_layernorm') - component_config.layernorm_eps = config.getfloat( - component, 'layer_norm_epsilon', fallback=1e-5) # fairseq naming - - normalize_before = config.getboolean( - component, f'{component}_normalize_before') # fairseq naming - component_config.layernorm_position = layernorm_position_map[ - 'pre_layernorm' if normalize_before else 'post_layernorm'] - - component_config.layernorm_type = layernorm_type_map[config.get( - component, 'layernorm_type', fallback='LayerNorm')] - component_config.hidden_act = config.get( - component, 'activation_fn') # fairseq naming - component_config.gated_act = config.getboolean(component, - 'is_gated_act', - fallback=False) - component_config.mlp_type = mlp_type_map['GatedMLP' if component_config. - gated_act else 'MLP'] - component_config.relative_attention = config.get( - 'structure', 'position_embedding_type') == 'relative' - - component_config.num_buckets = config.getint( - component, 'relative_attention_num_buckets', fallback=0) - component_config.max_distance = config.getint( - component, 'relative_attention_max_distance', fallback=0) - component_config.position_embedding_type = config.get( - 'structure', 'position_embedding_type') - component_config.logits_dtype = config.get(component, - 'logits_dtype', - fallback='float32') - if component == 'decoder': - component_config.rescale_before_lm_head = config.getboolean( - component, 'rescale_before_lm_head') - - component_config.encoder_hidden_size = config.getint( - 'encoder', 'encoder_embed_dim') # fairseq naming - component_config.encoder_num_heads = config.getint( - 'encoder', 'encoder_attention_heads') - component_config.encoder_head_size = config.getint( - 'encoder', - 'd_kv', - fallback=component_config.encoder_hidden_size // - component_config.encoder_num_heads) - component_config.decoder_start_token_id = None - component_config.eos_token_id = None - component_config.bos_token_id = None - component_config.pad_token_id = None - - return component_config - - encoder_config = parse_nmt_config_by_component(config, "encoder", args) - decoder_config = parse_nmt_config_by_component(config, "decoder", args) - - return encoder_config, decoder_config - - -def convert_nmt_weights_to_tllm_safetensors(config, component, params, - sin_pos_embedding): - weights = {} - - mapping = config.mapping - - hidden_size = config.hidden_size - - convert_weight_to_dtype(params, config.dtype) - ffn_hidden_size = config.intermediate_size - vocab_size = config.vocab_size - - hf_param_prefix = f'models.0.{component}' - trtllm_layer_name = f'{component}_layers' - trtllm_attn_layer_name = 'attention' if component == 'encoder' else 'self_attention' - trtllm_attn_layernorm_name = 'self_attention_layernorm' if component == 'decoder' else 'attention_layernorm' - - hidden_layer_name_split = { - 'self_attn.out_proj.weight': { - "name": f'{trtllm_attn_layer_name}.dense.weight', - "shape": (hidden_size, hidden_size // mapping.tp_size), - "split_dim": -1 - }, - 'fc1.weight': { - "name": 'mlp.fc.weight', - "shape": (ffn_hidden_size // mapping.tp_size, hidden_size), - "split_dim": 0 - }, - 'fc1.bias': { - "name": 'mlp.fc.bias', - "shape": (ffn_hidden_size // mapping.tp_size), - "split_dim": 0 - }, - 'fc2.weight': { - "name": 'mlp.proj.weight', - "shape": (hidden_size, ffn_hidden_size // mapping.tp_size), - "split_dim": -1 - }, - } - - hidden_layer_name_no_split = { - 'self_attn.out_proj.bias': { - "name": f'{trtllm_attn_layer_name}.dense.bias', - "shape": (hidden_size) - }, - 'self_attn_layer_norm.weight': { - "name": f'{trtllm_attn_layernorm_name}.weight', - "shape": None - }, - 'self_attn_layer_norm.bias': { - "name": f'{trtllm_attn_layernorm_name}.bias', - "shape": None - }, - 'fc2.bias': { - "name": 'mlp.proj.bias', - "shape": (hidden_size) - }, - 'final_layer_norm.weight': { - "name": 'mlp_layernorm.weight', - "shape": None - }, - 'final_layer_norm.bias': { - "name": 'mlp_layernorm.bias', - "shape": None - }, - } - - if component == "decoder": - hidden_layer_name_split.update({ - 'encoder_attn.out_proj.weight': { - "name": 'cross_attention.dense.weight', - "shape": (hidden_size, hidden_size // mapping.tp_size), - "split_dim": -1 - }, - }) - hidden_layer_name_no_split.update({ - 'encoder_attn.out_proj.bias': { - "name": 'cross_attention.dense.bias', - "shape": (hidden_size) - }, - 'encoder_attn_layer_norm.weight': { - "name": 'cross_attention_layernorm.weight', - "shape": None, - }, - 'encoder_attn_layer_norm.bias': { - "name": 'cross_attention_layernorm.bias', - "shape": None - }, - }) - - def get_attn_module_name(component, layer, attn_type): - return f'models.0.{component}.layers.{int(layer)}.{attn_type}' - - weights["embedding.vocab_embedding.weight"] = reshape( - params[f'{hf_param_prefix}.embed_tokens.weight'].clone(), - (vocab_size, -1)) - weights["embedding.position_embedding.weight"] = reshape( - sin_pos_embedding, (config.max_position_embeddings, hidden_size)) - - num_layers = config.num_hidden_layers - - layers_range = mapping.pp_layers(num_layers) - for layer_idx in layers_range: - local_layer_idx = layer_idx - layers_range[0] - hf_layer_name_prefix = f'{hf_param_prefix}.layers.{layer_idx}' - trtllm_layer_name_prefix = f'{trtllm_layer_name}.{local_layer_idx}' - - for hf_weight_name, weight_info in hidden_layer_name_split.items(): - weights[ - f'{trtllm_layer_name_prefix}.{weight_info["name"]}'] = reshape( - split(params[f'{hf_layer_name_prefix}.{hf_weight_name}'], - mapping.tp_size, - mapping.tp_rank, - dim=weight_info["split_dim"]), weight_info["shape"]) - - for hf_weight_name, weight_info in hidden_layer_name_no_split.items(): - trtllm_layer_fullname = f'{trtllm_layer_name_prefix}.{weight_info["name"]}' - hf_layer_fullname = f'{hf_layer_name_prefix}.{hf_weight_name}' - weights[trtllm_layer_fullname] = reshape( - params[hf_layer_fullname].clone(), shape=weight_info["shape"]) - - self_attn_module_name = get_attn_module_name(component, layer_idx, - 'self_attn') - weights.update( - fuse_qkv_one_layer( - params, self_attn_module_name, - f'{trtllm_layer_name_prefix}.{trtllm_attn_layer_name}', - mapping.tp_size, mapping.tp_rank, config.model_type, - (hidden_size * 3 // mapping.tp_size, hidden_size), - (hidden_size * 3 // mapping.tp_size))) - if component == 'decoder': - cross_attn_module_name = get_attn_module_name( - component, layer_idx, 'encoder_attn') - weights.update( - fuse_qkv_one_layer( - params, cross_attn_module_name, - f'{trtllm_layer_name_prefix}.cross_attention', - mapping.tp_size, mapping.tp_rank, config.model_type, - (hidden_size * 3 // mapping.tp_size, hidden_size), - (hidden_size * 3 // mapping.tp_size))) - - if component == 'decoder': - weights['lm_head.weight'] = reshape( - split(params[f'{hf_param_prefix}.output_projection.weight'], - mapping.tp_size, - mapping.tp_rank, - dim=0), (config.vocab_size // mapping.tp_size, hidden_size)) - - if config.has_model_final_layernorm: - weights['final_layernorm.weight'] = params[ - f'{hf_param_prefix}.layer_norm.weight'].clone() - weights['final_layernorm.bias'] = params[ - f'{hf_param_prefix}.layer_norm.bias'].clone() - - return weights - - -def parse_bart_config(args, hf_model): - - config = configparser.ConfigParser() - - config['decoder'] = dict() - for key, val in hf_model.model.decoder.config.to_dict().items(): - config["decoder"][key] = f"{val}" - config["decoder"]["q_scaling"] = '1' - config["decoder"]["rescale_before_lm_head"] = str(False) - config['decoder']['has_model_final_layernorm'] = str( - args.nougat or isinstance(hf_model, MBartForConditionalGeneration)) - - if args.nougat: - # These flags are true for mbart decoders, but missing in HF config - config['decoder']['normalize_before'] = str(True) - config['decoder']['normalize_embeddings'] = str(True) - - config['encoder'] = dict() - # Init few encoder configs, needed by build, from decoder config - encoder_config_keys = [ - "encoder_ffn_dim", "encoder_layers", "encoder_attention_heads", - "encoder_layerdrop", "d_model" - ] - for key in encoder_config_keys: - config['encoder'][key] = config['decoder'][key] - else: - config['encoder'] = dict() - for key, val in hf_model.model.encoder.config.to_dict().items(): - config["encoder"][key] = f"{val}" - config["encoder"]["q_scaling"] = '1' - - # mBART has final layernorm, BART does not - config['encoder']['has_model_final_layernorm'] = str( - isinstance(hf_model, MBartForConditionalGeneration)) - - config["structure"] = dict() - config["structure"]["t5_with_bias"] = "true" - config["structure"]["use_gated_activation"] = "false" - config["structure"]["position_embedding_type"] = "learned_absolute" - config["structure"]["model_type"] = args.model_type - - def parse_bart_config_by_component(config, component, args): - assert component in ('encoder', 'decoder'), 'Unsupported component!' - component_config = types.SimpleNamespace() - component_config = copy_args_to_component_config(component_config, args) - component_config.n_layer = config.getint(component, - f'{component}_layers') - component_config.n_head = config.getint(component, - f'{component}_attention_heads') - component_config.hidden_size = config.getint(component, 'd_model') - component_config.head_size = config.getint( - component, - 'd_kv', - fallback=component_config.hidden_size // component_config.n_head) - component_config.ffn_hidden_size = config.getint( - component, f'{component}_ffn_dim') - component_config.vocab_size = config.getint(component, 'vocab_size') - component_config.n_positions = config.getint(component, - 'max_position_embeddings') - component_config.has_position_embedding = config.getboolean( - component, 'has_position_embedding', - fallback=True) # TODO: hardcoded here - component_config.has_token_type_embedding = config.getboolean( - component, 'has_token_type_embedding', fallback=False) - component_config.has_embedding_layernorm = config.getboolean( - component, 'has_embedding_layernorm', fallback=True) - component_config.has_embedding_scale = config.getboolean( - component, 'scale_embedding') - component_config.q_scaling = config.getfloat(component, - 'q_scaling', - fallback=1.0) - component_config.has_attention_qkvo_bias = config.getboolean( - 'structure', 't5_with_bias', fallback=True) - component_config.has_mlp_bias = config.getboolean('structure', - 't5_with_bias', - fallback=True) - component_config.has_model_final_layernorm = config.getboolean( - component, 'has_model_final_layernorm') - component_config.layernorm_eps = config.getfloat(component, - 'layer_norm_epsilon', - fallback=False) - - normalize_before = config.getboolean(component, 'normalize_before') - component_config.layernorm_position = layernorm_position_map[ - 'pre_layernorm' if normalize_before else 'post_layernorm'] - - component_config.layernorm_type = layernorm_type_map[config.get( - component, 'layernorm_type', fallback='LayerNorm')] - component_config.hidden_act = config.get(component, - 'activation_function') - component_config.gated_act = config.getboolean(component, - 'is_gated_act', - fallback=False) - component_config.mlp_type = mlp_type_map['GatedMLP' if component_config. - gated_act else 'MLP'] - component_config.relative_attention = config.get( - 'structure', 'position_embedding_type') == 'relative' - - component_config.num_buckets = config.getint( - component, 'relative_attention_num_buckets', fallback=0) - component_config.max_distance = config.getint( - component, 'relative_attention_max_distance', fallback=0) - component_config.max_lora_rank = config.getint(component, - 'max_lora_rank', - fallback=0) - component_config.lora_target_modules = literal_eval( - config.get(component, 'lora_target_modules', fallback="[]")) - component_config.hf_modules_to_trtllm_modules = literal_eval( - config.get(component, 'hf_modules_to_trtllm_modules', - fallback="{}")) - component_config.trtllm_modules_to_hf_modules = literal_eval( - config.get(component, 'trtllm_modules_to_hf_modules', - fallback="{}")) - component_config.logits_dtype = config.get(component, - 'logits_dtype', - fallback='float32') - component_config.position_embedding_type = config.get( - 'structure', 'position_embedding_type') - - if component == 'decoder': - component_config.rescale_before_lm_head = config.getboolean( - component, 'rescale_before_lm_head') - - component_config.encoder_hidden_size = config.getint( - 'encoder', 'd_model') - component_config.encoder_num_heads = config.getint( - 'encoder', 'encoder_attention_heads') - component_config.encoder_head_size = config.getint( - 'encoder', - 'd_kv', - fallback=component_config.encoder_hidden_size // - component_config.encoder_num_heads) - - # nougat has decoder_start_token_id = None, special handling - decoder_start_token_id = config.get('decoder', - 'decoder_start_token_id') - component_config.decoder_start_token_id = int( - decoder_start_token_id - ) if decoder_start_token_id != "None" else None - component_config.eos_token_id = config.getint( - 'decoder', 'eos_token_id') - component_config.bos_token_id = config.getint( - 'decoder', 'bos_token_id') - component_config.pad_token_id = config.getint( - 'decoder', 'pad_token_id') - - return component_config - - encoder_config = None - if not args.nougat: - encoder_config = parse_bart_config_by_component(config, "encoder", args) - decoder_config = parse_bart_config_by_component(config, "decoder", args) - - return encoder_config, decoder_config - - -def convert_bart_weights_to_tllm_safetensors(config, component, params): - weights = {} - - mapping = config.mapping - - hidden_size = config.hidden_size - - convert_weight_to_dtype(params, config.dtype) - ffn_hidden_size = config.intermediate_size - vocab_size = config.vocab_size - - hf_param_prefix = f'model.{component}' - trtllm_layer_name = f'{component}_layers' - trtllm_attn_layer_name = 'attention' if component == 'encoder' else 'self_attention' - trtllm_attn_layernorm_name = 'self_attention_layernorm' if component == 'decoder' else 'attention_layernorm' - embedding_layer_names = { - 'embed_tokens.weight': { - "name": 'embedding.vocab_embedding.weight', - "shape": (vocab_size, -1) - }, - 'embed_positions.weight': { - "name": 'embedding.position_embedding.weight', - "shape": (config.max_position_embeddings, hidden_size) - }, - 'layernorm_embedding.weight': { - "name": 'embedding.embedding_layernorm.weight', - "shape": None - }, - 'layernorm_embedding.bias': { - "name": 'embedding.embedding_layernorm.bias', - "shape": None - }, - } - - hidden_layer_name_split = { - 'self_attn.out_proj.weight': { - "name": f'{trtllm_attn_layer_name}.dense.weight', - "shape": (hidden_size, hidden_size // mapping.tp_size), - "split_dim": -1 - }, - 'fc1.weight': { - "name": 'mlp.fc.weight', - "shape": (ffn_hidden_size // mapping.tp_size, hidden_size), - "split_dim": 0 - }, - 'fc1.bias': { - "name": 'mlp.fc.bias', - "shape": (ffn_hidden_size // mapping.tp_size), - "split_dim": 0 - }, - 'fc2.weight': { - "name": 'mlp.proj.weight', - "shape": (hidden_size, ffn_hidden_size // mapping.tp_size), - "split_dim": -1 - }, - } - - hidden_layer_name_no_split = { - 'self_attn.out_proj.bias': { - "name": f'{trtllm_attn_layer_name}.dense.bias', - "shape": (hidden_size) - }, - 'self_attn_layer_norm.weight': { - "name": f'{trtllm_attn_layernorm_name}.weight', - "shape": None - }, - 'self_attn_layer_norm.bias': { - "name": f'{trtllm_attn_layernorm_name}.bias', - "shape": None - }, - 'fc2.bias': { - "name": 'mlp.proj.bias', - "shape": (hidden_size) - }, - 'final_layer_norm.weight': { - "name": 'mlp_layernorm.weight', - "shape": None - }, - 'final_layer_norm.bias': { - "name": 'mlp_layernorm.bias', - "shape": None - }, - } - - if config.model_type == 'mbart': - hidden_layer_name_split['layer_norm.weight'] = { - "name": 'final_layernorm.weight', - "shape": None, - "split_dim": 0 - } - hidden_layer_name_no_split['layer_norm.bias'] = { - "name": 'final_layernorm.bias', - "shape": None, - "split_dim": 0 - } - - if component == "decoder": - hidden_layer_name_split.update({ - 'encoder_attn.out_proj.weight': { - "name": 'cross_attention.dense.weight', - "shape": (hidden_size, hidden_size // mapping.tp_size), - "split_dim": -1 - } - }) - hidden_layer_name_no_split.update({ - 'encoder_attn.out_proj.bias': { - "name": 'cross_attention.dense.bias', - "shape": (hidden_size) - }, - 'encoder_attn_layer_norm.weight': { - "name": 'cross_attention_layernorm.weight', - "shape": None - }, - 'encoder_attn_layer_norm.bias': { - "name": 'cross_attention_layernorm.bias', - "shape": None - }, - }) - - def get_attn_module_name(component, layer, attn_type): - return f'model.{component}.layers.{int(layer)}.{attn_type}' - - for hf_weight_name, weight_info in embedding_layer_names.items(): - if 'position' in hf_weight_name: - weights[weight_info["name"]] = params[ - f'{hf_param_prefix}.{hf_weight_name}'][2:].clone() - else: - weights[weight_info["name"]] = params[ - f'{hf_param_prefix}.{hf_weight_name}'].clone() - weights[weight_info["name"]] = reshape(weights[weight_info["name"]], - weight_info["shape"]) - - num_layers = config.num_hidden_layers - - layers_range = mapping.pp_layers(num_layers) - for layer_idx in layers_range: - local_layer_idx = layer_idx - layers_range[0] - hf_layer_name_prefix = f'{hf_param_prefix}.layers.{layer_idx}' - trtllm_layer_name_prefix = f'{trtllm_layer_name}.{local_layer_idx}' - - for hf_weight_name, weight_info in hidden_layer_name_split.items(): - weights[ - f'{trtllm_layer_name_prefix}.{weight_info["name"]}'] = reshape( - split(params[f'{hf_layer_name_prefix}.{hf_weight_name}'], - mapping.tp_size, - mapping.tp_rank, - dim=weight_info["split_dim"]), weight_info["shape"]) - - for hf_weight_name, weight_info in hidden_layer_name_no_split.items(): - trtllm_layer_fullname = f'{trtllm_layer_name_prefix}.{weight_info["name"]}' - hf_layer_fullname = f'{hf_layer_name_prefix}.{hf_weight_name}' - weights[trtllm_layer_fullname] = reshape( - params[hf_layer_fullname].clone(), shape=weight_info["shape"]) - - self_attn_module_name = get_attn_module_name(component, layer_idx, - 'self_attn') - weights.update( - fuse_qkv_one_layer( - params, self_attn_module_name, - f'{trtllm_layer_name_prefix}.{trtllm_attn_layer_name}', - mapping.tp_size, mapping.tp_rank, config.model_type, - (hidden_size * 3 // mapping.tp_size, hidden_size), - (hidden_size * 3 // mapping.tp_size))) - if component == 'decoder': - cross_attn_module_name = get_attn_module_name( - component, layer_idx, 'encoder_attn') - weights.update( - fuse_qkv_one_layer( - params, cross_attn_module_name, - f'{trtllm_layer_name_prefix}.cross_attention', - mapping.tp_size, mapping.tp_rank, config.model_type, - (hidden_size * 3 // mapping.tp_size, hidden_size), - (hidden_size * 3 // mapping.tp_size))) - - if component == 'decoder': - weights['lm_head.weight'] = reshape( - split(params['lm_head.weight'], - mapping.tp_size, - mapping.tp_rank, - dim=0), (config.vocab_size // mapping.tp_size, hidden_size)) - - if config.has_model_final_layernorm: - weights['final_layernorm.weight'] = params[ - f'{hf_param_prefix}.layer_norm.weight'].clone() - weights['final_layernorm.bias'] = params[ - f'{hf_param_prefix}.layer_norm.bias'].clone() - - return weights - - -def parse_pix2struct_config(args, hf_model): - # manually set q_scaling to offset attention scaling's effect. - # TODO: modify kernels to control whether to disable attention scaling - config = configparser.ConfigParser() - - def get_offset_q_scaling(config) -> str: - d_model = config.hidden_size - num_heads = config.num_heads - head_size = d_model / num_heads - scaling = 1 / head_size**.5 - return str(scaling) - - config["decoder"] = {} - for key, val in hf_model.decoder.config.to_dict().items(): - config["decoder"][key] = f"{val}" - - config["decoder"]["q_scaling"] = get_offset_q_scaling( - hf_model.decoder.config) - - config["structure"] = dict() - config["structure"]["pix2struct_with_bias"] = "false" - config["structure"]["use_gated_activation"] = "false" - config["structure"]["position_embedding_type"] = "relative" - config["structure"]["model_type"] = args.model_type - - def parse_pix2struct_config_by_component(config, component, args): - if component == 'decoder': - args.n_layer = config.getint(component, 'num_layers') - args.n_head = config.getint(component, 'num_heads') - args.head_size = config.getint(component, 'd_kv') - args.hidden_size = config.getint(component, 'hidden_size') - args.ffn_hidden_size = config.getint(component, 'd_ff') - args.vocab_size = config.getint(component, 'vocab_size') - args.n_positions = config.getint(component, - 'n_positions', - fallback=512) - args.has_position_embedding = config.getboolean( - component, 'has_position_embedding', - fallback=False) # TODO: hardcoded here - args.has_token_type_embedding = config.getboolean( - component, 'has_token_type_embedding', fallback=False) - args.has_embedding_layernorm = config.getboolean( - component, 'has_embedding_layernorm', fallback=False) - args.has_embedding_scale = config.getboolean(component, - 'has_embedding_scale', - fallback=False) - args.q_scaling = config.getfloat(component, - 'q_scaling', - fallback=1.0) - args.has_attention_qkvo_bias = config.getboolean( - component, 'has_attention_qkvo_bias', fallback=False) - args.has_mlp_bias = config.getboolean(component, - 'has_mlp_bias', - fallback=False) - args.has_model_final_layernorm = config.getboolean( - component, 'has_model_final_layernorm', fallback=True) - args.layernorm_eps = config.getfloat(component, - 'layer_norm_epsilon') - args.layernorm_position = layernorm_position_map[config.get( - component, 'layernorm_position', - fallback='pre_layernorm')] # TODO: hardcoded here - args.layernorm_type = layernorm_type_map[config.get( - component, 'layernorm_type', fallback='RmsNorm')] - args.hidden_act = config.get(component, 'dense_act_fn') - args.gated_act = True - args.mlp_type = mlp_type_map['GatedMLP' if args. - gated_act else 'MLP'] - args.has_lm_head_bias = config.getboolean( - component, # TODO: T5 with bias - 'has_lm_head_bias', - fallback=False) - args.relative_attention = config.getboolean(component, - 'relative_attention', - fallback=True) - args.num_buckets = config.getint(component, - 'relative_attention_num_buckets') - args.max_distance = config.getint( - component, 'relative_attention_max_distance') - args.logits_dtype = config.get(component, - 'logits_dtype', - fallback='float32') - args.rescale_before_lm_head = config.getboolean( - component, 'tie_word_embeddings' - ) # default is True (for T5), but False for Flan-T5 - args.encoder_hidden_size = config.getint('decoder', 'hidden_size') - args.encoder_num_heads = config.getint('decoder', 'num_heads') - args.encoder_head_size = config.getint('decoder', 'd_kv') - args.position_embedding_type = config.get( - 'structure', 'position_embedding_type') - args.decoder_start_token_id = config.getint( - 'decoder', 'decoder_start_token_id') - args.eos_token_id = config.getint('decoder', 'eos_token_id') - bos_token_id = config.get('decoder', 'bos_token_id') - # pix2struct does not have bos_token_id - args.bos_token_id = int( - bos_token_id) if bos_token_id != "None" else None - args.pad_token_id = config.getint('decoder', 'pad_token_id') - - else: - assert False, 'Unsupported component!' - return args - - decoder_args = parse_pix2struct_config_by_component(config, "decoder", args) - return None, decoder_args - - -def convert_pix2struct_weights_to_tllm_safetensors(config, component, params): - weights = {} - - mapping = config.mapping - - convert_weight_to_dtype(params, config.dtype) - hidden_size = config.hidden_size - ffn_hidden_size = config.intermediate_size - num_layers = config.num_hidden_layers - n_head = config.num_attention_heads - head_size = config.head_size - attention_hidden_size = n_head * head_size # head size * num_heads not necessarily equals hidden_dim, such as Flan-T5 - - hf_param_prefix = f'{component}' - trtllm_layer_name = f'{component}_layers' - trtllm_attn_layer_name = 'self_attention' - trtllm_attn_layernorm_name = 'self_attention_layernorm' - - def get_attn_module_name(component, layer, attn_type): - return f'{component}.layer.{int(layer)}.{attn_type}.attention' - - weights['embedding.vocab_embedding.weight'] = reshape( - params[f'{hf_param_prefix}.embed_tokens.weight'].clone(), None) - - layers_range = mapping.pp_layers(num_layers) - for layer_idx in layers_range: - local_layer_idx = layer_idx - layers_range[0] - trtllm_layer_name_prefix = f'{trtllm_layer_name}.{local_layer_idx}' - hf_layer_name_prefix = f'{hf_param_prefix}.layer.{layer_idx}' - - hidden_layer_name_split = { - f'{hf_layer_name_prefix}.self_attention.attention.output.weight': { - "name": - f'{trtllm_layer_name_prefix}.{trtllm_attn_layer_name}.dense.weight', - "shape": - (hidden_size, attention_hidden_size // mapping.tp_size), - "split_dim": -1 - }, - f'{hf_layer_name_prefix}.mlp.DenseReluDense.wo.weight': { - "name": f'{trtllm_layer_name_prefix}.mlp.proj.weight', - "shape": (hidden_size, ffn_hidden_size // mapping.tp_size), - "split_dim": -1 - }, - f'{hf_layer_name_prefix}.mlp.DenseReluDense.wi_0.weight': { - "name": f'{trtllm_layer_name_prefix}.mlp.fc.weight', - "shape": (ffn_hidden_size // mapping.tp_size, hidden_size), - "split_dim": 0 - }, - } - - hidden_layer_name_no_split = { - f'{hf_layer_name_prefix}.self_attention.layer_norm.weight': { - "name": - f'{trtllm_layer_name_prefix}.{trtllm_attn_layernorm_name}.weight', - "shape": None - }, - f'{hf_layer_name_prefix}.mlp.layer_norm.weight': { - "name": f'{trtllm_layer_name_prefix}.mlp_layernorm.weight', - "shape": None - }, - } - - if config.gated_act: - hidden_layer_name_split.update({ - f'{hf_layer_name_prefix}.mlp.DenseReluDense.wi_1.weight': { - "name": f'{trtllm_layer_name_prefix}.mlp.gate.weight', - "shape": (ffn_hidden_size // mapping.tp_size, hidden_size), - "split_dim": 0 - }, - }) - - hidden_layer_name_split.update({ - f'{hf_layer_name_prefix}.encoder_decoder_attention.attention.output.weight': - { - "name": - f'{trtllm_layer_name_prefix}.cross_attention.dense.weight', - "shape": - (hidden_size, attention_hidden_size // mapping.tp_size), - "split_dim": -1 - }, - }) - hidden_layer_name_no_split.update({ - f'{hf_layer_name_prefix}.encoder_decoder_attention.layer_norm.weight': - { - "name": - f'{trtllm_layer_name_prefix}.cross_attention_layernorm.weight', - "shape": None - }, - }) - self_attn_module_name = get_attn_module_name( - component, layer_idx, 'encoder_decoder_attention') - weights.update( - fuse_qkv_one_layer( - params, self_attn_module_name, - f'{trtllm_layer_name_prefix}.cross_attention', mapping.tp_size, - mapping.tp_rank, config.model_type, - (attention_hidden_size * 3 // mapping.tp_size, hidden_size), - None)) - - self_attn_module_name = get_attn_module_name(component, layer_idx, - 'self_attention') - weights.update( - fuse_qkv_one_layer( - params, self_attn_module_name, - f'{trtllm_layer_name_prefix}.{trtllm_attn_layer_name}', - mapping.tp_size, mapping.tp_rank, config.model_type, - (attention_hidden_size * 3 // mapping.tp_size, hidden_size), - None)) - - weights[ - f'{trtllm_layer_name_prefix}.{trtllm_attn_layer_name}.rel_attn_table'] = reshape( - split( - params[ - f'{component}.layer.0.self_attention.attention.relative_attention_bias.weight'] - .T, mapping.tp_size, mapping.tp_rank, 0), - (n_head // mapping.tp_size, config.num_buckets)) - - for hf_weight_name, weight_info in hidden_layer_name_split.items(): - if hf_weight_name in params.keys(): - weights[weight_info["name"]] = reshape( - split(params[hf_weight_name], - mapping.tp_size, - mapping.tp_rank, - dim=weight_info["split_dim"]), weight_info["shape"]) - for hf_weight_name, weight_info in hidden_layer_name_no_split.items(): - if hf_weight_name in params.keys(): - weights[weight_info["name"]] = reshape( - params[hf_weight_name].clone(), shape=weight_info["shape"]) - - weights[f'final_layernorm.weight'] = reshape( - params[f'{component}.final_layer_norm.weight'].clone(), None) - - weights['lm_head.weight'] = reshape( - split(params[f'{component}.lm_head.weight'], - mapping.tp_size, - mapping.tp_rank, - dim=0), (config.vocab_size // mapping.tp_size, hidden_size)) - if not config.use_implicit_relative_attention: - weights[f'rel_attn_table'] = reshape( - split( - params[ - f'{component}.layer.0.self_attention.attention.relative_attention_bias.weight'] - .T, mapping.tp_size, mapping.tp_rank, 0), - (n_head // mapping.tp_size, config.num_buckets)) - - return weights - - -def get_model(args): - if args.model_type == "t5": - model = T5ForConditionalGeneration.from_pretrained(args.model_dir) - elif args.model_type == "nmt": - from fairseq.models.transformer import TransformerModel - model = TransformerModel.from_pretrained(args.model_dir) - elif args.model_type == "bart": - if args.nougat: - model = VisionEncoderDecoderModel.from_pretrained(args.model_dir) - model = model.get_decoder() - else: - model = AutoModelForSeq2SeqLM.from_pretrained(args.model_dir) - elif args.model_type == "pix2struct": - model = Pix2StructForConditionalGeneration.from_pretrained( - args.model_dir) - elif args.model_type == "blip2": - model = Blip2ForConditionalGeneration.from_pretrained( - args.model_dir).language_model - return model - - -def convert_checkpoint(args): - - model = get_model(args) - - saved_dir = Path(args.output_dir) - saved_dir.mkdir(parents=True, exist_ok=True) - - encoder_saved_dir = saved_dir / "encoder" - encoder_saved_dir.mkdir(parents=True, exist_ok=True) - decoder_saved_dir = saved_dir / "decoder" - decoder_saved_dir.mkdir(parents=True, exist_ok=True) - - world_size = args.tp_size * args.pp_size - - kv_cache_quant_algo = None - quant_algo = None - - model_type = args.model_type if args.model_type != "blip2" else "t5" - encoder_config, decoder_config = globals()[f'parse_{model_type}_config']( - args, model) - - additional_settings = ["gated_act"] - - if not args.nougat and args.model_type != "pix2struct": - tllm_encoder_config = { - 'architecture': "EncoderModel", - 'dtype': args.dtype, - 'logits_dtype': encoder_config.logits_dtype, - 'num_hidden_layers': encoder_config.n_layer, - 'num_attention_heads': encoder_config.n_head, - 'hidden_size': encoder_config.hidden_size, - 'norm_epsilon': encoder_config.layernorm_eps, - 'vocab_size': encoder_config.vocab_size, - 'position_embedding_type': encoder_config.position_embedding_type, - 'hidden_act': encoder_config.hidden_act, - 'quantization': { - 'quant_algo': quant_algo, - 'kv_cache_quant_algo': kv_cache_quant_algo, - }, - 'mapping': { - 'world_size': world_size, - 'tp_size': args.tp_size, - 'pp_size': args.pp_size, - }, - 'use_parallel_embedding': args.use_parallel_embedding, - 'embedding_sharding_dim': args.embedding_sharding_dim, - 'max_position_embeddings': encoder_config.n_positions, - 'num_key_value_heads': encoder_config.n_head, - 'head_size': encoder_config.head_size, - 'has_position_embedding': encoder_config.has_position_embedding, - 'layernorm_type': encoder_config.layernorm_type, - 'has_attention_qkvo_bias': encoder_config.has_attention_qkvo_bias, - 'has_mlp_bias': encoder_config.has_mlp_bias, - 'has_model_final_layernorm': - encoder_config.has_model_final_layernorm, - 'has_embedding_layernorm': encoder_config.has_embedding_layernorm, - 'has_embedding_scale': encoder_config.has_embedding_scale, - 'intermediate_size': encoder_config.ffn_hidden_size, - 'q_scaling': encoder_config.q_scaling, - 'layernorm_position': encoder_config.layernorm_position, - 'mlp_type': encoder_config.mlp_type, - 'relative_attention': encoder_config.relative_attention, - 'max_distance': encoder_config.max_distance, - 'num_buckets': encoder_config.num_buckets, - 'model_type': encoder_config.model_type, - } - - for additional_setting in additional_settings: - if hasattr(encoder_config, additional_setting): - tllm_encoder_config.update({ - additional_setting: - getattr(encoder_config, additional_setting) - }) - - with (encoder_saved_dir / "config.json").open('w') as f: - json.dump(tllm_encoder_config, f, indent=4) - - encoder_convert_args = dict(params=model.state_dict(), - component="encoder") - tllm_decoder_config = { - 'architecture': "DecoderModel", - 'dtype': args.dtype, - 'logits_dtype': decoder_config.logits_dtype, - 'num_hidden_layers': decoder_config.n_layer, - 'num_attention_heads': decoder_config.n_head, - 'hidden_size': decoder_config.hidden_size, - 'norm_epsilon': decoder_config.layernorm_eps, - 'vocab_size': decoder_config.vocab_size, - 'position_embedding_type': decoder_config.position_embedding_type, - 'hidden_act': decoder_config.hidden_act, - 'quantization': { - 'quant_algo': quant_algo, - 'kv_cache_quant_algo': kv_cache_quant_algo, - }, - 'mapping': { - 'world_size': world_size, - 'tp_size': args.tp_size, - 'pp_size': args.pp_size, - }, - 'use_parallel_embedding': args.use_parallel_embedding, - 'embedding_sharding_dim': args.embedding_sharding_dim, - 'max_position_embeddings': decoder_config.n_positions, - 'head_size': decoder_config.head_size, - 'has_position_embedding': decoder_config.has_position_embedding, - 'layernorm_type': decoder_config.layernorm_type, - 'has_attention_qkvo_bias': decoder_config.has_attention_qkvo_bias, - 'has_mlp_bias': decoder_config.has_mlp_bias, - 'has_model_final_layernorm': decoder_config.has_model_final_layernorm, - 'has_embedding_layernorm': decoder_config.has_embedding_layernorm, - 'has_embedding_scale': decoder_config.has_embedding_scale, - 'intermediate_size': decoder_config.ffn_hidden_size, - 'q_scaling': decoder_config.q_scaling, - 'layernorm_position': decoder_config.layernorm_position, - 'mlp_type': decoder_config.mlp_type, - 'relative_attention': decoder_config.relative_attention, - 'max_distance': decoder_config.max_distance, - 'num_buckets': decoder_config.num_buckets, - 'model_type': decoder_config.model_type, - 'rescale_before_lm_head': decoder_config.rescale_before_lm_head, - 'encoder_hidden_size': decoder_config.encoder_hidden_size, - 'encoder_num_heads': decoder_config.encoder_num_heads, - 'encoder_head_size': decoder_config.encoder_head_size, - 'skip_cross_kv': args.skip_cross_kv, - 'use_implicit_relative_attention': args.use_implicit_relative_attention, - 'decoder_start_token_id': decoder_config.decoder_start_token_id, - 'eos_token_id': decoder_config.eos_token_id, - 'bos_token_id': decoder_config.bos_token_id, - 'pad_token_id': decoder_config.pad_token_id, - } - for additional_setting in additional_settings: - if hasattr(decoder_config, additional_setting): - tllm_decoder_config.update({ - additional_setting: - getattr(decoder_config, additional_setting) - }) - - with (decoder_saved_dir / "config.json").open('w') as f: - json.dump(tllm_decoder_config, f, indent=4) - - decoder_convert_args = dict(params=model.state_dict(), component="decoder") - - if args.model_type == "nmt": - fairseq_config = vars(model.cfg.model) # Namespace --> dict - num_embeddings = fairseq_config['max_source_positions'] - embedding_dim = fairseq_config['encoder_embed_dim'] - padding_idx = model.models[0].encoder.embed_tokens.padding_idx # 1 - - sin_pos_embedding = model.models[ - 0].encoder.embed_positions.get_embedding( - padding_idx + 1 + num_embeddings, - embedding_dim, - padding_idx=padding_idx) # [2 + num_embeddings, embed_dim] - sin_pos_embedding = sin_pos_embedding[2:, :] # remove offset embeddings - - encoder_convert_args["sin_pos_embedding"] = sin_pos_embedding - decoder_convert_args["sin_pos_embedding"] = sin_pos_embedding - - if args.workers == 1: - if not args.nougat and args.model_type != "pix2struct": - convert(0, world_size, args, tllm_encoder_config, - encoder_convert_args, encoder_saved_dir) - convert(0, world_size, args, tllm_decoder_config, decoder_convert_args, - decoder_saved_dir) - else: - if args.workers > world_size: - args.workers = world_size - LOGGER.info(f'Convert checkpoint using {args.workers} workers.') - import torch.multiprocessing as mp - if not args.nougat and args.model_type != "pix2struct": - mp.spawn(convert, - nprocs=args.workers, - args=(world_size, args, tllm_encoder_config, - encoder_convert_args, encoder_saved_dir)) - mp.spawn(convert, - nprocs=args.workers, - args=(world_size, args, tllm_decoder_config, - decoder_convert_args, decoder_saved_dir)) - - -def convert(worker_rank, world_size, args, model_config, convert_args, - saved_dir): - for rank in range(worker_rank, world_size, args.workers): - rank_config = copy.deepcopy(PretrainedConfig.from_dict(model_config)) - rank_config.set_rank(rank) - weights = globals( - )[f'convert_{rank_config.model_type}_weights_to_tllm_safetensors']( - config=rank_config, **convert_args) - safetensors.torch.save_file(weights, - f'{saved_dir}/rank{rank}.safetensors') - - -if __name__ == "__main__": - parser = argparse.ArgumentParser( - formatter_class=argparse.RawTextHelpFormatter) - parser.add_argument( - '--model_type', - type=str, - default='t5', - choices=['t5', 'nmt', 'bart', 'pix2struct', 'blip2'], - help= - 'Multimodal type when this script is used for multimodal conversion.') - - parser.add_argument('--tp_size', - type=int, - default=1, - help='N-way tensor parallelism size') - parser.add_argument('--pp_size', - type=int, - default=1, - help='N-way pipeline parallelism size') - parser.add_argument("--model_dir", - "-i", - type=str, - help="Path to the framework checkpoint file", - required=True) - parser.add_argument("--output_dir", - "-o", - type=str, - help="Path to the converted TRT-LLM model weight file", - required=True) - parser.add_argument( - "--workers", - type=int, - help="How many workers to spawn for conversion (default: 4)", - default=4) - parser.add_argument("--nougat", - action="store_true", - help="Model which uses vision encoder + mbart decoder") - parser.add_argument("--verbose", - action="store_true", - help="Provide verbose messages") - parser.add_argument( - '--use_parallel_embedding', - action="store_true", - default=False, - help= - 'By default embedding parallelism is disabled. By setting this flag, embedding parallelism is enabled' - ) - parser.add_argument( - '--embedding_sharding_dim', - type=int, - default=0, - choices=[0, 1], - help= - 'By default the embedding lookup table is sharded along vocab dimension (embedding_sharding_dim=0). ' - 'To shard it along hidden dimension, set embedding_sharding_dim=1' - 'Note: embedding sharding is only enabled when embedding_sharding_dim = 0' - ) - parser.add_argument( - '--use_weight_only', - default=False, - action="store_true", - help='Quantize weights for the various GEMMs to INT4/INT8.' - 'See --weight_only_precision to set the precision') - parser.add_argument( - '--weight_only_precision', - const='int8', - type=str, - nargs='?', - default='int8', - choices=['int8', 'int4'], - help= - 'Define the precision for the weights when using weight-only quantization.' - 'You must also use --use_weight_only for that argument to have an impact.' - ) - parser.add_argument( - '--dtype', - type=str, - default='float16', - choices=['float16', 'float32', 'bfloat16'], - help= - 'Target inference dtype. Weights and Computation will be in this dtype, no matter what original dtype the weight checkpoint has.' - ) - parser.add_argument( - '--skip_cross_kv', - action='store_true', - help= - 'Skip redundant cross qkv computation by using TensorRT IfConditional switch (experimental).' - ) - parser.add_argument( - '--use_implicit_relative_attention', - action='store_true', - help= - 'Compute relative attention bias on the fly instead of pre-compute a relative attention bias table.' - ) - args = parser.parse_args() - log_format = "%(asctime)s %(name)s [%(levelname)s] %(message)s" - logging.basicConfig(level=logging.DEBUG if args.verbose else logging.INFO, - format=log_format) - LOGGER.info("\n=============== Argument ===============") - for key in vars(args): - LOGGER.info(f"{key}: {vars(args)[key]}") - LOGGER.info("========================================") - - start_time = datetime.now() - convert_checkpoint(args) - stop_time = datetime.now() - run_time = (stop_time - start_time) - LOGGER.info("Spend {} (h:m:s) to convert the model".format(run_time)) diff --git a/deployment/tensorrt_llm/convert/helper.py b/deployment/tensorrt_llm/convert/helper.py deleted file mode 100644 index 0d65242c643e8945069aced3a39e15f4794b5fe5..0000000000000000000000000000000000000000 --- a/deployment/tensorrt_llm/convert/helper.py +++ /dev/null @@ -1,95 +0,0 @@ -# copied from: https://github.com/NVIDIA/TensorRT-LLM/blob/v0.18.1/examples/enc_dec/helper.py - -import typing -from typing import Union - -import numpy as np -import torch # pytype: disable=import-error - -from tensorrt_llm._utils import str_dtype_to_torch - - -def split(v: Union[np.ndarray, torch.Tensor], - tp_size: int, - tp_rank: int, - dim=0): - if tp_size == 1: - if isinstance(v, np.ndarray): - return np.ascontiguousarray(v.copy()) - else: - return v.clone().detach() - assert len(v.shape) > 1 or dim == 0 - if isinstance(v, np.ndarray): - return np.ascontiguousarray( - np.split(v, tp_size, axis=dim)[tp_rank].copy()) - else: - assert v.shape[dim] % tp_size == 0, \ - 'Unable to split: shape={v.shape} (dim={dim}) tp_size={tp_size}.' - split_size = v.shape[dim] // tp_size - return v.split(split_size, dim=dim)[tp_rank].clone().detach() - - -def reshape(v: torch.Tensor, shape=None): - if shape is None: - return v.contiguous() - else: - return v.reshape(shape).contiguous() - - -def fuse_qkv_one_layer(params, attn_module_name, trtllm_layer_name, tp_size, - tp_rank, model_type, weight_shape, bias_shape): - - qkv_module_names = get_qkv_module_name(model_type) - - weight = {} - - # fuse weights of q, k, v - q_w = params[f'{attn_module_name}.{qkv_module_names["q"]}.weight'] - k_w = params[f'{attn_module_name}.{qkv_module_names["k"]}.weight'] - v_w = params[f'{attn_module_name}.{qkv_module_names["v"]}.weight'] - - # fuse qkv weight - shape = q_w.shape # (do, din) - qkv_w = torch.cat([q_w, k_w, v_w], - dim=0).reshape([3, shape[0], shape[1]]) # (3, do, din) - qkv_w = split(qkv_w, tp_size, tp_rank, dim=1) - weight[f'{trtllm_layer_name}.qkv.weight'] = reshape(qkv_w, - shape=weight_shape) - - # fuse qkv biases if present - if f'{attn_module_name}.{qkv_module_names["q"]}.bias' in params.keys( - ) and params[f'{attn_module_name}.{qkv_module_names["q"]}.bias'] is not None: - q_b = params[f'{attn_module_name}.{qkv_module_names["q"]}.bias'] - k_b = params[f'{attn_module_name}.{qkv_module_names["k"]}.bias'] - v_b = params[f'{attn_module_name}.{qkv_module_names["v"]}.bias'] - shape = q_b.shape[0] # (do,) - qkv_b = torch.cat([q_b, k_b, v_b], dim=0).reshape([3, shape]) # (3, do) - qkv_b = split(qkv_b, tp_size, tp_rank, dim=1) - weight[f'{trtllm_layer_name}.qkv.bias'] = reshape(qkv_b, - shape=bias_shape) - return weight - - -def get_qkv_module_name(model_type): - if model_type in ["t5", "blip2"]: - q = "q" - k = "k" - v = "v" - elif model_type == "bart" or model_type == "nmt": - q = "q_proj" - k = "k_proj" - v = "v_proj" - elif model_type == "pix2struct": - q = "query" - k = "key" - v = "value" - return {"q": q, "k": k, "v": v} - - -def convert_weight_to_dtype(params: typing.Dict[str, torch.Tensor], - dtype: typing.Optional[np.dtype] = None): - if dtype is not None: - assert isinstance(dtype, - str), f"dtype must be str, but get type {type(dtype)}" - for name in params.keys(): - params[name] = params[name].to(str_dtype_to_torch(dtype)) diff --git a/deployment/tensorrt_llm/convert_dolphin.sh b/deployment/tensorrt_llm/convert_dolphin.sh deleted file mode 100644 index 252822e409facb49fc5d685123a27b8564d893d9..0000000000000000000000000000000000000000 --- a/deployment/tensorrt_llm/convert_dolphin.sh +++ /dev/null @@ -1,47 +0,0 @@ -#!/usr/bin/env bash -set -ex - -############################################################################################ -# Reference: https://github.com/NVIDIA/TensorRT-LLM/tree/v0.18.2/examples/multimodal#nougat -############################################################################################ - -export LD_LIBRARY_PATH=/usr/local/lib/python3.10/site-packages/tensorrt_libs/:/usr/local/lib/python3.10/site-packages/nvidia/cudnn/lib/:$LD_LIBRARY_PATH - -# 1. Download Huggingface weights -export MODEL_NAME="Dolphin" -git clone https://huggingface.co/Bytedance/${MODEL_NAME} tmp/hf_models/${MODEL_NAME} - - -export MAX_BATCH_SIZE=16 -export MAX_SEQ_LEN=4096 -export MAX_INPUT_LEN=10 -export MAX_ENCODER_INPUT_LEN=784 - -# 2. Convert Huggingface weights into TRT-LLM checkpoints and build TRT engines using scripts in examples/enc_dec -python ./convert/convert_checkpoint.py --model_type bart \ - --model_dir tmp/hf_models/${MODEL_NAME} \ - --output_dir tmp/trt_models/${MODEL_NAME}/bfloat16 \ - --tp_size 1 \ - --pp_size 1 \ - --dtype bfloat16 \ - --nougat - - -trtllm-build --checkpoint_dir tmp/trt_models/${MODEL_NAME}/bfloat16/decoder \ - --output_dir tmp/trt_engines/${MODEL_NAME}/1-gpu/bfloat16/decoder \ - --paged_kv_cache disable \ - --moe_plugin disable \ - --gemm_plugin bfloat16 \ - --bert_attention_plugin bfloat16 \ - --gpt_attention_plugin bfloat16 \ - --remove_input_padding enable \ - --max_beam_width 1 \ - --max_batch_size ${MAX_BATCH_SIZE} \ - --max_seq_len ${MAX_SEQ_LEN} \ - --max_input_len ${MAX_INPUT_LEN} \ - --max_encoder_input_len $((${MAX_BATCH_SIZE} * ${MAX_ENCODER_INPUT_LEN})) # MAX_BATCH_SIZE (max_batch_size) * MAX_ENCODER_INPUT_LEN (num_visual_features) - -# 3. Generate TensorRT engines for visual components and combine everything into final pipeline. -python ./convert/build_visual_engine.py --model_type nougat \ - --model_path tmp/hf_models/${MODEL_NAME} \ - --max_batch_size ${MAX_BATCH_SIZE} \ No newline at end of file diff --git a/deployment/tensorrt_llm/dolphin_runner.py b/deployment/tensorrt_llm/dolphin_runner.py deleted file mode 100644 index 6985330b8986d25fe6bf90efd2c8a63adba2fda1..0000000000000000000000000000000000000000 --- a/deployment/tensorrt_llm/dolphin_runner.py +++ /dev/null @@ -1,220 +0,0 @@ -""" -Copyright (c) 2025 Bytedance Ltd. and/or its affiliates -SPDX-License-Identifier: MIT -""" - -import json -import os -from typing import Optional - -import tensorrt_llm -import tensorrt_llm.profiler as profiler -import torch -from PIL import Image -from pydantic import BaseModel, Field -from tensorrt_llm import logger -from tensorrt_llm import mpi_rank -from tensorrt_llm.runtime import MultimodalModelRunner -from transformers import AutoTokenizer, DonutProcessor - - -class InferenceConfig(BaseModel): - max_new_tokens: int = Field(128, description="Maximum new tokens to generate") - batch_size: int = Field(1, description="Batch size for inference") - log_level: str = Field("info", description="Logging level") - visual_engine_dir: Optional[str] = Field(None, description="Directory for visual engine files") - visual_engine_name: str = Field("model.engine", description="Visual engine filename") - llm_engine_dir: Optional[str] = Field(None, description="Directory for LLM engine files") - hf_model_dir: Optional[str] = Field(None, description="Hugging Face model directory") - input_text: Optional[str] = Field(None, description="Input text for inference") - num_beams: int = Field(1, description="Number of beams for beam search") - top_k: int = Field(1, description="Top-k sampling value") - top_p: float = Field(0.0, description="Top-p (nucleus) sampling value") - temperature: float = Field(1.0, description="Sampling temperature") - repetition_penalty: float = Field(1.0, description="Repetition penalty factor") - run_profiling: bool = Field(False, description="Enable profiling mode") - profiling_iterations: int = Field(20, description="Number of profiling iterations") - check_accuracy: bool = Field(False, description="Enable accuracy checking") - video_path: Optional[str] = Field(None, description="Path to input video file") - video_num_frames: Optional[int] = Field(None, description="Number of video frames to process") - image_path: Optional[str] = Field(None, description="Path to input image file") - path_sep: str = Field(",", description="Path separator character") - prompt_sep: str = Field(",", description="Prompt separator character") - enable_context_fmha_fp32_acc: Optional[bool] = Field( - None, - description="Enable FP32 accumulation for context FMHA" - ) - enable_chunked_context: bool = Field(False, description="Enable chunked context processing") - use_py_session: bool = Field(False, description="Use Python session instead of C++") - kv_cache_free_gpu_memory_fraction: float = Field( - 0.9, - description="Fraction of GPU memory free for KV cache", - ge=0.0, le=1.0 - ) - cross_kv_cache_fraction: float = Field( - 0.5, - description="Fraction of cross-attention KV cache", - ge=0.0, le=1.0 - ) - multi_block_mode: bool = Field(True, description="Enable multi-block processing mode") - - -class DolphinRunner(MultimodalModelRunner): - def __init__(self, args): - self.args = args - - self.runtime_rank = mpi_rank() - device_id = self.runtime_rank % torch.cuda.device_count() - torch.cuda.set_device(device_id) - self.device = "cuda:%d" % (device_id) - - self.stream = torch.cuda.Stream(torch.cuda.current_device()) - torch.cuda.set_stream(self.stream) - - # parse model type from visual engine config - with open(os.path.join(self.args.visual_engine_dir, "config.json"), - "r") as f: - config = json.load(f) - self.model_type = config['builder_config']['model_type'] - self.vision_precision = config['builder_config']['precision'] - self.decoder_llm = not ( - 't5' in self.model_type - or self.model_type in ['nougat', 'pix2struct'] - ) # BLIP2-T5, pix2struct and Nougat are using encoder-decoder models as LLMs - - if self.model_type == "mllama": - self.vision_input_names = [ - "pixel_values", - "aspect_ratio_ids", - "aspect_ratio_mask", - ] - self.vision_output_names = [ - "output", - ] - else: - self.vision_input_names = ["input"] - self.vision_output_names = ["output"] - - self.use_py_session = True - - self.init_image_encoder() - self.init_tokenizer() - self.init_processor() - self.init_llm() - - def init_tokenizer(self): - assert self.model_type == 'nougat' - self.tokenizer = AutoTokenizer.from_pretrained(self.args.hf_model_dir) - self.tokenizer.padding_side = "right" - - def init_processor(self): - assert self.model_type == 'nougat' - self.processor = DonutProcessor.from_pretrained(self.args.hf_model_dir, use_fast=True) - - def run(self, input_texts, input_images, max_new_tokens): - prompts = [f"{text.strip()} " for text in input_texts] - images = self.processor(input_images, return_tensors="pt")['pixel_values'].to("cuda") - prompt_ids = self.tokenizer(prompts, add_special_tokens=False, return_tensors="pt").input_ids.to("cuda") - - # 🚨🚨🚨 Important! If the type of prompt_ids is not int32, the output will be wrong. 🚨🚨🚨 - prompt_ids = prompt_ids.to(torch.int32) - - logger.info("---------------------------------------------------------") - logger.info(f"images size: {images.size()}") - logger.info(f"prompt_ids: {prompt_ids}, size: {prompt_ids.size()}, dtype: {prompt_ids.dtype}") - logger.info("---------------------------------------------------------") - - output_texts = self.generate(input_texts, - [None] * len(input_texts), - images, - prompt_ids, - max_new_tokens, - warmup=False, - ) - - return output_texts - - def generate(self, - pre_prompt, - post_prompt, - image, - decoder_input_ids, - max_new_tokens, - warmup=False, - other_vision_inputs={}, - other_decoder_inputs={}): - if not warmup: - profiler.start("Generate") - input_ids, input_lengths, ptuning_args, visual_features = self.preprocess( - warmup, pre_prompt, post_prompt, image, other_vision_inputs) - - if warmup: return None - - # use prompt tuning to pass multimodal features - # model.generate() expects the following params (see layers/embedding.py): - # args[0]: prompt embedding table, [batch_size, multimodal_len, hidden_size], later flattened to [batch_size * multimodal_len, hidden_size] - # args[1]: prompt task ids, [batch_size]. in multimodal case, arange(batch_size), i.e. in VILA batching mode 2, each image is treated separately in the batch instead of concated together (although the prompt embedding table has to be concated) - # args[2]: prompt task vocab size, [1]. assuming all table has the same length, which in multimodal case equals to multimodal_len - profiler.start("LLM") - if self.model_type in ['nougat', 'pix2struct']: - # Trim encoder input_ids to match visual features shape - ids_shape = (min(self.args.batch_size, len(pre_prompt)), visual_features.shape[1]) - if self.model_type == 'nougat': - input_ids = torch.zeros(ids_shape, dtype=torch.int32) - elif self.model_type == 'pix2struct': - input_ids = torch.ones(ids_shape, dtype=torch.int32) - - output_ids = self.model.generate( - input_ids, - decoder_input_ids, - max_new_tokens, - num_beams=self.args.num_beams, - bos_token_id=self.tokenizer.bos_token_id, - pad_token_id=self.tokenizer.pad_token_id, - eos_token_id=self.tokenizer.eos_token_id, - debug_mode=False, - prompt_embedding_table=ptuning_args[0], - prompt_tasks=ptuning_args[1], - prompt_vocab_size=ptuning_args[2], - ) - profiler.stop("LLM") - - if mpi_rank() == 0: - # Extract a list of tensors of shape beam_width x output_ids. - output_beams_list = [ - self.tokenizer.batch_decode( - output_ids[batch_idx, :, decoder_input_ids.shape[1]:], - skip_special_tokens=False) for batch_idx in range( - min(self.args.batch_size, decoder_input_ids.shape[0])) - ] - - stripped_text = [[ - output_beams_list[batch_idx][beam_idx].replace("", "").replace("", "").strip() - for beam_idx in range(self.args.num_beams) - ] for batch_idx in range( - min(self.args.batch_size, decoder_input_ids.shape[0]))] - profiler.stop("Generate") - return stripped_text - else: - profiler.stop("Generate") - return None - - -if __name__ == "__main__": - config = InferenceConfig( - max_new_tokens=4024, - batch_size=16, - log_level="info", - hf_model_dir=f"./tmp/hf_models/Dolphin", - visual_engine_dir=f"./tmp/trt_engines/Dolphin/vision_encoder", - llm_engine_dir=f"./tmp/trt_engines/Dolphin/1-gpu/bfloat16", - ) - - model = DolphinRunner(config) - - image_path = "../../demo/page_imgs/page_1.jpeg" - prompt = "Parse the reading order of this document." - image = Image.open(image_path).convert("RGB") - output_texts = model.run([prompt], [image], 4024) - output_texts = [texts[0] for texts in output_texts] - print(output_texts) diff --git a/deployment/tensorrt_llm/run_dolphin.py b/deployment/tensorrt_llm/run_dolphin.py deleted file mode 100644 index 947de52034218e33038b140e6e71828ef4b91832..0000000000000000000000000000000000000000 --- a/deployment/tensorrt_llm/run_dolphin.py +++ /dev/null @@ -1,106 +0,0 @@ -""" -Copyright (c) 2025 Bytedance Ltd. and/or its affiliates -SPDX-License-Identifier: MIT -""" - -import argparse -import os - -import tensorrt_llm -import tensorrt_llm.profiler as profiler -from PIL import Image -from tensorrt_llm import logger -from tensorrt_llm import mpi_rank -from tensorrt_llm.runtime import MultimodalModelRunner - -from dolphin_runner import DolphinRunner -from utils import add_common_args - -os.environ["TOKENIZERS_PARALLELISM"] = "false" - - -def print_result(model, input_text, output_text, args): - logger.info("---------------------------------------------------------") - logger.info(f"\n[Q] {input_text}") - for i in range(len(output_text)): - logger.info(f"\n[A]: {output_text[i]}") - - if args.num_beams == 1: - output_ids = model.tokenizer(output_text[0][0], - add_special_tokens=False)['input_ids'] - logger.info(f"Generated {len(output_ids)} tokens") - - if args.check_accuracy: - if model.model_type != 'nougat': - if model.model_type == "vila": - for i in range(len(args.image_path.split(args.path_sep))): - if i % 2 == 0: - assert output_text[i][0].lower( - ) == "the image captures a bustling city intersection teeming with life. from the perspective of a car's dashboard camera, we see" - else: - assert output_text[i][0].lower( - ) == "the image captures the iconic merlion statue in singapore, a renowned worldwide landmark. the merlion, a mythical" - elif model.model_type == "llava": - for i in range(len(args.image_path.split(args.path_sep))): - assert output_text[i][0].lower() == 'singapore' - elif model.model_type == 'fuyu': - assert output_text[0][0].lower() == '4' - elif model.model_type == "pix2struct": - assert "characteristic | cat food, day | cat food, wet | cat treats" in output_text[ - 0][0].lower() - elif model.model_type in [ - 'blip2', 'neva', 'phi-3-vision', 'llava_next' - ]: - assert 'singapore' in output_text[0][0].lower() - elif model.model_type == 'video-neva': - assert 'robot' in output_text[0][0].lower() - elif model.model_type == 'kosmos-2': - assert 'snowman' in output_text[0][0].lower() - elif model.model_type == "mllama": - if "If I had to write a haiku for this one" in input_text: - assert "it would be:.\\nPeter Rabbit is a rabbit.\\nHe lives in a" in output_text[ - 0][0] or "Here is a haiku for the image:\n\n" in output_text[ - 0][0], f"expected results: 'it would be:.\\nPeter Rabbit is a rabbit.\\nHe lives in a', generated results: '{output_text[0][0]}'" - elif "The key to life is" in input_text: - assert "to find your passion and pursue it with all your heart." in output_text[ - 0][0] or "not to be found in the external world," in output_text[ - 0][0], f"expected results: 'to find your passion and pursue it with all your heart.', generated results: '{output_text[0][0]}'" - elif model.model_type == 'llava_onevision': - if args.video_path is None: - assert 'singapore' in output_text[0][0].lower() - else: - assert 'the video is funny because the child\'s actions are' in output_text[ - 0][0].lower() - elif model.model_type == "qwen2_vl": - assert 'dog' in output_text[0][0].lower() - else: - assert output_text[0][0].lower() == 'singapore' - - if args.run_profiling: - msec_per_batch = lambda name: 1000 * profiler.elapsed_time_in_sec( - name) / args.profiling_iterations - logger.info('Latencies per batch (msec)') - logger.info('TRT vision encoder: %.1f' % (msec_per_batch('Vision'))) - logger.info('TRTLLM LLM generate: %.1f' % (msec_per_batch('LLM'))) - logger.info('Multimodal generate: %.1f' % (msec_per_batch('Generate'))) - - logger.info("---------------------------------------------------------") - - -if __name__ == '__main__': - parser = argparse.ArgumentParser() - parser = add_common_args(parser) - args = parser.parse_args() - logger.set_level(args.log_level) - - model = DolphinRunner(args) - - input_image = Image.open(args.image_path[0]).convert('RGB') - num_iters = args.profiling_iterations if args.run_profiling else 1 - - for _ in range(num_iters): - output_texts = model.run(args.input_text, [input_image], args.max_new_tokens) - - runtime_rank = tensorrt_llm.mpi_rank() - if runtime_rank == 0: - print_result(model, args.input_text, output_texts, args) diff --git a/deployment/tensorrt_llm/run_dolphin.sh b/deployment/tensorrt_llm/run_dolphin.sh deleted file mode 100644 index affefa64b1405083e073c9c31febf3492a0ae2c9..0000000000000000000000000000000000000000 --- a/deployment/tensorrt_llm/run_dolphin.sh +++ /dev/null @@ -1,47 +0,0 @@ -#!/usr/bin/env bash -set -ex - -export MODEL_NAME="Dolphin" - -python run_dolphin.py \ - --batch_size 1 \ - --hf_model_dir tmp/hf_models/${MODEL_NAME} \ - --visual_engine_dir tmp/trt_engines/${MODEL_NAME}/vision_encoder \ - --llm_engine_dir tmp/trt_engines/${MODEL_NAME}/1-gpu/bfloat16 \ - --max_new_tokens 4096 \ - --repetition_penalty 1.0 \ - --input_text "Parse the reading order of this document." \ - --image_path "../../demo/page_imgs/page_1.jpeg" - - -python run_dolphin.py \ - --batch_size 1 \ - --hf_model_dir tmp/hf_models/${MODEL_NAME} \ - --visual_engine_dir tmp/trt_engines/${MODEL_NAME}/vision_encoder \ - --llm_engine_dir tmp/trt_engines/${MODEL_NAME}/1-gpu/bfloat16 \ - --max_new_tokens 4096 \ - --repetition_penalty 1.0 \ - --input_text "Read text in the image." \ - --image_path "../../demo/element_imgs/block_formula.jpeg" - - -python run_dolphin.py \ - --batch_size 1 \ - --hf_model_dir tmp/hf_models/${MODEL_NAME} \ - --visual_engine_dir tmp/trt_engines/${MODEL_NAME}/vision_encoder \ - --llm_engine_dir tmp/trt_engines/${MODEL_NAME}/1-gpu/bfloat16 \ - --max_new_tokens 4096 \ - --repetition_penalty 1.0 \ - --input_text "Read text in the image." \ - --image_path "../../demo/element_imgs/para_1.jpg" - - -python run_dolphin.py \ - --batch_size 1 \ - --hf_model_dir tmp/hf_models/${MODEL_NAME} \ - --visual_engine_dir tmp/trt_engines/${MODEL_NAME}/vision_encoder \ - --llm_engine_dir tmp/trt_engines/${MODEL_NAME}/1-gpu/bfloat16 \ - --max_new_tokens 4096 \ - --repetition_penalty 1.0 \ - --input_text "Parse the table in the image." \ - --image_path "../../demo/element_imgs/table_1.jpeg" diff --git a/deployment/tensorrt_llm/start_dolphin_server.sh b/deployment/tensorrt_llm/start_dolphin_server.sh deleted file mode 100644 index 128f0a3e346be2842c672228ec7df962261923bd..0000000000000000000000000000000000000000 --- a/deployment/tensorrt_llm/start_dolphin_server.sh +++ /dev/null @@ -1,10 +0,0 @@ -#!/usr/bin/env bash -set -ex - -export MODEL_NAME="Dolphin" - -python api_server.py \ - --hf_model_dir tmp/hf_models/${MODEL_NAME} \ - --visual_engine_dir tmp/trt_engines/${MODEL_NAME}/vision_encoder \ - --llm_engine_dir tmp/trt_engines/${MODEL_NAME}/1-gpu/bfloat16 \ - --max_batch_size 16 \ No newline at end of file diff --git a/deployment/tensorrt_llm/utils.py b/deployment/tensorrt_llm/utils.py deleted file mode 100644 index d7ac44c3ad711307d30e4c06ed32ca4b0e9de02b..0000000000000000000000000000000000000000 --- a/deployment/tensorrt_llm/utils.py +++ /dev/null @@ -1,95 +0,0 @@ -def add_common_args(parser): - parser.add_argument('--max_new_tokens', type=int, default=128) - parser.add_argument('--batch_size', type=int, default=1) - parser.add_argument('--log_level', type=str, default='info') - parser.add_argument('--visual_engine_dir', - type=str, - default=None, - help='Directory containing visual TRT engines') - parser.add_argument('--visual_engine_name', - type=str, - default='model.engine', - help='Name of visual TRT engine') - parser.add_argument('--llm_engine_dir', - type=str, - default=None, - help='Directory containing TRT-LLM engines') - parser.add_argument('--hf_model_dir', - type=str, - default=None, - help="Directory containing tokenizer") - parser.add_argument('--input_text', - type=str, - nargs='+', - default=None, - help='Text prompt to LLM') - parser.add_argument('--num_beams', - type=int, - help="Use beam search if num_beams >1", - default=1) - parser.add_argument('--top_k', type=int, default=1) - parser.add_argument('--top_p', type=float, default=0.0) - parser.add_argument('--temperature', type=float, default=1.0) - parser.add_argument('--repetition_penalty', type=float, default=1.0) - parser.add_argument('--run_profiling', - action='store_true', - help='Profile runtime over several iterations') - parser.add_argument('--profiling_iterations', - type=int, - help="Number of iterations to run profiling", - default=20) - parser.add_argument('--check_accuracy', - action='store_true', - help='Check correctness of text output') - parser.add_argument("--image_path", - type=str, - nargs='+', - default=None, - help='List of input image paths, separated by symbol') - parser.add_argument("--path_sep", - type=str, - default=",", - help='Path separator symbol') - parser.add_argument("--prompt_sep", - type=str, - default=",", - help="Prompt separator symbol") - parser.add_argument('--enable_context_fmha_fp32_acc', - action='store_true', - default=None, - help="Enable FMHA runner FP32 accumulation.") - parser.add_argument( - '--enable_chunked_context', - action='store_true', - help='Enables chunked context (only available with cpp session).', - ) - parser.add_argument( - '--use_py_session', - default=False, - action='store_true', - help= - "Whether or not to use Python runtime session. By default C++ runtime session is used for the LLM." - ) - parser.add_argument( - '--kv_cache_free_gpu_memory_fraction', - default=0.9, - type=float, - help='Specify the free gpu memory fraction.', - ) - parser.add_argument( - '--cross_kv_cache_fraction', - default=0.5, - type=float, - help= - 'Specify the kv cache fraction reserved for cross attention. Only applicable for encoder-decoder models. By default 0.5 for self and 0.5 for cross.', - ) - parser.add_argument( - '--multi_block_mode', - type=lambda s: s.lower() in - ("yes", "true", "t", "1" - ), # custom boolean function to convert input string to boolean - default=True, - help= - "Distribute the work across multiple CUDA thread-blocks on the GPU for masked MHA kernel." - ) - return parser diff --git a/deployment/vllm/ReadMe.md b/deployment/vllm/ReadMe.md deleted file mode 100644 index 74effd5a7b0d5403bb9c5462f71929b8da44cd75..0000000000000000000000000000000000000000 --- a/deployment/vllm/ReadMe.md +++ /dev/null @@ -1,50 +0,0 @@ -

-🚀 Dolphin vLLM Demo -

- -## ✅ Introduction -The Dolphin model employs a **Swin Encoder + MBart Decoder** architecture. In the HuggingFace Transformers [Config](https://huggingface.co/ByteDance/Dolphin/blob/main/config.json), -its architectures field is specified as "VisionEncoderDecoderModel". vLLM does not natively support this architecture. -To enable vLLM deployment of the Dolphin model, we implemented two vllm plugins: [vllm-dolphin](https://github.com/hanyd2010/vllm-dolphin)[![PyPI version](https://img.shields.io/pypi/v/vllm-dolphin)](https://pypi.org/project/vllm-dolphin/) and [vllm-mbart](https://github.com/hanyd2010/vllm-mbart)[![PyPI version](https://img.shields.io/pypi/v/vllm-mbart)](https://pypi.org/project/vllm-mbart/). -We also provide Dolphin vllm demos for both offline inference and online deployment. - -## 🛠️ Installation - -``` -# Install vllm -pip install vllm>=0.9.0 - -# Install vllm-dolphin -pip install vllm-dolphin==0.1 -``` - -## ⚡ Offline Inference -``` -# predict elements reading order -python deployment/vllm/demo_vllm.py --model ByteDance/Dolphin --image_path ./demo/page_imgs/page_1.jpeg --prompt "Parse the reading order of this document." - -# recognize text/latex -python deployment/vllm/demo_vllm.py --model ByteDance/Dolphin --image_path ./demo/element_imgs/block_formula.jpeg --prompt "Read text in the image." -python deployment/vllm/demo_vllm.py --model ByteDance/Dolphin --image_path ./demo/element_imgs/para_1.jpg --prompt "Read text in the image." - -# recognize table -python deployment/vllm/demo_vllm.py --model ByteDance/Dolphin --image_path ./demo/element_imgs/table_1.jpeg --prompt "Parse the table in the image." -``` - - -## ⚡ Online Inference -``` -# 1. Start Api Server -python deployment/vllm/api_server.py --model="ByteDance/Dolphin" --hf-overrides "{\"architectures\": [\"DolphinForConditionalGeneration\"]}" - -# 2. Predict -# predict elements reading order -python deployment/vllm/api_client.py --image_path ./demo/page_imgs/page_1.jpeg --prompt "Parse the reading order of this document." - -# recognize text/latex -python deployment/vllm/api_client.py --image_path ./demo/element_imgs/block_formula.jpeg --prompt "Read text in the image." -python deployment/vllm/api_client.py --image_path ./demo/element_imgs/para_1.jpg --prompt "Read text in the image." - -# recognize table -python deployment/vllm/api_client.py --image_path ./demo/element_imgs/table_1.jpeg --prompt "Parse the table in the image." -``` \ No newline at end of file diff --git a/deployment/vllm/api_client.py b/deployment/vllm/api_client.py deleted file mode 100644 index 387dcb8bdf9971eef0e11814abd8afa911358a3a..0000000000000000000000000000000000000000 --- a/deployment/vllm/api_client.py +++ /dev/null @@ -1,104 +0,0 @@ -# SPDX-License-Identifier: Apache-2.0 -# SPDX-FileCopyrightText: Copyright contributors to the vLLM project -"""Example Python client for `vllm.entrypoints.api_server` -Start the demo server: - python -m vllm.entrypoints.api_server --model - -NOTE: The API server is used only for demonstration and simple performance -benchmarks. It is not intended for production use. -For production use, we recommend `vllm serve` and the OpenAI client API. -""" - -import argparse -import base64 -import json -from argparse import Namespace -from collections.abc import Iterable - -import requests - - -def clear_line(n: int = 1) -> None: - LINE_UP = "\033[1A" - LINE_CLEAR = "\x1b[2K" - for _ in range(n): - print(LINE_UP, end=LINE_CLEAR, flush=True) - - -def encode_image_base64(image_path: str) -> str: - """Encode local image to base64 format.""" - - with open(image_path, "rb") as f: - image_data = f.read() - result = base64.b64encode(image_data).decode("utf-8") - - return result - - -def post_http_request( - prompt: str, image_path: str, api_url: str, stream: bool = False -) -> requests.Response: - headers = {"User-Agent": "Test Client"} - pload = { - "encoder_prompt": "", - "decoder_prompt": prompt, - "image_base64": encode_image_base64(image_path), - "temperature": 0.0, - "max_tokens": 2048, - "stream": stream, - } - response = requests.post(api_url, headers=headers, json=pload, stream=stream) - return response - - -def get_streaming_response(response: requests.Response) -> Iterable[list[str]]: - for chunk in response.iter_lines( - chunk_size=8192, decode_unicode=False, delimiter=b"\n" - ): - if chunk: - data = json.loads(chunk.decode("utf-8")) - output = data["text"] - yield output - - -def get_response(response: requests.Response) -> list[str]: - data = json.loads(response.content) - output = data["text"] - return output - - -def parse_args(): - parser = argparse.ArgumentParser() - parser.add_argument("--host", type=str, default="localhost") - parser.add_argument("--port", type=int, default=8000) - parser.add_argument("--prompt", type=str, default="Parse the reading order of this document.") - parser.add_argument("--image_path", type=str, default="./demo/page_imgs/page_1.jpeg") - parser.add_argument("--stream", action="store_true") - return parser.parse_args() - - -def main(args: Namespace): - prompt = args.prompt - image_path = args.image_path - api_url = f"http://{args.host}:{args.port}/generate" - stream = args.stream - - print(f"Prompt: {prompt!r}\n", flush=True) - response = post_http_request(prompt, image_path, api_url, stream) - - if stream: - num_printed_lines = 0 - for h in get_streaming_response(response): - clear_line(num_printed_lines) - num_printed_lines = 0 - for i, line in enumerate(h): - num_printed_lines += 1 - print(f"Response {i}: {line!r}", flush=True) - else: - output = get_response(response) - print(f"Response: {output[0]!r}", flush=True) - - -if __name__ == "__main__": - args = parse_args() - main(args) diff --git a/deployment/vllm/api_server.py b/deployment/vllm/api_server.py deleted file mode 100644 index 8a297f18612392c18605071a0cd16d21ad276689..0000000000000000000000000000000000000000 --- a/deployment/vllm/api_server.py +++ /dev/null @@ -1,215 +0,0 @@ -# SPDX-License-Identifier: Apache-2.0 -""" -NOTE: This API server is used only for demonstrating usage of AsyncEngine -and simple performance benchmarks. It is not intended for production use. -For production use, we recommend using our OpenAI compatible server. -We are also not going to accept PRs modifying this file, please -change `vllm/entrypoints/openai/api_server.py` instead. -""" - -import asyncio -import base64 -import json -import io -import ssl -from argparse import Namespace -from collections.abc import AsyncGenerator -from PIL import Image -from typing import Any, Optional - -from fastapi import FastAPI, Request -from fastapi.responses import JSONResponse, Response, StreamingResponse - -from vllm.engine.arg_utils import AsyncEngineArgs -from vllm.engine.async_llm_engine import AsyncLLMEngine -from vllm.entrypoints.launcher import serve_http -from vllm.entrypoints.utils import with_cancellation -from vllm.inputs import ExplicitEncoderDecoderPrompt, TextPrompt, TokensPrompt -from vllm.logger import init_logger -from vllm.sampling_params import SamplingParams -from vllm.usage.usage_lib import UsageContext -from vllm.utils import FlexibleArgumentParser, random_uuid, set_ulimit -from vllm.version import __version__ as VLLM_VERSION - -logger = init_logger("api_server") - -TIMEOUT_KEEP_ALIVE = 5 # seconds. -app = FastAPI() -engine = None - - -@app.get("/health") -async def health() -> Response: - """Health check.""" - return Response(status_code=200) - - -@app.post("/generate") -async def generate(request: Request) -> Response: - """Generate completion for the request. - - The request should be a JSON object with the following fields: - - prompt: the prompt to use for the generation. - - stream: whether to stream the results or not. - - other fields: the sampling parameters (See `SamplingParams` for details). - """ - request_dict = await request.json() - return await _generate(request_dict, raw_request=request) - - -async def decode_image(image_base64: str) -> Image.Image: - image_data = base64.b64decode(image_base64) - image = Image.open(io.BytesIO(image_data)) - return image - - -async def custom_process_prompt(encoder_prompt: str, decoder_prompt: str, - image_base64: str) -> ExplicitEncoderDecoderPrompt: - assert engine is not None - tokenizer = engine.engine.get_tokenizer_group().tokenizer - image = await decode_image(image_base64) - - if encoder_prompt == "": - encoder_prompt = "0" * 783 # For Dolphin - - if decoder_prompt == "": - decoder_prompt_ids = tokenizer.bos_token_id - else: - decoder_prompt = f"{decoder_prompt.strip()} " - decoder_prompt_ids = tokenizer(decoder_prompt, add_special_tokens=False)["input_ids"] - - enc_dec_prompt = ExplicitEncoderDecoderPrompt( - encoder_prompt=TextPrompt(prompt=encoder_prompt, multi_modal_data={"image": image}), - decoder_prompt=TokensPrompt(prompt_token_ids=decoder_prompt_ids), - ) - - return enc_dec_prompt - - -@with_cancellation -async def _generate(request_dict: dict, raw_request: Request) -> Response: - encoder_prompt = request_dict.pop("encoder_prompt", "") - decoder_prompt = request_dict.pop("decoder_prompt", "") - image_base64 = request_dict.pop("image_base64", "") - stream = request_dict.pop("stream", False) - sampling_params = SamplingParams(**request_dict) - request_id = random_uuid() - - assert engine is not None - - enc_dec_prompt = await custom_process_prompt(encoder_prompt, decoder_prompt, image_base64) - results_generator = engine.generate(enc_dec_prompt, sampling_params, request_id) - - # Streaming case - async def stream_results() -> AsyncGenerator[bytes, None]: - async for request_output in results_generator: - prompt = request_output.prompt - assert prompt is not None - text_outputs = [ - prompt + output.text for output in request_output.outputs - ] - ret = {"text": text_outputs} - yield (json.dumps(ret) + "\n").encode("utf-8") - - if stream: - return StreamingResponse(stream_results()) - - # Non-streaming case - final_output = None - try: - async for request_output in results_generator: - final_output = request_output - except asyncio.CancelledError: - return Response(status_code=499) - - assert final_output is not None - prompt = final_output.prompt - assert prompt is not None - text_outputs = [prompt + output.text.strip() for output in final_output.outputs] - ret = {"text": text_outputs} - return JSONResponse(ret) - - -def build_app(args: Namespace) -> FastAPI: - global app - - app.root_path = args.root_path - return app - - -async def init_app( - args: Namespace, - llm_engine: Optional[AsyncLLMEngine] = None, -) -> FastAPI: - app = build_app(args) - - global engine - - engine_args = AsyncEngineArgs.from_cli_args(args) - engine = (llm_engine - if llm_engine is not None else AsyncLLMEngine.from_engine_args( - engine_args, usage_context=UsageContext.API_SERVER)) - app.state.engine_client = engine - return app - - -async def run_server(args: Namespace, - llm_engine: Optional[AsyncLLMEngine] = None, - **uvicorn_kwargs: Any) -> None: - logger.info("vLLM API server version %s", VLLM_VERSION) - logger.info("args: %s", args) - - set_ulimit() - - app = await init_app(args, llm_engine) - assert engine is not None - - shutdown_task = await serve_http( - app, - sock=None, - enable_ssl_refresh=args.enable_ssl_refresh, - host=args.host, - port=args.port, - log_level=args.log_level, - timeout_keep_alive=TIMEOUT_KEEP_ALIVE, - ssl_keyfile=args.ssl_keyfile, - ssl_certfile=args.ssl_certfile, - ssl_ca_certs=args.ssl_ca_certs, - ssl_cert_reqs=args.ssl_cert_reqs, - **uvicorn_kwargs, - ) - - await shutdown_task - - -if __name__ == "__main__": - parser = FlexibleArgumentParser() - parser.add_argument("--host", type=str, default=None) - parser.add_argument("--port", type=parser.check_port, default=8000) - parser.add_argument("--ssl-keyfile", type=str, default=None) - parser.add_argument("--ssl-certfile", type=str, default=None) - parser.add_argument("--ssl-ca-certs", - type=str, - default=None, - help="The CA certificates file") - parser.add_argument( - "--enable-ssl-refresh", - action="store_true", - default=False, - help="Refresh SSL Context when SSL certificate files change") - parser.add_argument( - "--ssl-cert-reqs", - type=int, - default=int(ssl.CERT_NONE), - help="Whether client certificate is required (see stdlib ssl module's)" - ) - parser.add_argument( - "--root-path", - type=str, - default=None, - help="FastAPI root_path when app is behind a path based routing proxy") - parser.add_argument("--log-level", type=str, default="debug") - parser = AsyncEngineArgs.add_cli_args(parser) - args = parser.parse_args() - - asyncio.run(run_server(args)) diff --git a/deployment/vllm/demo_vllm.py b/deployment/vllm/demo_vllm.py deleted file mode 100644 index 32be1fb443833b00e883f51426e008709710e3dc..0000000000000000000000000000000000000000 --- a/deployment/vllm/demo_vllm.py +++ /dev/null @@ -1,91 +0,0 @@ -""" -Copyright (c) 2025 Bytedance Ltd. and/or its affiliates -SPDX-License-Identifier: MIT -""" - -import vllm_dolphin # vllm_dolphin plugin -import argparse -from argparse import Namespace -from PIL import Image - -from vllm import LLM, SamplingParams -from vllm.inputs import ExplicitEncoderDecoderPrompt, TextPrompt, TokensPrompt - -import torch -import os - -os.environ["TOKENIZERS_PARALLELISM"] = "false" - - -def offline_inference(model_id: str, prompt: str, image_path: str, max_tokens: int = 2048): - dtype = "float16" if torch.cuda.is_available() else "float32" - # Create an encoder/decoder model instance - llm = LLM( - model=model_id, - dtype=dtype, - enforce_eager=True, - trust_remote_code=True, - max_num_seqs=8, - hf_overrides={"architectures": ["DolphinForConditionalGeneration"]}, - ) - - # Create a sampling params object. - sampling_params = SamplingParams( - temperature=0.0, - logprobs=0, - max_tokens=max_tokens, - prompt_logprobs=None, - skip_special_tokens=False, - ) - - # process prompt - tokenizer = llm.llm_engine.get_tokenizer_group().tokenizer - - # The Dolphin model does not require an Encoder Prompt. To ensure vllm correctly allocates KV Cache, - # it is necessary to simulate an Encoder Prompt. - encoder_prompt = "0" * 783 - decoder_prompt = f"{prompt.strip()} " - - image = Image.open(image_path) - enc_dec_prompt = ExplicitEncoderDecoderPrompt( - encoder_prompt=TextPrompt(prompt=encoder_prompt, multi_modal_data={"image": image}), - decoder_prompt=TokensPrompt( - prompt_token_ids=tokenizer(decoder_prompt, add_special_tokens=False)["input_ids"] - ), - ) - - # Generate output tokens from the prompts. The output is a list of - # RequestOutput objects that contain the prompt, generated text, and other information. - outputs = llm.generate(enc_dec_prompt, sampling_params) - - print("------" * 8) - # Print the outputs. - for output in outputs: - decoder_prompt_tokens = tokenizer.batch_decode(output.prompt_token_ids, skip_special_tokens=True) - decoder_prompt = "".join(decoder_prompt_tokens) - generated_text = output.outputs[0].text.strip() - print(f"Decoder prompt: {decoder_prompt!r}, " - f"\nGenerated text: {generated_text!r}") - - print("------" * 8) - - -def parse_args(): - parser = argparse.ArgumentParser() - parser.add_argument("--model", type=str, default="ByteDance/Dolphin") - parser.add_argument("--image_path", type=str, default="./demo/page_imgs/page_1.jpeg") - parser.add_argument("--prompt", type=str, default="Parse the reading order of this document.") - return parser.parse_args() - - -def main(args: Namespace): - model = args.model - prompt = args.prompt - image_path = args.image_path - - offline_inference(model, prompt, image_path) - - -if __name__ == "__main__": - args = parse_args() - main(args) diff --git a/gradio_final_app.py b/gradio_final_app.py deleted file mode 100644 index c6168e9ae1d9204da219a309616921d3801a797e..0000000000000000000000000000000000000000 --- a/gradio_final_app.py +++ /dev/null @@ -1,791 +0,0 @@ -""" -DOLPHIN PDF Document AI - Final Version -Optimized for HuggingFace Spaces NVIDIA T4 Small deployment -""" - -import gradio as gr -import json -import markdown -import cv2 -import numpy as np -from PIL import Image -from transformers import AutoProcessor, VisionEncoderDecoderModel, Gemma3nForConditionalGeneration, pipeline -import torch -try: - from sentence_transformers import SentenceTransformer - import numpy as np - from sklearn.metrics.pairwise import cosine_similarity - import google.generativeai as genai - RAG_DEPENDENCIES_AVAILABLE = True -except ImportError as e: - print(f"RAG dependencies not available: {e}") - print("Please install: pip install sentence-transformers scikit-learn google-generativeai") - RAG_DEPENDENCIES_AVAILABLE = False - SentenceTransformer = None -import os -import tempfile -import uuid -import base64 -import io -from utils.utils import * -from utils.markdown_utils import MarkdownConverter - -# Math extension is optional for enhanced math rendering -MATH_EXTENSION_AVAILABLE = False -try: - from mdx_math import MathExtension - MATH_EXTENSION_AVAILABLE = True -except ImportError: - pass - - -class DOLPHIN: - def __init__(self, model_id_or_path): - """Initialize the Hugging Face model optimized for T4 Small""" - self.processor = AutoProcessor.from_pretrained(model_id_or_path) - self.model = VisionEncoderDecoderModel.from_pretrained( - model_id_or_path, - torch_dtype=torch.float16, - device_map="auto" if torch.cuda.is_available() else None - ) - self.model.eval() - - self.device = "cuda" if torch.cuda.is_available() else "cpu" - if not torch.cuda.is_available(): - self.model = self.model.float() - - self.tokenizer = self.processor.tokenizer - - def chat(self, prompt, image): - """Process an image or batch of images with the given prompt(s)""" - is_batch = isinstance(image, list) - - if not is_batch: - images = [image] - prompts = [prompt] - else: - images = image - prompts = prompt if isinstance(prompt, list) else [prompt] * len(images) - - batch_inputs = self.processor(images, return_tensors="pt", padding=True) - batch_pixel_values = batch_inputs.pixel_values - - if torch.cuda.is_available(): - batch_pixel_values = batch_pixel_values.half().to(self.device) - else: - batch_pixel_values = batch_pixel_values.to(self.device) - - prompts = [f"{p} " for p in prompts] - batch_prompt_inputs = self.tokenizer( - prompts, - add_special_tokens=False, - return_tensors="pt" - ) - - batch_prompt_ids = batch_prompt_inputs.input_ids.to(self.device) - batch_attention_mask = batch_prompt_inputs.attention_mask.to(self.device) - - with torch.no_grad(): - outputs = self.model.generate( - pixel_values=batch_pixel_values, - decoder_input_ids=batch_prompt_ids, - decoder_attention_mask=batch_attention_mask, - min_length=1, - max_length=1024, # Reduced for T4 Small - pad_token_id=self.tokenizer.pad_token_id, - eos_token_id=self.tokenizer.eos_token_id, - use_cache=True, - bad_words_ids=[[self.tokenizer.unk_token_id]], - return_dict_in_generate=True, - do_sample=False, - num_beams=1, - repetition_penalty=1.1, - temperature=1.0 - ) - - sequences = self.tokenizer.batch_decode(outputs.sequences, skip_special_tokens=False) - - results = [] - for i, sequence in enumerate(sequences): - cleaned = sequence.replace(prompts[i], "").replace("", "").replace("", "").strip() - results.append(cleaned) - - if not is_batch: - return results[0] - return results - - -def convert_pdf_to_images_gradio(pdf_file): - """Convert uploaded PDF file to list of PIL Images""" - try: - import pymupdf - - if isinstance(pdf_file, str): - pdf_document = pymupdf.open(pdf_file) - else: - pdf_bytes = pdf_file.read() - pdf_document = pymupdf.open(stream=pdf_bytes, filetype="pdf") - - images = [] - for page_num in range(len(pdf_document)): - page = pdf_document[page_num] - mat = pymupdf.Matrix(2.0, 2.0) - pix = page.get_pixmap(matrix=mat) - img_data = pix.tobytes("png") - pil_image = Image.open(io.BytesIO(img_data)).convert("RGB") - images.append(pil_image) - - pdf_document.close() - return images - - except Exception as e: - raise Exception(f"Error converting PDF: {str(e)}") - - -def process_pdf_document(pdf_file, model, progress=gr.Progress()): - """Process uploaded PDF file page by page""" - if pdf_file is None: - return "No PDF file uploaded", "" - - try: - progress(0.1, desc="Converting PDF to images...") - images = convert_pdf_to_images_gradio(pdf_file) - - if not images: - return "Failed to convert PDF to images", "" - - all_results = [] - - for page_idx, pil_image in enumerate(images): - progress((page_idx + 1) / len(images) * 0.8 + 0.1, - desc=f"Processing page {page_idx + 1}/{len(images)}...") - - layout_output = model.chat("Parse the reading order of this document.", pil_image) - - padded_image, dims = prepare_image(pil_image) - recognition_results = process_elements_optimized( - layout_output, - padded_image, - dims, - model, - max_batch_size=2 # Smaller batch for T4 Small - ) - - try: - markdown_converter = MarkdownConverter() - markdown_content = markdown_converter.convert(recognition_results) - except: - markdown_content = generate_fallback_markdown(recognition_results) - - page_result = { - "page_number": page_idx + 1, - "markdown": markdown_content - } - all_results.append(page_result) - - progress(1.0, desc="Processing complete!") - - combined_markdown = "\n\n---\n\n".join([ - f"# Page {result['page_number']}\n\n{result['markdown']}" - for result in all_results - ]) - - return combined_markdown, "processing_complete" - - except Exception as e: - error_msg = f"Error processing PDF: {str(e)}" - return error_msg, "error" - - -def process_elements_optimized(layout_results, padded_image, dims, model, max_batch_size=2): - """Optimized element processing for T4 Small""" - layout_results = parse_layout_string(layout_results) - - text_elements = [] - table_elements = [] - figure_results = [] - previous_box = None - reading_order = 0 - - for bbox, label in layout_results: - try: - x1, y1, x2, y2, orig_x1, orig_y1, orig_x2, orig_y2, previous_box = process_coordinates( - bbox, padded_image, dims, previous_box - ) - - cropped = padded_image[y1:y2, x1:x2] - if cropped.size > 0 and cropped.shape[0] > 3 and cropped.shape[1] > 3: - if label == "fig": - pil_crop = Image.fromarray(cv2.cvtColor(cropped, cv2.COLOR_BGR2RGB)) - pil_crop = crop_margin(pil_crop) - - buffered = io.BytesIO() - pil_crop.save(buffered, format="PNG") - img_base64 = base64.b64encode(buffered.getvalue()).decode() - data_uri = f"data:image/png;base64,{img_base64}" - - figure_results.append({ - "label": label, - "text": f"![Figure {reading_order}]({data_uri})", - "bbox": [orig_x1, orig_y1, orig_x2, orig_y2], - "reading_order": reading_order, - }) - else: - pil_crop = Image.fromarray(cv2.cvtColor(cropped, cv2.COLOR_BGR2RGB)) - element_info = { - "crop": pil_crop, - "label": label, - "bbox": [orig_x1, orig_y1, orig_x2, orig_y2], - "reading_order": reading_order, - } - - if label == "tab": - table_elements.append(element_info) - else: - text_elements.append(element_info) - - reading_order += 1 - - except Exception as e: - print(f"Error processing element {label}: {str(e)}") - continue - - recognition_results = figure_results.copy() - - if text_elements: - text_results = process_element_batch_optimized( - text_elements, model, "Read text in the image.", max_batch_size - ) - recognition_results.extend(text_results) - - if table_elements: - table_results = process_element_batch_optimized( - table_elements, model, "Parse the table in the image.", max_batch_size - ) - recognition_results.extend(table_results) - - recognition_results.sort(key=lambda x: x.get("reading_order", 0)) - return recognition_results - - -def process_element_batch_optimized(elements, model, prompt, max_batch_size=2): - """Process elements in small batches for T4 Small""" - results = [] - batch_size = min(len(elements), max_batch_size) - - for i in range(0, len(elements), batch_size): - batch_elements = elements[i:i+batch_size] - crops_list = [elem["crop"] for elem in batch_elements] - prompts_list = [prompt] * len(crops_list) - - batch_results = model.chat(prompts_list, crops_list) - - for j, result in enumerate(batch_results): - elem = batch_elements[j] - results.append({ - "label": elem["label"], - "bbox": elem["bbox"], - "text": result.strip(), - "reading_order": elem["reading_order"], - }) - - del crops_list, batch_elements - if torch.cuda.is_available(): - torch.cuda.empty_cache() - - return results - - -def generate_fallback_markdown(recognition_results): - """Generate basic markdown if converter fails""" - markdown_content = "" - for element in recognition_results: - if element["label"] == "tab": - markdown_content += f"\n\n{element['text']}\n\n" - elif element["label"] in ["para", "title", "sec", "sub_sec"]: - markdown_content += f"{element['text']}\n\n" - elif element["label"] == "fig": - markdown_content += f"{element['text']}\n\n" - return markdown_content - - -# Initialize model -model_path = "./hf_model" -if not os.path.exists(model_path): - model_path = "ByteDance/DOLPHIN" - -# Model paths and configuration -model_path = "./hf_model" if os.path.exists("./hf_model") else "ByteDance/DOLPHIN" -hf_token = os.getenv('HF_TOKEN') - -# Don't load models initially - load them on demand -model_status = "✅ Models ready (Dynamic loading)" - -# Initialize embedding model and Gemini API -if RAG_DEPENDENCIES_AVAILABLE: - try: - print("Loading embedding model for RAG...") - embedding_model = SentenceTransformer('all-MiniLM-L6-v2', device='cpu') - print("✅ Embedding model loaded successfully (CPU)") - - # Initialize Gemini API - gemini_api_key = os.getenv('GEMINI_API_KEY') - if gemini_api_key: - genai.configure(api_key=gemini_api_key) - gemini_model = genai.GenerativeModel('gemma-3n-e4b-it') - print("✅ Gemini API configured successfully") - else: - print("❌ GEMINI_API_KEY not found in environment") - gemini_model = None - except Exception as e: - print(f"❌ Error loading models: {e}") - import traceback - traceback.print_exc() - embedding_model = None - gemini_model = None -else: - print("❌ RAG dependencies not available") - embedding_model = None - gemini_model = None - -# Model management functions -def load_dolphin_model(): - """Load DOLPHIN model for PDF processing""" - global dolphin_model, current_model - - if current_model == "dolphin": - return dolphin_model - - # No need to unload chatbot model (using API now) - - try: - print("Loading DOLPHIN model...") - dolphin_model = DOLPHIN(model_path) - current_model = "dolphin" - print(f"✅ DOLPHIN model loaded (Device: {dolphin_model.device})") - return dolphin_model - except Exception as e: - print(f"❌ Error loading DOLPHIN model: {e}") - return None - -def unload_dolphin_model(): - """Unload DOLPHIN model to free memory""" - global dolphin_model, current_model - - if dolphin_model is not None: - print("Unloading DOLPHIN model...") - del dolphin_model - dolphin_model = None - if current_model == "dolphin": - current_model = None - if torch.cuda.is_available(): - torch.cuda.empty_cache() - print("✅ DOLPHIN model unloaded") - -def initialize_gemini_model(): - """Initialize Gemini API model""" - global gemini_model - - if gemini_model is not None: - return gemini_model - - try: - gemini_api_key = os.getenv('GEMINI_API_KEY') - if not gemini_api_key: - print("❌ GEMINI_API_KEY not found in environment") - return None - - print("Initializing Gemini API...") - genai.configure(api_key=gemini_api_key) - gemini_model = genai.GenerativeModel('gemma-3n-e4b-it') - print("✅ Gemini API model ready") - return gemini_model - except Exception as e: - print(f"❌ Error initializing Gemini model: {e}") - import traceback - traceback.print_exc() - return None - - -# Global state for managing tabs -processed_markdown = "" -show_results_tab = False -document_chunks = [] -document_embeddings = None - -# Global model state -dolphin_model = None -gemini_model = None -current_model = None # Track which model is currently loaded - - -def chunk_document(text, chunk_size=1024, overlap=100): - """Split document into overlapping chunks for RAG - optimized for API quota""" - words = text.split() - chunks = [] - - for i in range(0, len(words), chunk_size - overlap): - chunk = ' '.join(words[i:i + chunk_size]) - if chunk.strip(): - chunks.append(chunk) - - return chunks - -def create_embeddings(chunks): - """Create embeddings for document chunks""" - if embedding_model is None: - return None - - try: - # Process in smaller batches on CPU - batch_size = 32 - embeddings = [] - - for i in range(0, len(chunks), batch_size): - batch = chunks[i:i + batch_size] - batch_embeddings = embedding_model.encode(batch, show_progress_bar=False) - embeddings.extend(batch_embeddings) - - return np.array(embeddings) - except Exception as e: - print(f"Error creating embeddings: {e}") - return None - -def retrieve_relevant_chunks(question, chunks, embeddings, top_k=3): - """Retrieve most relevant chunks for a question""" - if embedding_model is None or embeddings is None: - return chunks[:3] # Fallback to first 3 chunks - - try: - question_embedding = embedding_model.encode([question], show_progress_bar=False) - similarities = cosine_similarity(question_embedding, embeddings)[0] - - # Get top-k most similar chunks - top_indices = np.argsort(similarities)[-top_k:][::-1] - relevant_chunks = [chunks[i] for i in top_indices] - - return relevant_chunks - except Exception as e: - print(f"Error retrieving chunks: {e}") - return chunks[:3] # Fallback - -def process_uploaded_pdf(pdf_file, progress=gr.Progress()): - """Main processing function for uploaded PDF""" - global processed_markdown, show_results_tab, document_chunks, document_embeddings - - if pdf_file is None: - return "❌ No PDF uploaded", gr.Tabs(visible=False) - - try: - # Load DOLPHIN model for PDF processing - progress(0.1, desc="Loading DOLPHIN model...") - dolphin = load_dolphin_model() - - if dolphin is None: - return "❌ Failed to load DOLPHIN model", gr.Tabs(visible=False) - - # Process PDF - progress(0.2, desc="Processing PDF...") - combined_markdown, status = process_pdf_document(pdf_file, dolphin, progress) - - if status == "processing_complete": - processed_markdown = combined_markdown - - # Create chunks and embeddings for RAG - progress(0.9, desc="Creating document chunks for RAG...") - document_chunks = chunk_document(processed_markdown) - document_embeddings = create_embeddings(document_chunks) - print(f"Created {len(document_chunks)} chunks") - - # Keep DOLPHIN model loaded for GPU usage - progress(0.95, desc="Preparing chatbot...") - - show_results_tab = True - progress(1.0, desc="PDF processed successfully!") - return "✅ PDF processed successfully! Chatbot is ready in the Chat tab.", gr.Tabs(visible=True) - else: - show_results_tab = False - return combined_markdown, gr.Tabs(visible=False) - - except Exception as e: - show_results_tab = False - error_msg = f"❌ Error processing PDF: {str(e)}" - return error_msg, gr.Tabs(visible=False) - - -def get_processed_markdown(): - """Return the processed markdown content""" - global processed_markdown - return processed_markdown if processed_markdown else "No document processed yet." - - -def clear_all(): - """Clear all data and hide results tab""" - global processed_markdown, show_results_tab, document_chunks, document_embeddings - processed_markdown = "" - show_results_tab = False - document_chunks = [] - document_embeddings = None - - # Unload DOLPHIN model - unload_dolphin_model() - - return None, "", gr.Tabs(visible=False) - - -# Create Gradio interface -with gr.Blocks( - title="DOLPHIN PDF AI", - theme=gr.themes.Soft(), - css=""" - @import url('https://fonts.googleapis.com/css2?family=Inter:wght@300;400;500;600;700&display=swap'); - - * { - font-family: 'Inter', -apple-system, BlinkMacSystemFont, 'Segoe UI', sans-serif !important; - } - - .main-container { - max-width: 1000px; - margin: 0 auto; - } - .upload-container { - text-align: center; - padding: 40px 20px; - border: 2px dashed #e0e0e0; - border-radius: 15px; - margin: 20px 0; - } - .upload-button { - font-size: 18px !important; - padding: 15px 30px !important; - margin: 20px 0 !important; - font-weight: 600 !important; - } - .status-message { - text-align: center; - padding: 15px; - margin: 10px 0; - border-radius: 8px; - font-weight: 500; - } - .chatbot-container { - max-height: 600px; - } - h1, h2, h3 { - font-weight: 700 !important; - } - #progress-container { - margin: 10px 0; - min-height: 20px; - } - """ -) as demo: - - with gr.Tabs() as main_tabs: - # Home Tab - with gr.TabItem("🏠 Home", id="home"): - embedding_status = "✅ RAG ready" if embedding_model else "❌ RAG not loaded" - gemini_status = "✅ Gemini API ready" if gemini_model else "❌ Gemini API not configured" - current_status = f"Currently loaded: {current_model or 'None'}" - gr.Markdown( - "# Scholar Express\n" - "### Upload a research paper to get a web-friendly version and an AI chatbot powered by Gemini API. DOLPHIN model runs on GPU for optimal performance.\n" - f"**System:** {model_status}\n" - f"**RAG System:** {embedding_status}\n" - f"**Gemini API:** {gemini_status}\n" - f"**Status:** {current_status}" - ) - - with gr.Column(elem_classes="upload-container"): - gr.Markdown("## 📄 Upload Your PDF Document") - - pdf_input = gr.File( - file_types=[".pdf"], - label="", - height=150, - elem_id="pdf_upload" - ) - - process_btn = gr.Button( - "🚀 Process PDF", - variant="primary", - size="lg", - elem_classes="upload-button" - ) - - clear_btn = gr.Button( - "🗑️ Clear", - variant="secondary" - ) - - # Dedicated progress space - progress_space = gr.HTML( - value="", - visible=False, - elem_id="progress-container" - ) - - # Status output (hidden during processing) - status_output = gr.Markdown( - "", - elem_classes="status-message" - ) - - # Results Tab (initially hidden) - with gr.TabItem("📖 Document", id="results", visible=False) as results_tab: - gr.Markdown("## Processed Document") - - markdown_display = gr.Markdown( - value="", - latex_delimiters=[ - {"left": "$$", "right": "$$", "display": True}, - {"left": "$", "right": "$", "display": False} - ], - height=700 - ) - - # Chatbot Tab (initially hidden) - with gr.TabItem("💬 Chat", id="chat", visible=False) as chat_tab: - gr.Markdown("## Ask Questions About Your Document") - - chatbot = gr.Chatbot( - value=[], - height=500, - elem_classes="chatbot-container", - placeholder="Your conversation will appear here once you process a document..." - ) - - with gr.Row(): - msg_input = gr.Textbox( - placeholder="Ask a question about the processed document...", - scale=4, - container=False - ) - send_btn = gr.Button("Send", variant="primary", scale=1) - - gr.Markdown( - "*Ask questions about your processed document. The AI uses RAG (Retrieval-Augmented Generation) with Gemini API to find relevant sections and provide accurate answers.*", - elem_id="chat-notice" - ) - - # Event handlers - process_btn.click( - fn=process_uploaded_pdf, - inputs=[pdf_input], - outputs=[status_output, results_tab], - show_progress=True - ).then( - fn=get_processed_markdown, - outputs=[markdown_display] - ).then( - fn=lambda: gr.TabItem(visible=True), - outputs=[chat_tab] - ) - - clear_btn.click( - fn=clear_all, - outputs=[pdf_input, status_output, results_tab] - ).then( - fn=lambda: gr.HTML(visible=False), - outputs=[progress_space] - ).then( - fn=lambda: gr.TabItem(visible=False), - outputs=[chat_tab] - ) - - # Chatbot functionality with Gemini API - def chatbot_response(message, history): - if not message.strip(): - return history - - if not processed_markdown: - return history + [[message, "❌ Please process a PDF document first before asking questions."]] - - try: - # Initialize Gemini model - model = initialize_gemini_model() - - if model is None: - return history + [[message, "❌ Failed to initialize Gemini model. Please check your GEMINI_API_KEY."]] - - # Use RAG to get relevant chunks from markdown (balanced for performance vs quota) - if document_chunks and len(document_chunks) > 0: - relevant_chunks = retrieve_relevant_chunks(message, document_chunks, document_embeddings, top_k=3) - context = "\n\n".join(relevant_chunks) - # Smart truncation: aim for ~4000 chars (good context while staying under quota) - if len(context) > 4000: - # Try to cut at sentence boundaries - sentences = context[:4000].split('.') - context = '.'.join(sentences[:-1]) + '...' if len(sentences) > 1 else context[:4000] + '...' - else: - # Fallback to truncated document if RAG fails - context = processed_markdown[:4000] + "..." if len(processed_markdown) > 4000 else processed_markdown - - # Create prompt for Gemini - prompt = f"""You are a helpful assistant that answers questions about documents. Use the provided context to answer questions accurately and concisely. - -Context from the document: -{context} - -Question: {message} - -Please provide a clear and helpful answer based on the context provided.""" - - # Generate response using Gemini API with retry logic - import time - max_retries = 2 - - for attempt in range(max_retries): - try: - response = model.generate_content(prompt) - response_text = response.text if hasattr(response, 'text') else str(response) - return history + [[message, response_text]] - except Exception as api_error: - if "429" in str(api_error) and attempt < max_retries - 1: - # Rate limit hit, wait and retry - time.sleep(3) - continue - else: - # Other error or final attempt failed - if "429" in str(api_error): - return history + [[message, "❌ API quota exceeded. Please wait a moment and try again, or check your Gemini API billing."]] - else: - raise api_error - - except Exception as e: - error_msg = f"❌ Error generating response: {str(e)}" - print(f"Full error: {e}") - import traceback - traceback.print_exc() - return history + [[message, error_msg]] - - send_btn.click( - fn=chatbot_response, - inputs=[msg_input, chatbot], - outputs=[chatbot] - ).then( - lambda: "", - outputs=[msg_input] - ) - - # Also allow Enter key to send message - msg_input.submit( - fn=chatbot_response, - inputs=[msg_input, chatbot], - outputs=[chatbot] - ).then( - lambda: "", - outputs=[msg_input] - ) - - -if __name__ == "__main__": - demo.launch( - server_name="0.0.0.0", - server_port=7860, - share=False, - show_error=True, - max_threads=1, # Single thread for T4 Small - inbrowser=False, - quiet=True - ) \ No newline at end of file diff --git a/gradio_gemma.py b/gradio_gemma.py deleted file mode 100644 index 4d86a8211fc84543d64160ca81b42ed09df1ecff..0000000000000000000000000000000000000000 --- a/gradio_gemma.py +++ /dev/null @@ -1,391 +0,0 @@ -""" -Standalone RAG Chatbot with Gemma 3n -A simple PDF chatbot using Retrieval-Augmented Generation -""" - -import gradio as gr -import torch -import os -import io -import numpy as np -from PIL import Image -import pymupdf # PyMuPDF for PDF processing - -# RAG dependencies -try: - from sentence_transformers import SentenceTransformer - from sklearn.metrics.pairwise import cosine_similarity - from transformers import Gemma3nForConditionalGeneration, AutoProcessor - RAG_AVAILABLE = True -except ImportError as e: - print(f"Missing dependencies: {e}") - RAG_AVAILABLE = False - -# Global variables -embedding_model = None -chatbot_model = None -chatbot_processor = None -document_chunks = [] -document_embeddings = None -processed_text = "" - -def initialize_models(): - """Initialize embedding model and chatbot model""" - global embedding_model, chatbot_model, chatbot_processor - - if not RAG_AVAILABLE: - return False, "Required dependencies not installed" - - try: - # Initialize embedding model (CPU to save GPU memory) - if embedding_model is None: - print("Loading embedding model...") - embedding_model = SentenceTransformer('all-MiniLM-L6-v2', device='cpu') - print("✅ Embedding model loaded successfully") - - # Initialize chatbot model - if chatbot_model is None or chatbot_processor is None: - hf_token = os.getenv('HF_TOKEN') - if not hf_token: - return False, "HF_TOKEN not found in environment" - - print("Loading Gemma 3n model...") - chatbot_model = Gemma3nForConditionalGeneration.from_pretrained( - "google/gemma-3n-e4b-it", - device_map="auto", - torch_dtype=torch.bfloat16, - token=hf_token - ).eval() - - chatbot_processor = AutoProcessor.from_pretrained( - "google/gemma-3n-e4b-it", - token=hf_token - ) - - print("✅ Gemma 3n model loaded successfully") - - return True, "All models loaded successfully" - - except Exception as e: - print(f"Error loading models: {e}") - import traceback - traceback.print_exc() - return False, f"Error: {str(e)}" - -def extract_text_from_pdf(pdf_file): - """Extract text from uploaded PDF file""" - try: - if isinstance(pdf_file, str): - # File path - pdf_document = pymupdf.open(pdf_file) - else: - # File object - pdf_bytes = pdf_file.read() - pdf_document = pymupdf.open(stream=pdf_bytes, filetype="pdf") - - text_content = "" - for page_num in range(len(pdf_document)): - page = pdf_document[page_num] - text_content += f"\n--- Page {page_num + 1} ---\n" - text_content += page.get_text() - - pdf_document.close() - return text_content - - except Exception as e: - raise Exception(f"Error extracting text from PDF: {str(e)}") - -def chunk_text(text, chunk_size=500, overlap=50): - """Split text into overlapping chunks""" - words = text.split() - chunks = [] - - for i in range(0, len(words), chunk_size - overlap): - chunk = ' '.join(words[i:i + chunk_size]) - if chunk.strip(): - chunks.append(chunk) - - return chunks - -def create_embeddings(chunks): - """Create embeddings for text chunks""" - if embedding_model is None: - return None - - try: - print(f"Creating embeddings for {len(chunks)} chunks...") - embeddings = embedding_model.encode(chunks, show_progress_bar=True) - return np.array(embeddings) - except Exception as e: - print(f"Error creating embeddings: {e}") - return None - -def retrieve_relevant_chunks(question, chunks, embeddings, top_k=3): - """Retrieve most relevant chunks for a question""" - if embedding_model is None or embeddings is None: - return chunks[:top_k] - - try: - question_embedding = embedding_model.encode([question]) - similarities = cosine_similarity(question_embedding, embeddings)[0] - - # Get top-k most similar chunks - top_indices = np.argsort(similarities)[-top_k:][::-1] - relevant_chunks = [chunks[i] for i in top_indices] - - return relevant_chunks - except Exception as e: - print(f"Error retrieving chunks: {e}") - return chunks[:top_k] - -def process_pdf(pdf_file, progress=gr.Progress()): - """Process uploaded PDF and prepare for Q&A""" - global document_chunks, document_embeddings, processed_text - - if pdf_file is None: - return "❌ Please upload a PDF file first" - - try: - # Extract text from PDF - progress(0.2, desc="Extracting text from PDF...") - text = extract_text_from_pdf(pdf_file) - - if not text.strip(): - return "❌ No text found in PDF" - - processed_text = text - - # Create chunks - progress(0.4, desc="Creating text chunks...") - document_chunks = chunk_text(text) - - # Create embeddings - progress(0.6, desc="Creating embeddings...") - document_embeddings = create_embeddings(document_chunks) - - if document_embeddings is None: - return "❌ Failed to create embeddings" - - progress(1.0, desc="PDF processed successfully!") - return f"✅ PDF processed successfully! Created {len(document_chunks)} chunks. You can now ask questions about the document." - - except Exception as e: - return f"❌ Error processing PDF: {str(e)}" - -def chat_with_pdf(message, history): - """Generate response using RAG""" - global chatbot_model, chatbot_processor - - if not message.strip(): - return history - - if not processed_text: - return history + [[message, "❌ Please upload and process a PDF first"]] - - # Check if models are loaded - if chatbot_model is None or chatbot_processor is None: - print("Models not loaded, attempting to reload...") - success, error_msg = initialize_models() - if not success: - return history + [[message, f"❌ Failed to load models: {error_msg}"]] - - try: - # Retrieve relevant chunks - if document_chunks and document_embeddings is not None: - relevant_chunks = retrieve_relevant_chunks(message, document_chunks, document_embeddings) - context = "\n\n".join(relevant_chunks) - else: - # Fallback to truncated text - context = processed_text[:2000] + "..." if len(processed_text) > 2000 else processed_text - - # Create messages for Gemma - messages = [ - { - "role": "system", - "content": [{"type": "text", "text": "You are a helpful assistant that answers questions about documents. Use the provided context to answer questions accurately and concisely."}] - }, - { - "role": "user", - "content": [{"type": "text", "text": f"Context:\n{context}\n\nQuestion: {message}"}] - } - ] - - # Process with Gemma - inputs = chatbot_processor.apply_chat_template( - messages, - add_generation_prompt=True, - tokenize=True, - return_dict=True, - return_tensors="pt" - ).to(chatbot_model.device) - - input_len = inputs["input_ids"].shape[-1] - - with torch.inference_mode(): - generation = chatbot_model.generate( - **inputs, - max_new_tokens=300, - do_sample=False, - temperature=0.7, - pad_token_id=chatbot_processor.tokenizer.pad_token_id, - use_cache=True - ) - generation = generation[0][input_len:] - - response = chatbot_processor.decode(generation, skip_special_tokens=True) - - return history + [[message, response]] - - except Exception as e: - error_msg = f"❌ Error generating response: {str(e)}" - return history + [[message, error_msg]] - -def clear_chat(): - """Clear chat history and processed data""" - global document_chunks, document_embeddings, processed_text - document_chunks = [] - document_embeddings = None - processed_text = "" - - # Clear GPU cache - if torch.cuda.is_available(): - torch.cuda.empty_cache() - - return [], "Ready to process a new PDF" - -def get_model_status(): - """Get current model loading status""" - global chatbot_model, chatbot_processor, embedding_model - - statuses = [] - - if embedding_model is not None: - statuses.append("✅ Embedding model loaded") - else: - statuses.append("❌ Embedding model not loaded") - - if chatbot_model is not None and chatbot_processor is not None: - statuses.append("✅ Chatbot model loaded") - else: - statuses.append("❌ Chatbot model not loaded") - - return " | ".join(statuses) - -# Initialize models on startup -model_status = "⏳ Initializing models..." -if RAG_AVAILABLE: - success, message = initialize_models() - model_status = "✅ Models ready" if success else f"❌ {message}" -else: - model_status = "❌ Dependencies not installed" - -# Create Gradio interface -with gr.Blocks( - title="RAG Chatbot with Gemma 3n", - theme=gr.themes.Soft(), - css=""" - .main-container { max-width: 1200px; margin: 0 auto; } - .status-box { padding: 15px; margin: 10px 0; border-radius: 8px; } - .chat-container { height: 500px; } - """ -) as demo: - - gr.Markdown("# 🤖 RAG Chatbot with Gemma 3n") - gr.Markdown("### Upload a PDF and ask questions about it using Retrieval-Augmented Generation") - - with gr.Row(): - status_display = gr.Markdown(f"**Status:** {model_status}") - - # Add refresh button for status - refresh_btn = gr.Button("♾️ Refresh Status", size="sm") - - def update_status(): - return get_model_status() - - refresh_btn.click( - fn=update_status, - outputs=[status_display] - ) - - with gr.Row(): - # Left column - PDF upload - with gr.Column(scale=1): - gr.Markdown("## 📄 Upload PDF") - - pdf_input = gr.File( - file_types=[".pdf"], - label="Upload PDF Document" - ) - - process_btn = gr.Button( - "🔄 Process PDF", - variant="primary", - size="lg" - ) - - status_output = gr.Markdown( - "Upload a PDF to get started", - elem_classes="status-box" - ) - - clear_btn = gr.Button( - "🗑️ Clear All", - variant="secondary" - ) - - # Right column - Chat - with gr.Column(scale=2): - gr.Markdown("## 💬 Ask Questions") - - chatbot = gr.Chatbot( - value=[], - height=400, - elem_classes="chat-container" - ) - - with gr.Row(): - msg_input = gr.Textbox( - placeholder="Ask a question about your PDF...", - scale=4, - container=False - ) - send_btn = gr.Button("Send", variant="primary", scale=1) - - # Event handlers - process_btn.click( - fn=process_pdf, - inputs=[pdf_input], - outputs=[status_output], - show_progress=True - ) - - send_btn.click( - fn=chat_with_pdf, - inputs=[msg_input, chatbot], - outputs=[chatbot] - ).then( - lambda: "", - outputs=[msg_input] - ) - - msg_input.submit( - fn=chat_with_pdf, - inputs=[msg_input, chatbot], - outputs=[chatbot] - ).then( - lambda: "", - outputs=[msg_input] - ) - - clear_btn.click( - fn=clear_chat, - outputs=[chatbot, status_output] - ) - -if __name__ == "__main__": - demo.launch( - server_name="0.0.0.0", - server_port=7860, - share=False, - show_error=True - ) \ No newline at end of file diff --git a/gradio_gemma_api.py b/gradio_gemma_api.py deleted file mode 100644 index 5988472eaad31d707a0a5039cf5eab563f9bb8a6..0000000000000000000000000000000000000000 --- a/gradio_gemma_api.py +++ /dev/null @@ -1,355 +0,0 @@ -""" -Standalone RAG Chatbot with Gemini API -A simple PDF chatbot using Retrieval-Augmented Generation with Google's Gemini API -""" - -import gradio as gr -import os -import numpy as np -import pymupdf # PyMuPDF for PDF processing - -# RAG dependencies -try: - from sentence_transformers import SentenceTransformer - from sklearn.metrics.pairwise import cosine_similarity - import google.generativeai as genai - RAG_AVAILABLE = True -except ImportError as e: - print(f"Missing dependencies: {e}") - RAG_AVAILABLE = False - -# Global variables -embedding_model = None -gemini_model = None -document_chunks = [] -document_embeddings = None -processed_text = "" - -def initialize_models(): - """Initialize embedding model and Gemini API""" - global embedding_model, gemini_model - - if not RAG_AVAILABLE: - return False, "Required dependencies not installed" - - try: - # Initialize embedding model (CPU to save resources) - if embedding_model is None: - print("Loading embedding model...") - embedding_model = SentenceTransformer('all-MiniLM-L6-v2', device='cpu') - print("✅ Embedding model loaded successfully") - - # Configure Gemini API - if gemini_model is None: - api_key = os.getenv('GEMINI_API_KEY') - if not api_key: - return False, "GEMINI_API_KEY not found in environment variables" - - print("Configuring Gemini API...") - genai.configure(api_key=api_key) - gemini_model = genai.GenerativeModel('gemma-3n-e4b-it') - print("✅ Gemini model initialized successfully") - - return True, "All models ready" - - except Exception as e: - print(f"Error initializing: {e}") - import traceback - traceback.print_exc() - return False, f"Error: {str(e)}" - -def extract_text_from_pdf(pdf_file): - """Extract text from uploaded PDF file""" - try: - if isinstance(pdf_file, str): - # File path - pdf_document = pymupdf.open(pdf_file) - else: - # File object - pdf_bytes = pdf_file.read() - pdf_document = pymupdf.open(stream=pdf_bytes, filetype="pdf") - - text_content = "" - for page_num in range(len(pdf_document)): - page = pdf_document[page_num] - text_content += f"\n--- Page {page_num + 1} ---\n" - text_content += page.get_text() - - pdf_document.close() - return text_content - - except Exception as e: - raise Exception(f"Error extracting text from PDF: {str(e)}") - -def chunk_text(text, chunk_size=500, overlap=50): - """Split text into overlapping chunks""" - words = text.split() - chunks = [] - - for i in range(0, len(words), chunk_size - overlap): - chunk = ' '.join(words[i:i + chunk_size]) - if chunk.strip(): - chunks.append(chunk) - - return chunks - -def create_embeddings(chunks): - """Create embeddings for text chunks""" - if embedding_model is None: - return None - - try: - print(f"Creating embeddings for {len(chunks)} chunks...") - embeddings = embedding_model.encode(chunks, show_progress_bar=True) - return np.array(embeddings) - except Exception as e: - print(f"Error creating embeddings: {e}") - return None - -def retrieve_relevant_chunks(question, chunks, embeddings, top_k=3): - """Retrieve most relevant chunks for a question""" - if embedding_model is None or embeddings is None: - return chunks[:top_k] - - try: - question_embedding = embedding_model.encode([question]) - similarities = cosine_similarity(question_embedding, embeddings)[0] - - # Get top-k most similar chunks - top_indices = np.argsort(similarities)[-top_k:][::-1] - relevant_chunks = [chunks[i] for i in top_indices] - - return relevant_chunks - except Exception as e: - print(f"Error retrieving chunks: {e}") - return chunks[:top_k] - -def process_pdf(pdf_file, progress=gr.Progress()): - """Process uploaded PDF and prepare for Q&A""" - global document_chunks, document_embeddings, processed_text - - if pdf_file is None: - return "❌ Please upload a PDF file first" - - try: - # Extract text from PDF - progress(0.2, desc="Extracting text from PDF...") - text = extract_text_from_pdf(pdf_file) - - if not text.strip(): - return "❌ No text found in PDF" - - processed_text = text - - # Create chunks - progress(0.4, desc="Creating text chunks...") - document_chunks = chunk_text(text) - - # Create embeddings - progress(0.6, desc="Creating embeddings...") - document_embeddings = create_embeddings(document_chunks) - - if document_embeddings is None: - return "❌ Failed to create embeddings" - - progress(1.0, desc="PDF processed successfully!") - return f"✅ PDF processed successfully! Created {len(document_chunks)} chunks. You can now ask questions about the document." - - except Exception as e: - return f"❌ Error processing PDF: {str(e)}" - -def chat_with_pdf(message, history): - """Generate response using RAG with Gemini API""" - global gemini_model - - if not message.strip(): - return history - - if not processed_text: - return history + [[message, "❌ Please upload and process a PDF first"]] - - # Check if model is initialized - if gemini_model is None: - print("Model not initialized, attempting to initialize...") - success, error_msg = initialize_models() - if not success: - return history + [[message, f"❌ Failed to initialize: {error_msg}"]] - - try: - # Retrieve relevant chunks - if document_chunks and document_embeddings is not None: - relevant_chunks = retrieve_relevant_chunks(message, document_chunks, document_embeddings) - context = "\n\n".join(relevant_chunks) - else: - # Fallback to truncated text - context = processed_text[:2000] + "..." if len(processed_text) > 2000 else processed_text - - # Create prompt for Gemini - prompt = f"""You are a helpful assistant that answers questions about documents. Use the provided context to answer questions accurately and concisely. - -Context: -{context} - -Question: {message} - -Please provide a clear and helpful answer based on the context provided.""" - - # Generate response using Gemini API - response = gemini_model.generate_content(prompt) - - response_text = response.text if hasattr(response, 'text') else str(response) - - return history + [[message, response_text]] - - except Exception as e: - error_msg = f"❌ Error generating response: {str(e)}" - print(f"Full error: {e}") - import traceback - traceback.print_exc() - return history + [[message, error_msg]] - -def clear_chat(): - """Clear chat history and processed data""" - global document_chunks, document_embeddings, processed_text - document_chunks = [] - document_embeddings = None - processed_text = "" - - return [], "Ready to process a new PDF" - -def get_model_status(): - """Get current model loading status""" - global gemini_model, embedding_model - - statuses = [] - - if embedding_model is not None: - statuses.append("✅ Embedding model loaded") - else: - statuses.append("❌ Embedding model not loaded") - - if gemini_model is not None: - statuses.append("✅ Gemini model ready") - else: - statuses.append("❌ Gemini model not initialized") - - return " | ".join(statuses) - -# Initialize models on startup -model_status = "⏳ Initializing models..." -if RAG_AVAILABLE: - success, message = initialize_models() - model_status = "✅ Models ready" if success else f"❌ {message}" -else: - model_status = "❌ Dependencies not installed" - -# Create Gradio interface -with gr.Blocks( - title="RAG Chatbot with Gemini API", - theme=gr.themes.Soft(), - css=""" - .main-container { max-width: 1200px; margin: 0 auto; } - .status-box { padding: 15px; margin: 10px 0; border-radius: 8px; } - .chat-container { height: 500px; } - """ -) as demo: - - gr.Markdown("# 🤖 RAG Chatbot with Gemini API") - gr.Markdown("### Upload a PDF and ask questions about it using Retrieval-Augmented Generation powered by Google's Gemini API") - - with gr.Row(): - status_display = gr.Markdown(f"**Status:** {model_status}") - - # Add refresh button for status - refresh_btn = gr.Button("♾️ Refresh Status", size="sm") - - def update_status(): - return get_model_status() - - refresh_btn.click( - fn=update_status, - outputs=[status_display] - ) - - with gr.Row(): - # Left column - PDF upload - with gr.Column(scale=1): - gr.Markdown("## 📄 Upload PDF") - - pdf_input = gr.File( - file_types=[".pdf"], - label="Upload PDF Document" - ) - - process_btn = gr.Button( - "🔄 Process PDF", - variant="primary", - size="lg" - ) - - status_output = gr.Markdown( - "Upload a PDF to get started", - elem_classes="status-box" - ) - - clear_btn = gr.Button( - "🗑️ Clear All", - variant="secondary" - ) - - # Right column - Chat - with gr.Column(scale=2): - gr.Markdown("## 💬 Ask Questions") - - chatbot = gr.Chatbot( - value=[], - height=400, - elem_classes="chat-container" - ) - - with gr.Row(): - msg_input = gr.Textbox( - placeholder="Ask a question about your PDF...", - scale=4, - container=False - ) - send_btn = gr.Button("Send", variant="primary", scale=1) - - # Event handlers - process_btn.click( - fn=process_pdf, - inputs=[pdf_input], - outputs=[status_output], - show_progress=True - ) - - send_btn.click( - fn=chat_with_pdf, - inputs=[msg_input, chatbot], - outputs=[chatbot] - ).then( - lambda: "", - outputs=[msg_input] - ) - - msg_input.submit( - fn=chat_with_pdf, - inputs=[msg_input, chatbot], - outputs=[chatbot] - ).then( - lambda: "", - outputs=[msg_input] - ) - - clear_btn.click( - fn=clear_chat, - outputs=[chatbot, status_output] - ) - -if __name__ == "__main__": - demo.launch( - server_name="0.0.0.0", - server_port=7860, - share=False, - show_error=True - ) \ No newline at end of file diff --git a/gradio_image_app.py b/gradio_image_app.py deleted file mode 100644 index 4eb5bd2bfc2b0e9d9d2bf790126784c8ee431c5e..0000000000000000000000000000000000000000 --- a/gradio_image_app.py +++ /dev/null @@ -1,578 +0,0 @@ -""" -Gradio interface for DOLPHIN model -""" - -import gradio as gr -import json -import markdown -from markdown.extensions import codehilite -import cv2 -import numpy as np -from PIL import Image -from transformers import AutoProcessor, VisionEncoderDecoderModel -import torch -import os -from utils.utils import * -from utils.markdown_utils import MarkdownConverter - -try: - from mdx_math import MathExtension - MATH_EXTENSION_AVAILABLE = True -except ImportError: - MATH_EXTENSION_AVAILABLE = False - - -class DOLPHIN: - def __init__(self, model_id_or_path): - """Initialize the Hugging Face model - - Args: - model_id_or_path: Path to local model or Hugging Face model ID - """ - self.processor = AutoProcessor.from_pretrained(model_id_or_path) - self.model = VisionEncoderDecoderModel.from_pretrained(model_id_or_path) - self.model.eval() - - self.device = "cuda" if torch.cuda.is_available() else "cpu" - self.model.to(self.device) - if self.device == "cuda": - self.model = self.model.half() - - self.tokenizer = self.processor.tokenizer - - def chat(self, prompt, image): - """Process an image or batch of images with the given prompt(s) - - Args: - prompt: Text prompt or list of prompts to guide the model - image: PIL Image or list of PIL Images to process - - Returns: - Generated text or list of texts from the model - """ - # Check if we're dealing with a batch - is_batch = isinstance(image, list) - - if not is_batch: - # Single image, wrap it in a list for consistent processing - images = [image] - prompts = [prompt] - else: - # Batch of images - images = image - prompts = prompt if isinstance(prompt, list) else [prompt] * len(images) - - # Prepare image - batch_inputs = self.processor(images, return_tensors="pt", padding=True) - batch_pixel_values = batch_inputs.pixel_values - if self.device == "cuda": - batch_pixel_values = batch_pixel_values.half() - batch_pixel_values = batch_pixel_values.to(self.device) - - # Prepare prompt - prompts = [f"{p} " for p in prompts] - batch_prompt_inputs = self.tokenizer( - prompts, - add_special_tokens=False, - return_tensors="pt" - ) - - batch_prompt_ids = batch_prompt_inputs.input_ids.to(self.device) - batch_attention_mask = batch_prompt_inputs.attention_mask.to(self.device) - - # Generate text - outputs = self.model.generate( - pixel_values=batch_pixel_values, - decoder_input_ids=batch_prompt_ids, - decoder_attention_mask=batch_attention_mask, - min_length=1, - max_length=4096, - pad_token_id=self.tokenizer.pad_token_id, - eos_token_id=self.tokenizer.eos_token_id, - use_cache=True, - bad_words_ids=[[self.tokenizer.unk_token_id]], - return_dict_in_generate=True, - do_sample=False, - num_beams=1, - repetition_penalty=1.1, - temperature=1.0 - ) - - # Process output - sequences = self.tokenizer.batch_decode(outputs.sequences, skip_special_tokens=False) - - # Clean prompt text from output - results = [] - for i, sequence in enumerate(sequences): - cleaned = sequence.replace(prompts[i], "").replace("", "").replace("", "").strip() - results.append(cleaned) - - # Return a single result for single image input - if not is_batch: - return results[0] - return results - - -def render_markdown_with_math(markdown_content): - """Convert markdown to HTML with MathJax support that works in Gradio""" - import re - - # Convert basic markdown to HTML first - html_content = markdown.markdown(markdown_content) - - # Create a complete HTML document with MathJax - html_with_math = f""" - - - - - - - - - -
- {html_content} -
- - - -""" - - return html_with_math - - -def process_elements(layout_results, padded_image, dims, model, max_batch_size=16, save_dir=None, image_name="gradio_session"): - """Parse all document elements with parallel decoding""" - layout_results = parse_layout_string(layout_results) - - # Store text and table elements separately - text_elements = [] # Text elements - table_elements = [] # Table elements - figure_results = [] # Image elements (saved as files) - previous_box = None - reading_order = 0 - - # Setup output directories if save_dir is provided - if save_dir: - setup_output_dirs(save_dir) - - # Collect elements to process and group by type - for bbox, label in layout_results: - try: - # Adjust coordinates - x1, y1, x2, y2, orig_x1, orig_y1, orig_x2, orig_y2, previous_box = process_coordinates( - bbox, padded_image, dims, previous_box - ) - - # Crop and parse element - cropped = padded_image[y1:y2, x1:x2] - if cropped.size > 0 and cropped.shape[0] > 3 and cropped.shape[1] > 3: - if label == "fig": - # Convert cropped OpenCV image to PIL - pil_crop = Image.fromarray(cv2.cvtColor(cropped, cv2.COLOR_BGR2RGB)) - - # Apply margin cropping to remove white space around the figure - pil_crop = crop_margin(pil_crop) - - # Convert to base64 for Gradio display (works better than file paths) - import base64 - import io - buffered = io.BytesIO() - pil_crop.save(buffered, format="PNG") - img_base64 = base64.b64encode(buffered.getvalue()).decode() - - # Create data URI for direct embedding in markdown - data_uri = f"data:image/png;base64,{img_base64}" - - figure_results.append( - { - "label": label, - "text": data_uri, # Pass base64 directly to _handle_figure - "figure_base64": data_uri, - "bbox": [orig_x1, orig_y1, orig_x2, orig_y2], - "reading_order": reading_order, - } - ) - else: - # Prepare element for parsing - pil_crop = Image.fromarray(cv2.cvtColor(cropped, cv2.COLOR_BGR2RGB)) - element_info = { - "crop": pil_crop, - "label": label, - "bbox": [orig_x1, orig_y1, orig_x2, orig_y2], - "reading_order": reading_order, - } - - # Group by type - if label == "tab": - table_elements.append(element_info) - else: # Text elements - text_elements.append(element_info) - - reading_order += 1 - - except Exception as e: - print(f"Error processing bbox with label {label}: {str(e)}") - continue - - # Initialize results list - recognition_results = figure_results.copy() - - # Process text elements (in batches) - if text_elements: - text_results = process_element_batch(text_elements, model, "Read text in the image.", max_batch_size) - recognition_results.extend(text_results) - - # Process table elements (in batches) - if table_elements: - table_results = process_element_batch(table_elements, model, "Parse the table in the image.", max_batch_size) - recognition_results.extend(table_results) - - # Sort elements by reading order - recognition_results.sort(key=lambda x: x.get("reading_order", 0)) - - return recognition_results - - -def process_element_batch(elements, model, prompt, max_batch_size=16): - """Process elements of the same type in batches""" - results = [] - - # Determine batch size - batch_size = len(elements) - if max_batch_size is not None and max_batch_size > 0: - batch_size = min(batch_size, max_batch_size) - - # Process in batches - for i in range(0, len(elements), batch_size): - batch_elements = elements[i:i+batch_size] - crops_list = [elem["crop"] for elem in batch_elements] - - # Use the same prompt for all elements in the batch - prompts_list = [prompt] * len(crops_list) - - # Batch inference - batch_results = model.chat(prompts_list, crops_list) - - # Add results - for j, result in enumerate(batch_results): - elem = batch_elements[j] - results.append({ - "label": elem["label"], - "bbox": elem["bbox"], - "text": result.strip(), - "reading_order": elem["reading_order"], - }) - - return results - - -# Initialize model -model_path = "./hf_model" -if not os.path.exists(model_path): - model_path = "ByteDance/DOLPHIN" - -try: - dolphin_model = DOLPHIN(model_path) - print(f"Model loaded successfully from {model_path}") -except Exception as e: - print(f"Error loading model: {e}") - dolphin_model = None - - -def process_image(image, task_type): - """Process uploaded image and return results in different formats""" - if dolphin_model is None: - return None, "Model not loaded", "Model not loaded", {"error": "Model not loaded"} - - if image is None: - return None, "No image uploaded", "No image uploaded", {"error": "No image uploaded"} - - try: - # Convert to PIL Image if needed - if hasattr(image, 'convert'): - pil_image = image.convert("RGB") - else: - pil_image = Image.fromarray(image).convert("RGB") - - if task_type == "Document Parsing": - # Full document processing with two stages - # Stage 1: Page-level layout and reading order parsing - layout_output = dolphin_model.chat("Parse the reading order of this document.", pil_image) - - # Stage 2: Element-level content parsing with image extraction - import tempfile - import uuid - - # Create temporary directory for saving figures - temp_dir = tempfile.mkdtemp() - session_id = str(uuid.uuid4())[:8] - - padded_image, dims = prepare_image(pil_image) - recognition_results = process_elements( - layout_output, - padded_image, - dims, - dolphin_model, - max_batch_size=16, - save_dir=temp_dir, - image_name=f"session_{session_id}" - ) - - # Convert to markdown - try: - markdown_converter = MarkdownConverter() - markdown_content = markdown_converter.convert(recognition_results) - except: - # Fallback if markdown converter fails - markdown_content = "" - for element in recognition_results: - if element["label"] == "tab": - markdown_content += f"\n\n{element['text']}\n\n" - elif element["label"] in ["para", "title", "sec", "sub_sec"]: - markdown_content += f"{element['text']}\n\n" - elif element["label"] == "fig": - markdown_content += f"{element['text']}\n\n" - - # Create structured JSON output - json_output = { - "task_type": task_type, - "layout_parsing": layout_output, - "recognition_results": recognition_results, - "model_info": { - "device": dolphin_model.device, - "model_path": model_path - }, - "temp_dir": temp_dir - } - - # Return markdown content directly for Gradio's built-in LaTeX support - return pil_image, markdown_content, markdown_content, json_output - - else: - # Simple element-level processing for other tasks - if task_type == "Table Extraction": - prompt = "Parse the table in the image." - elif task_type == "Text Reading": - prompt = "Read text in the image." - elif task_type == "Formula Recognition": - prompt = "Read text in the image." - else: - prompt = "Read text in the image." - - # Process with model - result = dolphin_model.chat(prompt, pil_image) - - # Create JSON output - json_output = { - "task_type": task_type, - "prompt": prompt, - "result": result, - "model_info": { - "device": dolphin_model.device, - "model_path": model_path - } - } - - return pil_image, result, result, json_output - - except Exception as e: - error_msg = f"Error processing image: {str(e)}" - return None, error_msg, error_msg, {"error": error_msg} - - -def clear_all(): - """Clear all inputs and outputs""" - return None, None, "", "", {} - - -# Create Gradio interface -with gr.Blocks(title="DOLPHIN Document AI", theme=gr.themes.Soft()) as demo: - gr.Markdown("# 🐬 DOLPHIN Document AI Interface") - gr.Markdown("Upload an image and select a task to process with the DOLPHIN model") - - with gr.Row(): - # Column 1: Image Upload - with gr.Column(scale=1): - gr.Markdown("### 📤 Upload Image") - image_input = gr.Image( - type="pil", - label="Upload Image", - height=600 - ) - - task_type = gr.Dropdown( - choices=["Document Parsing", "Table Extraction", "Text Reading", "Formula Recognition"], - value="Document Parsing", - label="Task Type" - ) - - with gr.Row(): - submit_btn = gr.Button("🚀 Submit", variant="primary") - cancel_btn = gr.Button("❌ Clear", variant="secondary") - - # Column 2: Image Preview - with gr.Column(scale=1): - gr.Markdown("### 👁️ Image Preview") - image_preview = gr.Image( - type="pil", - label="Uploaded Image", - interactive=False, - height=600 - ) - - # Column 3: Results with Tabs - with gr.Column(scale=1): - gr.Markdown("### 📋 Results") - with gr.Tabs(): - with gr.TabItem("📖 Markdown Preview"): - markdown_preview = gr.Markdown( - label="Rendered Markdown", - latex_delimiters=[ - {"left": "$$", "right": "$$", "display": True}, - {"left": "$", "right": "$", "display": False}, - {"left": "\\(", "right": "\\)", "display": False}, - {"left": "\\[", "right": "\\]", "display": True} - ], - container=True, - height=600 - ) - - with gr.TabItem("📝 Raw Markdown"): - raw_markdown = gr.Code( - label="Raw Markdown Text", - language="markdown", - container=True, - interactive=False, - lines=25 - ) - - with gr.TabItem("🔧 JSON"): - json_output = gr.JSON( - label="JSON Output", - height=600 - ) - - # Event handlers - submit_btn.click( - fn=process_image, - inputs=[image_input, task_type], - outputs=[image_preview, markdown_preview, raw_markdown, json_output] - ) - - cancel_btn.click( - fn=clear_all, - outputs=[image_input, image_preview, markdown_preview, raw_markdown, json_output] - ) - - # Auto-update preview when image is uploaded - image_input.change( - fn=lambda img: img if img is not None else None, - inputs=[image_input], - outputs=[image_preview] - ) - - -if __name__ == "__main__": - demo.launch( - server_name="0.0.0.0", - server_port=7860, - share=False, - show_error=True - ) \ No newline at end of file diff --git a/gradio_local_gemma.py b/gradio_local_gemma.py deleted file mode 100644 index 8233c09e574b9b62d1d7131c86cd508d4fb57f6c..0000000000000000000000000000000000000000 --- a/gradio_local_gemma.py +++ /dev/null @@ -1,828 +0,0 @@ -""" -DOLPHIN PDF Document AI - Local Gemma 3n Version -Optimized for powerful GPU deployment with local models -Features: AI-generated alt text for accessibility using local Gemma 3n -""" - -import gradio as gr -import json -import markdown -import cv2 -import numpy as np -from PIL import Image -from transformers import AutoProcessor, VisionEncoderDecoderModel, AutoModelForImageTextToText -import torch -try: - from sentence_transformers import SentenceTransformer - import numpy as np - from sklearn.metrics.pairwise import cosine_similarity - RAG_DEPENDENCIES_AVAILABLE = True -except ImportError as e: - print(f"RAG dependencies not available: {e}") - print("Please install: pip install sentence-transformers scikit-learn") - RAG_DEPENDENCIES_AVAILABLE = False - SentenceTransformer = None -import os -import tempfile -import uuid -import base64 -import io -from utils.utils import * -from utils.markdown_utils import MarkdownConverter - -# Math extension is optional for enhanced math rendering -MATH_EXTENSION_AVAILABLE = False -try: - from mdx_math import MathExtension - MATH_EXTENSION_AVAILABLE = True -except ImportError: - pass - - -class DOLPHIN: - def __init__(self, model_id_or_path): - """Initialize the Hugging Face model optimized for powerful GPU""" - self.processor = AutoProcessor.from_pretrained(model_id_or_path) - self.model = VisionEncoderDecoderModel.from_pretrained( - model_id_or_path, - torch_dtype=torch.float16, - device_map="auto" if torch.cuda.is_available() else None - ) - self.model.eval() - - self.device = "cuda" if torch.cuda.is_available() else "cpu" - if not torch.cuda.is_available(): - self.model = self.model.float() - - self.tokenizer = self.processor.tokenizer - - def chat(self, prompt, image): - """Process an image or batch of images with the given prompt(s)""" - is_batch = isinstance(image, list) - - if not is_batch: - images = [image] - prompts = [prompt] - else: - images = image - prompts = prompt if isinstance(prompt, list) else [prompt] * len(images) - - batch_inputs = self.processor(images, return_tensors="pt", padding=True) - batch_pixel_values = batch_inputs.pixel_values - - if torch.cuda.is_available(): - batch_pixel_values = batch_pixel_values.half().to(self.device) - else: - batch_pixel_values = batch_pixel_values.to(self.device) - - prompts = [f"{p} " for p in prompts] - batch_prompt_inputs = self.tokenizer( - prompts, - add_special_tokens=False, - return_tensors="pt" - ) - - batch_prompt_ids = batch_prompt_inputs.input_ids.to(self.device) - batch_attention_mask = batch_prompt_inputs.attention_mask.to(self.device) - - with torch.no_grad(): - outputs = self.model.generate( - pixel_values=batch_pixel_values, - decoder_input_ids=batch_prompt_ids, - decoder_attention_mask=batch_attention_mask, - min_length=1, - max_length=2048, - pad_token_id=self.tokenizer.pad_token_id, - eos_token_id=self.tokenizer.eos_token_id, - use_cache=True, - bad_words_ids=[[self.tokenizer.unk_token_id]], - return_dict_in_generate=True, - do_sample=False, - num_beams=1, - repetition_penalty=1.1, - temperature=1.0 - ) - - sequences = self.tokenizer.batch_decode(outputs.sequences, skip_special_tokens=False) - - results = [] - for i, sequence in enumerate(sequences): - cleaned = sequence.replace(prompts[i], "").replace("", "").replace("", "").strip() - results.append(cleaned) - - if not is_batch: - return results[0] - return results - - -class Gemma3nModel: - def __init__(self, model_id="google/gemma-3n-E4B-it"): - """Initialize the Gemma 3n model for text generation and image description""" - self.model_id = model_id - self.processor = AutoProcessor.from_pretrained(model_id) - self.model = AutoModelForImageTextToText.from_pretrained( - model_id, - torch_dtype="auto", - device_map="auto" - ) - self.model.eval() - print(f"✅ Gemma 3n loaded (Device: {self.model.device}, DType: {self.model.dtype})") - - def generate_alt_text(self, pil_image): - """Generate alt text for an image using local Gemma 3n""" - try: - # Ensure image is in RGB mode - if pil_image.mode != 'RGB': - pil_image = pil_image.convert('RGB') - - # Create a detailed prompt for alt text generation - prompt = """You are an accessibility expert creating alt text for images to help visually impaired users understand visual content. Analyze this image and provide a clear, concise description that captures the essential visual information. - -Focus on: -- Main subject or content of the image -- Important details, text, or data shown -- Layout and structure if relevant (charts, diagrams, tables) -- Context that would help someone understand the image's purpose - -Provide a descriptive alt text in 1-2 sentences that is informative but not overly verbose. Start directly with the description without saying "This image shows" or similar phrases.""" - - # Prepare the message format - message = { - "role": "user", - "content": [ - {"type": "image", "image": pil_image}, - {"type": "text", "text": prompt} - ] - } - - # Apply chat template and generate - input_ids = self.processor.apply_chat_template( - [message], - add_generation_prompt=True, - tokenize=True, - return_dict=True, - return_tensors="pt", - ) - input_len = input_ids["input_ids"].shape[-1] - - input_ids = input_ids.to(self.model.device, dtype=self.model.dtype) - outputs = self.model.generate( - **input_ids, - max_new_tokens=256, - disable_compile=True, - do_sample=False, - temperature=0.1 - ) - - text = self.processor.batch_decode( - outputs[:, input_len:], - skip_special_tokens=True, - clean_up_tokenization_spaces=True - ) - - alt_text = text[0].strip() - - # Clean up the alt text - alt_text = alt_text.replace('\n', ' ').replace('\r', ' ') - # Remove common prefixes if they appear - prefixes_to_remove = ["This image shows", "The image shows", "This shows", "The figure shows"] - for prefix in prefixes_to_remove: - if alt_text.startswith(prefix): - alt_text = alt_text[len(prefix):].strip() - break - - return alt_text if alt_text else "Image description unavailable" - - except Exception as e: - print(f"❌ Error generating alt text: {e}") - import traceback - traceback.print_exc() - return "Image description unavailable" - - def chat(self, prompt, history=None): - """Chat functionality using Gemma 3n for text-only conversations""" - try: - # Create message format - message = { - "role": "user", - "content": [ - {"type": "text", "text": prompt} - ] - } - - # If history exists, include it - conversation = history if history else [] - conversation.append(message) - - # Apply chat template and generate - input_ids = self.processor.apply_chat_template( - conversation, - add_generation_prompt=True, - tokenize=True, - return_dict=True, - return_tensors="pt", - ) - input_len = input_ids["input_ids"].shape[-1] - - input_ids = input_ids.to(self.model.device, dtype=self.model.dtype) - outputs = self.model.generate( - **input_ids, - max_new_tokens=1024, - disable_compile=True, - do_sample=True, - temperature=0.7 - ) - - text = self.processor.batch_decode( - outputs[:, input_len:], - skip_special_tokens=True, - clean_up_tokenization_spaces=True - ) - - return text[0].strip() - - except Exception as e: - print(f"❌ Error in chat: {e}") - import traceback - traceback.print_exc() - return f"Error generating response: {str(e)}" - - -def convert_pdf_to_images_gradio(pdf_file): - """Convert uploaded PDF file to list of PIL Images""" - try: - import pymupdf - - if isinstance(pdf_file, str): - pdf_document = pymupdf.open(pdf_file) - else: - pdf_bytes = pdf_file.read() - pdf_document = pymupdf.open(stream=pdf_bytes, filetype="pdf") - - images = [] - for page_num in range(len(pdf_document)): - page = pdf_document[page_num] - mat = pymupdf.Matrix(2.0, 2.0) - pix = page.get_pixmap(matrix=mat) - img_data = pix.tobytes("png") - pil_image = Image.open(io.BytesIO(img_data)).convert("RGB") - images.append(pil_image) - - pdf_document.close() - return images - - except Exception as e: - raise Exception(f"Error converting PDF: {str(e)}") - - -def process_pdf_document(pdf_file, model, progress=gr.Progress()): - """Process uploaded PDF file page by page""" - if pdf_file is None: - return "No PDF file uploaded", "" - - try: - progress(0.1, desc="Converting PDF to images...") - images = convert_pdf_to_images_gradio(pdf_file) - - if not images: - return "Failed to convert PDF to images", "" - - all_results = [] - - for page_idx, pil_image in enumerate(images): - progress((page_idx + 1) / len(images) * 0.8 + 0.1, - desc=f"Processing page {page_idx + 1}/{len(images)}...") - - layout_output = model.chat("Parse the reading order of this document.", pil_image) - - padded_image, dims = prepare_image(pil_image) - recognition_results = process_elements_optimized( - layout_output, - padded_image, - dims, - model, - max_batch_size=4 - ) - - try: - markdown_converter = MarkdownConverter() - markdown_content = markdown_converter.convert(recognition_results) - except: - markdown_content = generate_fallback_markdown(recognition_results) - - page_result = { - "page_number": page_idx + 1, - "markdown": markdown_content - } - all_results.append(page_result) - - progress(1.0, desc="Processing complete!") - - combined_markdown = "\n\n---\n\n".join([ - f"# Page {result['page_number']}\n\n{result['markdown']}" - for result in all_results - ]) - - return combined_markdown, "processing_complete" - - except Exception as e: - error_msg = f"Error processing PDF: {str(e)}" - return error_msg, "error" - - -def process_elements_optimized(layout_results, padded_image, dims, model, max_batch_size=4): - """Optimized element processing for powerful GPU""" - layout_results = parse_layout_string(layout_results) - - text_elements = [] - table_elements = [] - figure_results = [] - previous_box = None - reading_order = 0 - - for bbox, label in layout_results: - try: - x1, y1, x2, y2, orig_x1, orig_y1, orig_x2, orig_y2, previous_box = process_coordinates( - bbox, padded_image, dims, previous_box - ) - - cropped = padded_image[y1:y2, x1:x2] - if cropped.size > 0 and cropped.shape[0] > 3 and cropped.shape[1] > 3: - if label == "fig": - pil_crop = Image.fromarray(cv2.cvtColor(cropped, cv2.COLOR_BGR2RGB)) - pil_crop = crop_margin(pil_crop) - - # Generate alt text for accessibility using local Gemma 3n - alt_text = gemma_model.generate_alt_text(pil_crop) - - buffered = io.BytesIO() - pil_crop.save(buffered, format="PNG") - img_base64 = base64.b64encode(buffered.getvalue()).decode() - data_uri = f"data:image/png;base64,{img_base64}" - - figure_results.append({ - "label": label, - "text": f"![{alt_text}]({data_uri})\n\n*{alt_text}*", - "bbox": [orig_x1, orig_y1, orig_x2, orig_y2], - "reading_order": reading_order, - "alt_text": alt_text, - }) - else: - pil_crop = Image.fromarray(cv2.cvtColor(cropped, cv2.COLOR_BGR2RGB)) - element_info = { - "crop": pil_crop, - "label": label, - "bbox": [orig_x1, orig_y1, orig_x2, orig_y2], - "reading_order": reading_order, - } - - if label == "tab": - table_elements.append(element_info) - else: - text_elements.append(element_info) - - reading_order += 1 - - except Exception as e: - print(f"Error processing element {label}: {str(e)}") - continue - - recognition_results = figure_results.copy() - - if text_elements: - text_results = process_element_batch_optimized( - text_elements, model, "Read text in the image.", max_batch_size - ) - recognition_results.extend(text_results) - - if table_elements: - table_results = process_element_batch_optimized( - table_elements, model, "Parse the table in the image.", max_batch_size - ) - recognition_results.extend(table_results) - - recognition_results.sort(key=lambda x: x.get("reading_order", 0)) - return recognition_results - - -def process_element_batch_optimized(elements, model, prompt, max_batch_size=4): - """Process elements in batches for powerful GPU""" - results = [] - batch_size = min(len(elements), max_batch_size) - - for i in range(0, len(elements), batch_size): - batch_elements = elements[i:i+batch_size] - crops_list = [elem["crop"] for elem in batch_elements] - prompts_list = [prompt] * len(crops_list) - - batch_results = model.chat(prompts_list, crops_list) - - for j, result in enumerate(batch_results): - elem = batch_elements[j] - results.append({ - "label": elem["label"], - "bbox": elem["bbox"], - "text": result.strip(), - "reading_order": elem["reading_order"], - }) - - del crops_list, batch_elements - if torch.cuda.is_available(): - torch.cuda.empty_cache() - - return results - - -def generate_fallback_markdown(recognition_results): - """Generate basic markdown if converter fails""" - markdown_content = "" - for element in recognition_results: - if element["label"] == "tab": - markdown_content += f"\n\n{element['text']}\n\n" - elif element["label"] in ["para", "title", "sec", "sub_sec"]: - markdown_content += f"{element['text']}\n\n" - elif element["label"] == "fig": - # Image should already have alt text from processing - markdown_content += f"{element['text']}\n\n" - return markdown_content - - -# Initialize models -model_path = "./hf_model" -if not os.path.exists(model_path): - model_path = "ByteDance/DOLPHIN" - -# Model paths and configuration -model_path = "./hf_model" if os.path.exists("./hf_model") else "ByteDance/DOLPHIN" -hf_token = os.getenv('HF_TOKEN') -gemma_model_id = "google/gemma-3n-E4B-it" - -# Initialize models -print("Loading DOLPHIN model...") -dolphin_model = DOLPHIN(model_path) -print(f"✅ DOLPHIN model loaded (Device: {dolphin_model.device})") - -print("Loading Gemma 3n model...") -gemma_model = Gemma3nModel(gemma_model_id) - -model_status = "✅ Both models loaded successfully" - -# Initialize embedding model -if RAG_DEPENDENCIES_AVAILABLE: - try: - print("Loading embedding model for RAG...") - embedding_model = SentenceTransformer('all-MiniLM-L6-v2', device='cpu') - print("✅ Embedding model loaded successfully (CPU)") - except Exception as e: - print(f"❌ Error loading embedding model: {e}") - embedding_model = None -else: - print("❌ RAG dependencies not available") - embedding_model = None - - -# Global state for managing tabs -processed_markdown = "" -show_results_tab = False -document_chunks = [] -document_embeddings = None - - -def chunk_document(text, chunk_size=1024, overlap=100): - """Split document into overlapping chunks for RAG""" - words = text.split() - chunks = [] - - for i in range(0, len(words), chunk_size - overlap): - chunk = ' '.join(words[i:i + chunk_size]) - if chunk.strip(): - chunks.append(chunk) - - return chunks - -def create_embeddings(chunks): - """Create embeddings for document chunks""" - if embedding_model is None: - return None - - try: - # Process in smaller batches on CPU - batch_size = 32 - embeddings = [] - - for i in range(0, len(chunks), batch_size): - batch = chunks[i:i + batch_size] - batch_embeddings = embedding_model.encode(batch, show_progress_bar=False) - embeddings.extend(batch_embeddings) - - return np.array(embeddings) - except Exception as e: - print(f"Error creating embeddings: {e}") - return None - -def retrieve_relevant_chunks(question, chunks, embeddings, top_k=3): - """Retrieve most relevant chunks for a question""" - if embedding_model is None or embeddings is None: - return chunks[:3] # Fallback to first 3 chunks - - try: - question_embedding = embedding_model.encode([question], show_progress_bar=False) - similarities = cosine_similarity(question_embedding, embeddings)[0] - - # Get top-k most similar chunks - top_indices = np.argsort(similarities)[-top_k:][::-1] - relevant_chunks = [chunks[i] for i in top_indices] - - return relevant_chunks - except Exception as e: - print(f"Error retrieving chunks: {e}") - return chunks[:3] # Fallback - -def process_uploaded_pdf(pdf_file, progress=gr.Progress()): - """Main processing function for uploaded PDF""" - global processed_markdown, show_results_tab, document_chunks, document_embeddings - - if pdf_file is None: - return "❌ No PDF uploaded", gr.Tabs(visible=False) - - try: - # Process PDF - progress(0.1, desc="Processing PDF...") - combined_markdown, status = process_pdf_document(pdf_file, dolphin_model, progress) - - if status == "processing_complete": - processed_markdown = combined_markdown - - # Create chunks and embeddings for RAG - progress(0.9, desc="Creating document chunks for RAG...") - document_chunks = chunk_document(processed_markdown) - document_embeddings = create_embeddings(document_chunks) - print(f"Created {len(document_chunks)} chunks") - - show_results_tab = True - progress(1.0, desc="PDF processed successfully!") - return "✅ PDF processed successfully! Chatbot is ready in the Chat tab.", gr.Tabs(visible=True) - else: - show_results_tab = False - return combined_markdown, gr.Tabs(visible=False) - - except Exception as e: - show_results_tab = False - error_msg = f"❌ Error processing PDF: {str(e)}" - return error_msg, gr.Tabs(visible=False) - - -def get_processed_markdown(): - """Return the processed markdown content""" - global processed_markdown - return processed_markdown if processed_markdown else "No document processed yet." - - -def clear_all(): - """Clear all data and hide results tab""" - global processed_markdown, show_results_tab, document_chunks, document_embeddings - processed_markdown = "" - show_results_tab = False - document_chunks = [] - document_embeddings = None - - # Clear GPU cache - if torch.cuda.is_available(): - torch.cuda.empty_cache() - - return None, "", gr.Tabs(visible=False) - - -# Create Gradio interface -with gr.Blocks( - title="DOLPHIN PDF AI - Local Gemma 3n", - theme=gr.themes.Soft(), - css=""" - @import url('https://fonts.googleapis.com/css2?family=Inter:wght@300;400;500;600;700&display=swap'); - - * { - font-family: 'Inter', -apple-system, BlinkMacSystemFont, 'Segoe UI', sans-serif !important; - } - - .main-container { - max-width: 1000px; - margin: 0 auto; - } - .upload-container { - text-align: center; - padding: 40px 20px; - border: 2px dashed #e0e0e0; - border-radius: 15px; - margin: 20px 0; - } - .upload-button { - font-size: 18px !important; - padding: 15px 30px !important; - margin: 20px 0 !important; - font-weight: 600 !important; - } - .status-message { - text-align: center; - padding: 15px; - margin: 10px 0; - border-radius: 8px; - font-weight: 500; - } - .chatbot-container { - max-height: 600px; - } - h1, h2, h3 { - font-weight: 700 !important; - } - #progress-container { - margin: 10px 0; - min-height: 20px; - } - """ -) as demo: - - with gr.Tabs() as main_tabs: - # Home Tab - with gr.TabItem("🏠 Home", id="home"): - embedding_status = "✅ RAG ready" if embedding_model else "❌ RAG not loaded" - gr.Markdown( - "# Scholar Express - Local Gemma 3n Version\n" - "### Upload a research paper to get a web-friendly version with AI-generated alt text for accessibility. Includes an AI chatbot powered by local Gemma 3n.\n" - f"**System:** {model_status}\n" - f"**RAG System:** {embedding_status}\n" - f"**DOLPHIN:** Local model for PDF processing\n" - f"**Gemma 3n:** Local model for alt text generation and chat\n" - f"**Alt Text:** Gemma 3n generates descriptive alt text for images\n" - f"**GPU:** {'CUDA available' if torch.cuda.is_available() else 'CPU only'}" - ) - - with gr.Column(elem_classes="upload-container"): - gr.Markdown("## 📄 Upload Your PDF Document") - - pdf_input = gr.File( - file_types=[".pdf"], - label="", - height=150, - elem_id="pdf_upload" - ) - - process_btn = gr.Button( - "🚀 Process PDF", - variant="primary", - size="lg", - elem_classes="upload-button" - ) - - clear_btn = gr.Button( - "🗑️ Clear", - variant="secondary" - ) - - # Dedicated progress space - progress_space = gr.HTML( - value="", - visible=False, - elem_id="progress-container" - ) - - # Status output (hidden during processing) - status_output = gr.Markdown( - "", - elem_classes="status-message" - ) - - # Results Tab (initially hidden) - with gr.TabItem("📖 Document", id="results", visible=False) as results_tab: - gr.Markdown("## Processed Document") - - markdown_display = gr.Markdown( - value="", - latex_delimiters=[ - {"left": "$$", "right": "$$", "display": True}, - {"left": "$", "right": "$", "display": False} - ], - height=700 - ) - - # Chatbot Tab (initially hidden) - with gr.TabItem("💬 Chat", id="chat", visible=False) as chat_tab: - gr.Markdown("## Ask Questions About Your Document") - - chatbot = gr.Chatbot( - value=[], - height=500, - elem_classes="chatbot-container", - placeholder="Your conversation will appear here once you process a document..." - ) - - with gr.Row(): - msg_input = gr.Textbox( - placeholder="Ask a question about the processed document...", - scale=4, - container=False - ) - send_btn = gr.Button("Send", variant="primary", scale=1) - - gr.Markdown( - "*Ask questions about your processed document. The AI uses RAG (Retrieval-Augmented Generation) with local Gemma 3n to find relevant sections and provide accurate answers.*", - elem_id="chat-notice" - ) - - # Event handlers - process_btn.click( - fn=process_uploaded_pdf, - inputs=[pdf_input], - outputs=[status_output, results_tab], - show_progress=True - ).then( - fn=get_processed_markdown, - outputs=[markdown_display] - ).then( - fn=lambda: gr.TabItem(visible=True), - outputs=[chat_tab] - ) - - clear_btn.click( - fn=clear_all, - outputs=[pdf_input, status_output, results_tab] - ).then( - fn=lambda: gr.HTML(visible=False), - outputs=[progress_space] - ).then( - fn=lambda: gr.TabItem(visible=False), - outputs=[chat_tab] - ) - - # Chatbot functionality with local Gemma 3n - def chatbot_response(message, history): - if not message.strip(): - return history - - if not processed_markdown: - return history + [[message, "❌ Please process a PDF document first before asking questions."]] - - try: - # Use RAG to get relevant chunks from markdown - if document_chunks and len(document_chunks) > 0: - relevant_chunks = retrieve_relevant_chunks(message, document_chunks, document_embeddings, top_k=3) - context = "\n\n".join(relevant_chunks) - # Smart truncation: aim for ~6000 chars for local model - if len(context) > 6000: - # Try to cut at sentence boundaries - sentences = context[:6000].split('.') - context = '.'.join(sentences[:-1]) + '...' if len(sentences) > 1 else context[:6000] + '...' - else: - # Fallback to truncated document if RAG fails - context = processed_markdown[:6000] + "..." if len(processed_markdown) > 6000 else processed_markdown - - # Create prompt for Gemma 3n - prompt = f"""You are a helpful assistant that answers questions about documents. Use the provided context to answer questions accurately and concisely. - -Context from the document: -{context} - -Question: {message} - -Please provide a clear and helpful answer based on the context provided.""" - - # Generate response using local Gemma 3n - response_text = gemma_model.chat(prompt) - return history + [[message, response_text]] - - except Exception as e: - error_msg = f"❌ Error generating response: {str(e)}" - print(f"Full error: {e}") - import traceback - traceback.print_exc() - return history + [[message, error_msg]] - - send_btn.click( - fn=chatbot_response, - inputs=[msg_input, chatbot], - outputs=[chatbot] - ).then( - lambda: "", - outputs=[msg_input] - ) - - # Also allow Enter key to send message - msg_input.submit( - fn=chatbot_response, - inputs=[msg_input, chatbot], - outputs=[chatbot] - ).then( - lambda: "", - outputs=[msg_input] - ) - - -if __name__ == "__main__": - demo.launch( - server_name="0.0.0.0", - server_port=7860, - share=False, - show_error=True, - max_threads=4, - inbrowser=False, - quiet=True - ) \ No newline at end of file diff --git a/gradio_pdf_app.py b/gradio_pdf_app.py deleted file mode 100644 index 0afbad10bb3a454a9d214d52a8042cba4c847db1..0000000000000000000000000000000000000000 --- a/gradio_pdf_app.py +++ /dev/null @@ -1,521 +0,0 @@ -""" -PDF Document Processing Gradio App for HuggingFace Spaces -Built on DOLPHIN model for document parsing and analysis -""" - -import gradio as gr -import json -import markdown -import cv2 -import numpy as np -from PIL import Image -from transformers import AutoProcessor, VisionEncoderDecoderModel -import torch -import os -import tempfile -import uuid -import base64 -import io -from utils.utils import * -from utils.markdown_utils import MarkdownConverter - -# Math extension is optional for enhanced math rendering -MATH_EXTENSION_AVAILABLE = False -try: - from mdx_math import MathExtension - MATH_EXTENSION_AVAILABLE = True -except ImportError: - # mdx_math is not available in standard PyPI, gracefully continue without it - pass - - -class DOLPHIN: - def __init__(self, model_id_or_path): - """Initialize the Hugging Face model optimized for HF Spaces - - Args: - model_id_or_path: Path to local model or Hugging Face model ID - """ - self.processor = AutoProcessor.from_pretrained(model_id_or_path) - self.model = VisionEncoderDecoderModel.from_pretrained( - model_id_or_path, - torch_dtype=torch.float16, # Use half precision for memory efficiency - device_map="auto" if torch.cuda.is_available() else None - ) - self.model.eval() - - self.device = "cuda" if torch.cuda.is_available() else "cpu" - if not torch.cuda.is_available(): - # Keep full precision on CPU - self.model = self.model.float() - - self.tokenizer = self.processor.tokenizer - - def chat(self, prompt, image): - """Process an image or batch of images with the given prompt(s)""" - is_batch = isinstance(image, list) - - if not is_batch: - images = [image] - prompts = [prompt] - else: - images = image - prompts = prompt if isinstance(prompt, list) else [prompt] * len(images) - - # Prepare image - batch_inputs = self.processor(images, return_tensors="pt", padding=True) - batch_pixel_values = batch_inputs.pixel_values - - if torch.cuda.is_available(): - batch_pixel_values = batch_pixel_values.half().to(self.device) - else: - batch_pixel_values = batch_pixel_values.to(self.device) - - # Prepare prompt - prompts = [f"{p} " for p in prompts] - batch_prompt_inputs = self.tokenizer( - prompts, - add_special_tokens=False, - return_tensors="pt" - ) - - batch_prompt_ids = batch_prompt_inputs.input_ids.to(self.device) - batch_attention_mask = batch_prompt_inputs.attention_mask.to(self.device) - - # Generate text with memory-efficient settings - with torch.no_grad(): - outputs = self.model.generate( - pixel_values=batch_pixel_values, - decoder_input_ids=batch_prompt_ids, - decoder_attention_mask=batch_attention_mask, - min_length=1, - max_length=2048, # Reduced for memory efficiency - pad_token_id=self.tokenizer.pad_token_id, - eos_token_id=self.tokenizer.eos_token_id, - use_cache=True, - bad_words_ids=[[self.tokenizer.unk_token_id]], - return_dict_in_generate=True, - do_sample=False, - num_beams=1, - repetition_penalty=1.1, - temperature=1.0 - ) - - # Process output - sequences = self.tokenizer.batch_decode(outputs.sequences, skip_special_tokens=False) - - # Clean prompt text from output - results = [] - for i, sequence in enumerate(sequences): - cleaned = sequence.replace(prompts[i], "").replace("", "").replace("", "").strip() - results.append(cleaned) - - if not is_batch: - return results[0] - return results - - -def convert_pdf_to_images_gradio(pdf_file): - """Convert uploaded PDF file to list of PIL Images""" - try: - import pymupdf - - # Handle different file input types - if isinstance(pdf_file, str): - # If it's a file path (Gradio 5.x behavior) - pdf_document = pymupdf.open(pdf_file) - else: - # If it's a file object with .read() method - pdf_bytes = pdf_file.read() - pdf_document = pymupdf.open(stream=pdf_bytes, filetype="pdf") - - images = [] - for page_num in range(len(pdf_document)): - page = pdf_document[page_num] - - # Render page to image with high DPI for better quality - mat = pymupdf.Matrix(2.0, 2.0) # 2x zoom for better quality - pix = page.get_pixmap(matrix=mat) - - # Convert to PIL Image - img_data = pix.tobytes("png") - pil_image = Image.open(io.BytesIO(img_data)).convert("RGB") - images.append(pil_image) - - pdf_document.close() - return images - - except Exception as e: - raise Exception(f"Error converting PDF: {str(e)}") - - -def process_pdf_document(pdf_file, model, progress=gr.Progress()): - """Process uploaded PDF file page by page""" - if pdf_file is None: - return "No PDF file uploaded", [], {} - - try: - # Convert PDF to images - progress(0.1, desc="Converting PDF to images...") - images = convert_pdf_to_images_gradio(pdf_file) - - if not images: - return "Failed to convert PDF to images", [], {} - - # Process each page - all_results = [] - page_previews = [] - - for page_idx, pil_image in enumerate(images): - progress((page_idx + 1) / len(images) * 0.8 + 0.1, - desc=f"Processing page {page_idx + 1}/{len(images)}...") - - # Stage 1: Layout parsing - layout_output = model.chat("Parse the reading order of this document.", pil_image) - - # Stage 2: Element processing with memory optimization - padded_image, dims = prepare_image(pil_image) - recognition_results = process_elements_optimized( - layout_output, - padded_image, - dims, - model, - max_batch_size=4 # Smaller batch size for memory efficiency - ) - - # Convert to markdown - try: - markdown_converter = MarkdownConverter() - markdown_content = markdown_converter.convert(recognition_results) - except: - # Fallback markdown generation - markdown_content = generate_fallback_markdown(recognition_results) - - # Store page results - page_result = { - "page_number": page_idx + 1, - "layout_output": layout_output, - "elements": recognition_results, - "markdown": markdown_content - } - all_results.append(page_result) - - # Create page preview with results - page_preview = { - "image": pil_image, - "page_num": page_idx + 1, - "element_count": len(recognition_results), - "markdown_preview": markdown_content[:500] + "..." if len(markdown_content) > 500 else markdown_content - } - page_previews.append(page_preview) - - progress(1.0, desc="Processing complete!") - - # Combine all markdown - combined_markdown = "\n\n---\n\n".join([ - f"# Page {result['page_number']}\n\n{result['markdown']}" - for result in all_results - ]) - - # Create summary JSON - summary_json = { - "total_pages": len(images), - "processing_status": "completed", - "pages": all_results, - "model_info": { - "device": model.device, - "total_elements": sum(len(page["elements"]) for page in all_results) - } - } - - return combined_markdown, page_previews, summary_json - - except Exception as e: - error_msg = f"Error processing PDF: {str(e)}" - return error_msg, [], {"error": error_msg} - - -def process_elements_optimized(layout_results, padded_image, dims, model, max_batch_size=4): - """Optimized element processing for memory efficiency""" - layout_results = parse_layout_string(layout_results) - - text_elements = [] - table_elements = [] - figure_results = [] - previous_box = None - reading_order = 0 - - # Collect elements to process - for bbox, label in layout_results: - try: - x1, y1, x2, y2, orig_x1, orig_y1, orig_x2, orig_y2, previous_box = process_coordinates( - bbox, padded_image, dims, previous_box - ) - - cropped = padded_image[y1:y2, x1:x2] - if cropped.size > 0 and cropped.shape[0] > 3 and cropped.shape[1] > 3: - if label == "fig": - # Convert to base64 for figure display - pil_crop = Image.fromarray(cv2.cvtColor(cropped, cv2.COLOR_BGR2RGB)) - pil_crop = crop_margin(pil_crop) - - buffered = io.BytesIO() - pil_crop.save(buffered, format="PNG") - img_base64 = base64.b64encode(buffered.getvalue()).decode() - data_uri = f"data:image/png;base64,{img_base64}" - - figure_results.append({ - "label": label, - "text": f"![Figure {reading_order}]({data_uri})", - "bbox": [orig_x1, orig_y1, orig_x2, orig_y2], - "reading_order": reading_order, - }) - else: - pil_crop = Image.fromarray(cv2.cvtColor(cropped, cv2.COLOR_BGR2RGB)) - element_info = { - "crop": pil_crop, - "label": label, - "bbox": [orig_x1, orig_y1, orig_x2, orig_y2], - "reading_order": reading_order, - } - - if label == "tab": - table_elements.append(element_info) - else: - text_elements.append(element_info) - - reading_order += 1 - - except Exception as e: - print(f"Error processing element {label}: {str(e)}") - continue - - # Process elements in small batches - recognition_results = figure_results.copy() - - if text_elements: - text_results = process_element_batch_optimized( - text_elements, model, "Read text in the image.", max_batch_size - ) - recognition_results.extend(text_results) - - if table_elements: - table_results = process_element_batch_optimized( - table_elements, model, "Parse the table in the image.", max_batch_size - ) - recognition_results.extend(table_results) - - recognition_results.sort(key=lambda x: x.get("reading_order", 0)) - return recognition_results - - -def process_element_batch_optimized(elements, model, prompt, max_batch_size=4): - """Process elements in small batches for memory efficiency""" - results = [] - batch_size = min(len(elements), max_batch_size) - - for i in range(0, len(elements), batch_size): - batch_elements = elements[i:i+batch_size] - crops_list = [elem["crop"] for elem in batch_elements] - prompts_list = [prompt] * len(crops_list) - - # Process batch - batch_results = model.chat(prompts_list, crops_list) - - for j, result in enumerate(batch_results): - elem = batch_elements[j] - results.append({ - "label": elem["label"], - "bbox": elem["bbox"], - "text": result.strip(), - "reading_order": elem["reading_order"], - }) - - # Clear memory - del crops_list, batch_elements - if torch.cuda.is_available(): - torch.cuda.empty_cache() - - return results - - -def generate_fallback_markdown(recognition_results): - """Generate basic markdown if converter fails""" - markdown_content = "" - for element in recognition_results: - if element["label"] == "tab": - markdown_content += f"\n\n{element['text']}\n\n" - elif element["label"] in ["para", "title", "sec", "sub_sec"]: - markdown_content += f"{element['text']}\n\n" - elif element["label"] == "fig": - markdown_content += f"{element['text']}\n\n" - return markdown_content - - -def create_page_gallery(page_previews): - """Create a gallery view of processed pages""" - if not page_previews: - return "No pages processed yet." - - gallery_html = "
" - - for preview in page_previews: - gallery_html += f""" -
-

Page {preview['page_num']}

-

Elements found: {preview['element_count']}

-
- {preview['markdown_preview']} -
-
- """ - - gallery_html += "
" - return gallery_html - - -# Initialize model -model_path = "./hf_model" -if not os.path.exists(model_path): - model_path = "ByteDance/DOLPHIN" - -try: - dolphin_model = DOLPHIN(model_path) - print(f"Model loaded successfully from {model_path}") - model_status = f"✅ Model loaded: {model_path} (Device: {dolphin_model.device})" -except Exception as e: - print(f"Error loading model: {e}") - dolphin_model = None - model_status = f"❌ Model failed to load: {str(e)}" - - -def process_uploaded_pdf(pdf_file, progress=gr.Progress()): - """Main processing function for uploaded PDF""" - if dolphin_model is None: - return "Model not loaded", "Model not loaded", {}, "Model not loaded" - - if pdf_file is None: - return "No PDF uploaded", "No PDF uploaded", {}, "No PDF uploaded" - - try: - # Process the PDF - combined_markdown, page_previews, summary_json = process_pdf_document( - pdf_file, dolphin_model, progress - ) - - # Create page gallery - gallery_html = create_page_gallery(page_previews) - - return combined_markdown, combined_markdown, summary_json, gallery_html - - except Exception as e: - error_msg = f"Error processing PDF: {str(e)}" - return error_msg, error_msg, {"error": error_msg}, error_msg - - -def clear_all(): - """Clear all inputs and outputs""" - return None, "", "", {}, "" - - -# Create Gradio interface optimized for HuggingFace Spaces -with gr.Blocks( - title="DOLPHIN PDF Document AI", - theme=gr.themes.Soft(), - css=""" - .main-container { max-width: 1200px; margin: 0 auto; } - .status-box { padding: 10px; border-radius: 5px; margin: 10px 0; } - .success { background-color: #d4edda; border: 1px solid #c3e6cb; } - .error { background-color: #f8d7da; border: 1px solid #f5c6cb; } - """ -) as demo: - gr.Markdown("# 🐬 DOLPHIN PDF Document AI") - gr.Markdown( - "Upload a PDF document and process it page by page with the DOLPHIN model. " - "Optimized for HuggingFace Spaces deployment." - ) - - # Model status - gr.Markdown(f"**Model Status:** {model_status}") - - with gr.Row(): - # Left column: Upload and controls - with gr.Column(scale=1): - gr.Markdown("### 📄 Upload PDF Document") - pdf_input = gr.File( - file_types=[".pdf"], - label="Select PDF File", - height=200 - ) - - with gr.Row(): - process_btn = gr.Button("🚀 Process PDF", variant="primary", size="lg") - clear_btn = gr.Button("🗑️ Clear All", variant="secondary") - - # Right column: Results tabs - with gr.Column(scale=2): - gr.Markdown("### 📊 Processing Results") - - with gr.Tabs(): - with gr.TabItem("📖 Markdown Output"): - markdown_output = gr.Markdown( - label="Processed Document", - latex_delimiters=[ - {"left": "$$", "right": "$$", "display": True}, - {"left": "$", "right": "$", "display": False} - ], - height=600 - ) - - with gr.TabItem("📝 Raw Markdown"): - raw_markdown = gr.Code( - label="Raw Markdown Text", - language="markdown", - lines=25 - ) - - with gr.TabItem("🔍 Page Gallery"): - page_gallery = gr.HTML( - label="Page Overview" - ) - - with gr.TabItem("🔧 JSON Details"): - json_output = gr.JSON( - label="Processing Details", - height=600 - ) - - # Progress bar - progress_bar = gr.HTML(visible=False) - - # Event handlers - process_btn.click( - fn=process_uploaded_pdf, - inputs=[pdf_input], - outputs=[markdown_output, raw_markdown, json_output, page_gallery], - show_progress=True - ) - - clear_btn.click( - fn=clear_all, - outputs=[pdf_input, markdown_output, raw_markdown, json_output, page_gallery] - ) - - # Footer - gr.Markdown( - "---\n" - "**Note:** This app is optimized for NVIDIA T4 deployment on HuggingFace Spaces. " - "Processing time depends on document complexity and page count." - ) - - -if __name__ == "__main__": - demo.launch( - server_name="0.0.0.0", - server_port=7860, - share=False, - show_error=True, - max_threads=2, # Limit threads for memory efficiency - inbrowser=False, - quiet=True - ) \ No newline at end of file diff --git a/hf_model/.gitattributes b/hf_model/.gitattributes deleted file mode 100644 index a6344aac8c09253b3b630fb776ae94478aa0275b..0000000000000000000000000000000000000000 --- a/hf_model/.gitattributes +++ /dev/null @@ -1,35 +0,0 @@ -*.7z filter=lfs diff=lfs merge=lfs -text -*.arrow filter=lfs diff=lfs merge=lfs -text -*.bin filter=lfs diff=lfs merge=lfs -text -*.bz2 filter=lfs diff=lfs merge=lfs -text -*.ckpt filter=lfs diff=lfs merge=lfs -text -*.ftz filter=lfs diff=lfs merge=lfs -text -*.gz filter=lfs diff=lfs merge=lfs -text -*.h5 filter=lfs diff=lfs merge=lfs -text -*.joblib filter=lfs diff=lfs merge=lfs -text -*.lfs.* filter=lfs diff=lfs merge=lfs -text -*.mlmodel filter=lfs diff=lfs merge=lfs -text -*.model filter=lfs diff=lfs merge=lfs -text -*.msgpack filter=lfs diff=lfs merge=lfs -text -*.npy filter=lfs diff=lfs merge=lfs -text -*.npz filter=lfs diff=lfs merge=lfs -text -*.onnx filter=lfs diff=lfs merge=lfs -text -*.ot filter=lfs diff=lfs merge=lfs -text -*.parquet filter=lfs diff=lfs merge=lfs -text -*.pb filter=lfs diff=lfs merge=lfs -text -*.pickle filter=lfs diff=lfs merge=lfs -text -*.pkl filter=lfs diff=lfs merge=lfs -text -*.pt filter=lfs diff=lfs merge=lfs -text -*.pth filter=lfs diff=lfs merge=lfs -text -*.rar filter=lfs diff=lfs merge=lfs -text -*.safetensors filter=lfs diff=lfs merge=lfs -text -saved_model/**/* filter=lfs diff=lfs merge=lfs -text -*.tar.* filter=lfs diff=lfs merge=lfs -text -*.tar filter=lfs diff=lfs merge=lfs -text -*.tflite filter=lfs diff=lfs merge=lfs -text -*.tgz filter=lfs diff=lfs merge=lfs -text -*.wasm filter=lfs diff=lfs merge=lfs -text -*.xz filter=lfs diff=lfs merge=lfs -text -*.zip filter=lfs diff=lfs merge=lfs -text -*.zst filter=lfs diff=lfs merge=lfs -text -*tfevents* filter=lfs diff=lfs merge=lfs -text diff --git a/hf_model/README.md b/hf_model/README.md deleted file mode 100644 index 0a239101345021ac3a9d09de84a2e0dbf9b86831..0000000000000000000000000000000000000000 --- a/hf_model/README.md +++ /dev/null @@ -1,90 +0,0 @@ ---- -license: mit -language: - - zh - - en -tags: - - document-parsing - - document-understanding - - document-intelligence - - ocr - - layout-analysis - - table-extraction - - multimodal - - vision-language-model -datasets: - - custom -pipeline_tag: image-text-to-text -library_name: transformers ---- - - -# Dolphin: Document Image Parsing via Heterogeneous Anchor Prompting - - - - - -## Model Description - -Dolphin (**Do**cument Image **P**arsing via **H**eterogeneous Anchor Prompt**in**g) is a novel multimodal document image parsing model that follows an analyze-then-parse paradigm. It addresses the challenges of complex document understanding through a two-stage approach designed to handle intertwined elements such as text paragraphs, figures, formulas, and tables. - -## 📑 Overview - -Document image parsing is challenging due to its complexly intertwined elements such as text paragraphs, figures, formulas, and tables. Dolphin addresses these challenges through a two-stage approach: - -1. **🔍 Stage 1**: Comprehensive page-level layout analysis by generating element sequence in natural reading order -2. **🧩 Stage 2**: Efficient parallel parsing of document elements using heterogeneous anchors and task-specific prompts - - - -Dolphin achieves promising performance across diverse page-level and element-level parsing tasks while ensuring superior efficiency through its lightweight architecture and parallel parsing mechanism. - -## Model Architecture - -Dolphin is built on a vision-encoder-decoder architecture using transformers: - -- **Vision Encoder**: Based on Swin Transformer for extracting visual features from document images -- **Text Decoder**: Based on MBart for decoding text from visual features -- **Prompt-based interface**: Uses natural language prompts to control parsing tasks - -The model is implemented as a Hugging Face `VisionEncoderDecoderModel` for easy integration with the Transformers ecosystem. - -## Usage - -Our demo will be released in these days. Please keep tuned! 🔥 - -Please refer to our [GitHub repository](https://github.com/bytedance/Dolphin) for detailed usage. - -- [Page-wise parsing](https://github.com/bytedance/Dolphin/demo_page_hf.py): for an entire document image -- [Element-wise parsing](https://github.com/bytedance/Dolphin/demo_element_hf.py): for an element (paragraph, table, formula) image - - -## License - -This model is released under the MIT License. - -## Citation - -```bibtex -@inproceedings{dolphin2025, - title={Dolphin: Document Image Parsing via Heterogeneous Anchor Prompting}, - author={Feng, Hao and Wei, Shu and Fei, Xiang and Shi, Wei and Han, Yingdong and Liao, Lei and Lu, Jinghui and Wu, Binghong and Liu, Qi and Lin, Chunhui and Tang, Jingqun and Liu, Hao and Huang, Can}, - year={2025}, - booktitle={Proceedings of the 65rd Annual Meeting of the Association for Computational Linguistics (ACL)} -} -``` - -## Acknowledgements - -This model builds on several open-source projects including: -- [Hugging Face Transformers](https://github.com/huggingface/transformers) -- [Donut](https://github.com/clovaai/donut/) -- [Nougat](https://github.com/facebookresearch/nougat) -- [Swin Transformer](https://github.com/microsoft/Swin-Transformer) \ No newline at end of file diff --git a/hf_model/config.json b/hf_model/config.json deleted file mode 100644 index b36c7a3288f4d28b7ad1c510231be6150ee0c1d3..0000000000000000000000000000000000000000 --- a/hf_model/config.json +++ /dev/null @@ -1,190 +0,0 @@ -{ - "architectures": [ - "VisionEncoderDecoderModel" - ], - "decoder": { - "_attn_implementation_autoset": true, - "_name_or_path": "", - "activation_dropout": 0.0, - "activation_function": "gelu", - "add_cross_attention": true, - "add_final_layer_norm": true, - "architectures": null, - "attention_dropout": 0.0, - "bad_words_ids": null, - "begin_suppress_tokens": null, - "bos_token_id": 0, - "chunk_size_feed_forward": 0, - "classifier_dropout": 0.0, - "cross_attention_hidden_size": null, - "d_model": 1024, - "decoder_attention_heads": 16, - "decoder_ffn_dim": 4096, - "decoder_layerdrop": 0.0, - "decoder_layers": 10, - "decoder_start_token_id": null, - "diversity_penalty": 0.0, - "do_sample": false, - "dropout": 0.1, - "early_stopping": false, - "encoder_attention_heads": 16, - "encoder_ffn_dim": 4096, - "encoder_layerdrop": 0.0, - "encoder_layers": 12, - "encoder_no_repeat_ngram_size": 0, - "eos_token_id": 2, - "exponential_decay_length_penalty": null, - "finetuning_task": null, - "forced_bos_token_id": null, - "forced_eos_token_id": 2, - "id2label": { - "0": "LABEL_0", - "1": "LABEL_1" - }, - "init_std": 0.02, - "is_decoder": true, - "is_encoder_decoder": false, - "label2id": { - "LABEL_0": 0, - "LABEL_1": 1 - }, - "length_penalty": 1.0, - "max_length": 20, - "max_position_embeddings": 4096, - "min_length": 0, - "model_type": "mbart", - "no_repeat_ngram_size": 0, - "num_beam_groups": 1, - "num_beams": 1, - "num_hidden_layers": 12, - "num_return_sequences": 1, - "output_attentions": false, - "output_hidden_states": false, - "output_scores": false, - "pad_token_id": 1, - "prefix": null, - "problem_type": null, - "pruned_heads": {}, - "remove_invalid_values": false, - "repetition_penalty": 1.0, - "return_dict": true, - "return_dict_in_generate": false, - "scale_embedding": true, - "sep_token_id": null, - "suppress_tokens": null, - "task_specific_params": null, - "temperature": 1.0, - "tf_legacy_loss": false, - "tie_encoder_decoder": false, - "tie_word_embeddings": false, - "tokenizer_class": null, - "top_k": 50, - "top_p": 1.0, - "torch_dtype": null, - "torchscript": false, - "typical_p": 1.0, - "use_bfloat16": false, - "use_cache": true, - "vocab_size": 73921 - }, - "encoder": { - "_attn_implementation_autoset": true, - "_name_or_path": "", - "add_cross_attention": false, - "architectures": null, - "attention_probs_dropout_prob": 0.0, - "bad_words_ids": null, - "begin_suppress_tokens": null, - "bos_token_id": null, - "chunk_size_feed_forward": 0, - "cross_attention_hidden_size": null, - "decoder_start_token_id": null, - "depths": [ - 2, - 2, - 14, - 2 - ], - "diversity_penalty": 0.0, - "do_sample": false, - "drop_path_rate": 0.1, - "early_stopping": false, - "embed_dim": 128, - "encoder_no_repeat_ngram_size": 0, - "eos_token_id": null, - "exponential_decay_length_penalty": null, - "finetuning_task": null, - "forced_bos_token_id": null, - "forced_eos_token_id": null, - "hidden_act": "gelu", - "hidden_dropout_prob": 0.0, - "hidden_size": 1024, - "id2label": { - "0": "LABEL_0", - "1": "LABEL_1" - }, - "image_size": [ - 896, - 896 - ], - "initializer_range": 0.02, - "is_decoder": false, - "is_encoder_decoder": false, - "label2id": { - "LABEL_0": 0, - "LABEL_1": 1 - }, - "layer_norm_eps": 1e-05, - "length_penalty": 1.0, - "max_length": 20, - "min_length": 0, - "mlp_ratio": 4.0, - "model_type": "donut-swin", - "no_repeat_ngram_size": 0, - "num_beam_groups": 1, - "num_beams": 1, - "num_channels": 3, - "num_heads": [ - 4, - 8, - 16, - 32 - ], - "num_layers": 4, - "num_return_sequences": 1, - "output_attentions": false, - "output_hidden_states": false, - "output_scores": false, - "pad_token_id": null, - "patch_size": 4, - "prefix": null, - "problem_type": null, - "pruned_heads": {}, - "qkv_bias": true, - "remove_invalid_values": false, - "repetition_penalty": 1.0, - "return_dict": true, - "return_dict_in_generate": false, - "sep_token_id": null, - "suppress_tokens": null, - "task_specific_params": null, - "temperature": 1.0, - "tf_legacy_loss": false, - "tie_encoder_decoder": false, - "tie_word_embeddings": true, - "tokenizer_class": null, - "top_k": 50, - "top_p": 1.0, - "torch_dtype": null, - "torchscript": false, - "typical_p": 1.0, - "use_absolute_embeddings": false, - "use_bfloat16": false, - "window_size": 7 - }, - "is_encoder_decoder": true, - "model_type": "vision-encoder-decoder", - "tie_word_embeddings": false, - "torch_dtype": "float16", - "transformers_version": "4.47.0" -} diff --git a/hf_model/generation_config.json b/hf_model/generation_config.json deleted file mode 100644 index a1ea592445949d20f8e809171faa29d4cdb54dde..0000000000000000000000000000000000000000 --- a/hf_model/generation_config.json +++ /dev/null @@ -1,8 +0,0 @@ -{ - "_from_model_config": true, - "bos_token_id": 0, - "eos_token_id": 2, - "forced_eos_token_id": 2, - "pad_token_id": 1, - "transformers_version": "4.47.0" -} diff --git a/hf_model/model.safetensors b/hf_model/model.safetensors deleted file mode 100644 index c4824a0f15d6ba3c5928ba0810ea8b37f56f08b5..0000000000000000000000000000000000000000 --- a/hf_model/model.safetensors +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:0374fcfc30395cbb321c916535c8b3d66046921f57c3453c4bc6887803d8509a -size 795822904 diff --git a/hf_model/preprocessor_config.json b/hf_model/preprocessor_config.json deleted file mode 100644 index b27e150e7b15cdb21106785108dcb44ae1d206e1..0000000000000000000000000000000000000000 --- a/hf_model/preprocessor_config.json +++ /dev/null @@ -1,27 +0,0 @@ -{ - "do_align_long_axis": true, - "do_crop_margin": false, - "do_normalize": true, - "do_pad": true, - "do_rescale": true, - "do_resize": false, - "do_thumbnail": true, - "image_mean": [ - 0.485, - 0.456, - 0.406 - ], - "image_processor_type": "DonutImageProcessor", - "image_std": [ - 0.229, - 0.224, - 0.225 - ], - "processor_class": "DonutProcessor", - "resample": 2, - "rescale_factor": 0.00392156862745098, - "size": { - "height": 896, - "width": 896 - } -} diff --git a/hf_model/special_tokens_map.json b/hf_model/special_tokens_map.json deleted file mode 100644 index f17762fa69353b2b891f72edeb9e3329077eae6b..0000000000000000000000000000000000000000 --- a/hf_model/special_tokens_map.json +++ /dev/null @@ -1,15 +0,0 @@ -{ - "additional_special_tokens": [ - { - "content": " ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false - } - ], - "bos_token": "", - "eos_token": "", - "pad_token": "", - "unk_token": "" -} diff --git a/hf_model/tokenizer.json b/hf_model/tokenizer.json deleted file mode 100644 index fa3c9625a4133ccea935d1a1b786bd375db3ee11..0000000000000000000000000000000000000000 --- a/hf_model/tokenizer.json +++ /dev/null @@ -1,464506 +0,0 @@ -{ - "version": "1.0", - "truncation": null, - "padding": null, - "added_tokens": [ - { - "id": 0, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 1, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 2, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 3, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 4, - "content": "[START_REF]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 5, - "content": "[END_REF]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 6, - "content": "[IMAGE]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 7, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 8, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 9, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 10, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 11, - "content": "[START_SUP]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 12, - "content": "[END_SUP]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 13, - "content": "[START_SUB]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 14, - "content": "[END_SUB]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 15, - "content": "[START_DNA]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 16, - "content": "[END_DNA]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 17, - "content": "[START_AMINO]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 18, - "content": "[END_AMINO]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 19, - "content": "[START_SMILES]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 20, - "content": "[END_SMILES]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 21, - "content": "[START_I_SMILES]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 22, - "content": "[END_I_SMILES]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50000, - "content": "ㆀ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50001, - "content": "쓚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50002, - "content": "뵞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50003, - "content": "뾥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50004, - "content": "빸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50005, - "content": "踪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50006, - "content": "聾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50007, - "content": "摭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50008, - "content": "哔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50009, - "content": "蠼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50010, - "content": "涛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50011, - "content": "瞥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50012, - "content": "戗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50013, - "content": "骑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50014, - "content": "扼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50015, - "content": "뇶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50016, - "content": "뭷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50017, - "content": "ஒ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50018, - "content": "戟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50019, - "content": "먂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50020, - "content": "찜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50021, - "content": "銎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50022, - "content": "锓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50023, - "content": "돥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50024, - "content": "迟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50025, - "content": "낔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50026, - "content": "촭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50027, - "content": "拐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50028, - "content": "蚱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50029, - "content": "둥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50030, - "content": "쑝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50031, - "content": "툝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50032, - "content": "躐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50033, - "content": "忏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50034, - "content": "借", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50035, - "content": "旋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50036, - "content": "퓹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50037, - "content": "떟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50038, - "content": "耇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50039, - "content": "쀭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50040, - "content": "ੇ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50041, - "content": "酷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50042, - "content": "沱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50043, - "content": "확", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50044, - "content": "ツ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50045, - "content": "縫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50046, - "content": "찄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50047, - "content": "쿵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50048, - "content": "쾜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50049, - "content": "兀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50050, - "content": "휑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50051, - "content": "찕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50052, - "content": "ఏ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50053, - "content": "」", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50054, - "content": "졇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50055, - "content": "讻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50056, - "content": "閻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50057, - "content": "ઢ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50058, - "content": "쩅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50059, - "content": "쵊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50060, - "content": "콸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50061, - "content": "遹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50062, - "content": "뒐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50063, - "content": "꺃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50064, - "content": "卟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50065, - "content": "帏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50066, - "content": "缉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50067, - "content": "촸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50068, - "content": "뫉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50069, - "content": "ڧ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50070, - "content": "텔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50071, - "content": "撃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50072, - "content": "ા", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50073, - "content": "繃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50074, - "content": "쨷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50075, - "content": "囟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50076, - "content": "獅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50077, - "content": "控", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50078, - "content": "꼣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50079, - "content": "ڶ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50080, - "content": "涇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50081, - "content": "坩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50082, - "content": "智", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50083, - "content": "괨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50084, - "content": "뛻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50085, - "content": "먈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50086, - "content": "㧐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50087, - "content": "뻁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50088, - "content": "幀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50089, - "content": "祋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50090, - "content": "꾼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50091, - "content": "婊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50092, - "content": "蕉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50093, - "content": "뜮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50094, - "content": "룦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50095, - "content": "븮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50096, - "content": "突", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50097, - "content": "茁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50098, - "content": "쫦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50099, - "content": "깩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50100, - "content": "穷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50101, - "content": "邪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50102, - "content": "궙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50103, - "content": "璧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50104, - "content": "ಟ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50105, - "content": "횕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50106, - "content": "闲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50107, - "content": "噤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50108, - "content": "앃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50109, - "content": "즷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50110, - "content": "椿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50111, - "content": "ݙ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50112, - "content": "遭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50113, - "content": "峰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50114, - "content": "剑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50115, - "content": "냺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50116, - "content": "찤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50117, - "content": "롚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50118, - "content": "퍶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50119, - "content": "걝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50120, - "content": "뭢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50121, - "content": "螬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50122, - "content": "駛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50123, - "content": "綦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50124, - "content": "Ứ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50125, - "content": "롗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50126, - "content": "Ε", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50127, - "content": "僚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50128, - "content": "줅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50129, - "content": "鸻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50130, - "content": "툾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50131, - "content": "붙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50132, - "content": "兕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50133, - "content": "Ν", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50134, - "content": "圏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50135, - "content": "Ж", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50136, - "content": "善", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50137, - "content": "견", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50138, - "content": "友", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50139, - "content": "皐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50140, - "content": "佸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50141, - "content": "洭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50142, - "content": "촅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50143, - "content": "뒑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50144, - "content": "姑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50145, - "content": "咯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50146, - "content": "흿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50147, - "content": "퐮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50148, - "content": "붷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50149, - "content": "뵖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50150, - "content": "뜅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50151, - "content": "猛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50152, - "content": "Е", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50153, - "content": "脯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50154, - "content": "쳟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50155, - "content": "띆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50156, - "content": "옉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50157, - "content": "捉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50158, - "content": "쉑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50159, - "content": "漶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50160, - "content": "됯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50161, - "content": "섨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50162, - "content": "쫫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50163, - "content": "쀃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50164, - "content": "寸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50165, - "content": "줶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50166, - "content": "뮜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50167, - "content": "顆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50168, - "content": "辔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50169, - "content": "太", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50170, - "content": "쭟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50171, - "content": "徇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50172, - "content": "켫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50173, - "content": "莝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50174, - "content": "퇩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50175, - "content": "讪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50176, - "content": "嬉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50177, - "content": "쉈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50178, - "content": "収", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50179, - "content": "탭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50180, - "content": "눶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50181, - "content": "沉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50182, - "content": "慇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50183, - "content": "壶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50184, - "content": "蹂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50185, - "content": "놁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50186, - "content": "候", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50187, - "content": "觭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50188, - "content": "ә", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50189, - "content": "Ỉ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50190, - "content": "堤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50191, - "content": "줛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50192, - "content": "셈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50193, - "content": "赪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50194, - "content": "캤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50195, - "content": "ฉ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50196, - "content": "茹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50197, - "content": "緒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50198, - "content": "糧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50199, - "content": "胥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50200, - "content": "덫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50201, - "content": "瘪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50202, - "content": "퀁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50203, - "content": "酌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50204, - "content": "腿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50205, - "content": "읣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50206, - "content": "妮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50207, - "content": "쫢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50208, - "content": "쪢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50209, - "content": "슛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50210, - "content": "襯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50211, - "content": "켱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50212, - "content": "퀈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50213, - "content": "콢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50214, - "content": "注", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50215, - "content": "ٝ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50216, - "content": "볌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50217, - "content": "신", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50218, - "content": "現", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50219, - "content": "砗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50220, - "content": "蓆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50221, - "content": "쑖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50222, - "content": "矮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50223, - "content": "팕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50224, - "content": "踮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50225, - "content": "關", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50226, - "content": "锝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50227, - "content": "혲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50228, - "content": "蚲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50229, - "content": "죥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50230, - "content": "勅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50231, - "content": "읏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50232, - "content": "쥨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50233, - "content": "糙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50234, - "content": "돔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50235, - "content": "混", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50236, - "content": "嗪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50237, - "content": "쫀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50238, - "content": "깽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50239, - "content": "ﺱ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50240, - "content": "뗼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50241, - "content": "ಣ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50242, - "content": "뙊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50243, - "content": "胴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50244, - "content": "꽽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50245, - "content": "김", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50246, - "content": "쌊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50247, - "content": "듣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50248, - "content": "熥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50249, - "content": "뿴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50250, - "content": "웿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50251, - "content": "餃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50252, - "content": "쁖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50253, - "content": "麀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50254, - "content": "诤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50255, - "content": "搗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50256, - "content": "壮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50257, - "content": "횺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50258, - "content": "堠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50259, - "content": "敢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50260, - "content": "籼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50261, - "content": "뛆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50262, - "content": "眶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50263, - "content": "뛈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50264, - "content": "济", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50265, - "content": "时", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50266, - "content": "〜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50267, - "content": "닼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50268, - "content": "봙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50269, - "content": "쮯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50270, - "content": "삢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50271, - "content": "懋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50272, - "content": "频", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50273, - "content": "ㅰ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50274, - "content": "릣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50275, - "content": "論", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50276, - "content": "賸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50277, - "content": "肓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50278, - "content": "竹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50279, - "content": "殣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50280, - "content": "냄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50281, - "content": "縛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50282, - "content": "딻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50283, - "content": "쾀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50284, - "content": "鄄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50285, - "content": "냾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50286, - "content": "귖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50287, - "content": "쮾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50288, - "content": "篝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50289, - "content": "댓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50290, - "content": "랾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50291, - "content": "આ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50292, - "content": "鞳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50293, - "content": "춠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50294, - "content": "謹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50295, - "content": "따", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50296, - "content": "길", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50297, - "content": "콱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50298, - "content": "相", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50299, - "content": "残", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50300, - "content": "眨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50301, - "content": "排", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50302, - "content": "静", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50303, - "content": "풏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50304, - "content": "黡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50305, - "content": "뜙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50306, - "content": "쌸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50307, - "content": "૩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50308, - "content": "铢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50309, - "content": "𫠊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50310, - "content": "雙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50311, - "content": "삋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50312, - "content": "쿚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50313, - "content": "띠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50314, - "content": "룪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50315, - "content": "ಂ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50316, - "content": "껃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50317, - "content": "땃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50318, - "content": "弪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50319, - "content": "뱗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50320, - "content": "궀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50321, - "content": "붪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50322, - "content": "엹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50323, - "content": "텸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50324, - "content": "헠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50325, - "content": "表", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50326, - "content": "켳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50327, - "content": "앱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50328, - "content": "뽟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50329, - "content": "紳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50330, - "content": "즶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50331, - "content": "楙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50332, - "content": "े", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50333, - "content": "쓇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50334, - "content": "퍫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50335, - "content": "팩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50336, - "content": "편", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50337, - "content": "捩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50338, - "content": "蠓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50339, - "content": "碳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50340, - "content": "假", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50341, - "content": "壅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50342, - "content": "婉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50343, - "content": "횖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50344, - "content": "葶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50345, - "content": "럇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50346, - "content": "꽛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50347, - "content": "븡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50348, - "content": "췲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50349, - "content": "괹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50350, - "content": "닻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50351, - "content": "疚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50352, - "content": "킆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50353, - "content": "鹹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50354, - "content": "景", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50355, - "content": "킝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50356, - "content": "睛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50357, - "content": "冫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50358, - "content": "갶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50359, - "content": "𬬮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50360, - "content": "饣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50361, - "content": "殍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50362, - "content": "왌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50363, - "content": "锴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50364, - "content": "끝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50365, - "content": "듖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50366, - "content": "竞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50367, - "content": "坋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50368, - "content": "ត", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50369, - "content": "槎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50370, - "content": "斕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50371, - "content": "Σ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50372, - "content": "沭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50373, - "content": "핿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50374, - "content": "旸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50375, - "content": "縲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50376, - "content": "뀣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50377, - "content": "窣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50378, - "content": "雜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50379, - "content": "瓦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50380, - "content": "놣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50381, - "content": "苍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50382, - "content": "昒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50383, - "content": "遥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50384, - "content": "圌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50385, - "content": "龁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50386, - "content": "兲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50387, - "content": "끇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50388, - "content": "뾺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50389, - "content": "镈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50390, - "content": "銲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50391, - "content": "搠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50392, - "content": "긊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50393, - "content": "칚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50394, - "content": "嬲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50395, - "content": "놹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50396, - "content": "烨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50397, - "content": "팀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50398, - "content": "闡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50399, - "content": "ݲ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50400, - "content": "嚭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50401, - "content": "챛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50402, - "content": "芘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50403, - "content": "拌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50404, - "content": "ਮ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50405, - "content": "덄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50406, - "content": "汴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50407, - "content": "嵐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50408, - "content": "抠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50409, - "content": "尿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50410, - "content": "킌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50411, - "content": "售", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50412, - "content": "첾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50413, - "content": "윺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50414, - "content": "ň", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50415, - "content": "퓵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50416, - "content": "ম", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50417, - "content": "権", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50418, - "content": "予", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50419, - "content": "頁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50420, - "content": "缈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50421, - "content": "쐋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50422, - "content": "꺪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50423, - "content": "뢜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50424, - "content": "귥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50425, - "content": "ى", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50426, - "content": "촠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50427, - "content": "뷱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50428, - "content": "馊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50429, - "content": "开", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50430, - "content": "ʺ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50431, - "content": "Ả", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50432, - "content": "즫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50433, - "content": "隘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50434, - "content": "宜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50435, - "content": "裉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50436, - "content": "ঁ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50437, - "content": "鼾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50438, - "content": "뱁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50439, - "content": "ǔ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50440, - "content": "鵞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50441, - "content": "郾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50442, - "content": "땋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50443, - "content": "쬢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50444, - "content": "쨪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50445, - "content": "ٶ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50446, - "content": "Ⅱ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50447, - "content": "녉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50448, - "content": "刨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50449, - "content": "깣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50450, - "content": "痴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50451, - "content": "햹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50452, - "content": "♦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50453, - "content": "쭱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50454, - "content": "쩥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50455, - "content": "趕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50456, - "content": "联", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50457, - "content": "蚆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50458, - "content": "ឮ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50459, - "content": "剀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50460, - "content": "푐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50461, - "content": "탃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50462, - "content": "椹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50463, - "content": "곐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50464, - "content": "砬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50465, - "content": "맭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50466, - "content": "锡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50467, - "content": "以", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50468, - "content": "衷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50469, - "content": "ҷ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50470, - "content": "덱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50471, - "content": "왩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50472, - "content": "뇣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50473, - "content": "絖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50474, - "content": "翳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50475, - "content": "껙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50476, - "content": "뎽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50477, - "content": "穴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50478, - "content": "쫚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50479, - "content": "减", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50480, - "content": "붓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50481, - "content": "캸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50482, - "content": "廖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50483, - "content": "磹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50484, - "content": "쫲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50485, - "content": "킻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50486, - "content": "잺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50487, - "content": "ಷ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50488, - "content": "鱸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50489, - "content": "헥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50490, - "content": "궺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50491, - "content": "攵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50492, - "content": "쫭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50493, - "content": "坦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50494, - "content": "遣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50495, - "content": "轉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50496, - "content": "៹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50497, - "content": "삸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50498, - "content": "샘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50499, - "content": "몞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50500, - "content": "雏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50501, - "content": "륱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50502, - "content": "鞄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50503, - "content": "뱓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50504, - "content": "̣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50505, - "content": "ݹ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50506, - "content": "柁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50507, - "content": "慥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50508, - "content": "껢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50509, - "content": "꾏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50510, - "content": "ਞ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50511, - "content": "走", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50512, - "content": "梵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50513, - "content": "𨐈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50514, - "content": "묤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50515, - "content": "跺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50516, - "content": "璠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50517, - "content": "폏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50518, - "content": "养", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50519, - "content": "废", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50520, - "content": "넨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50521, - "content": "갲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50522, - "content": "ं", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50523, - "content": "쎥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50524, - "content": "搒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50525, - "content": "嬌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50526, - "content": "蹟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50527, - "content": "ಱ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50528, - "content": "쏡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50529, - "content": "쪖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50530, - "content": "油", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50531, - "content": "疃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50532, - "content": "酢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50533, - "content": "뒦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50534, - "content": "烙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50535, - "content": "鼱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50536, - "content": "귔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50537, - "content": "慢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50538, - "content": "떑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50539, - "content": "뵊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50540, - "content": "릱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50541, - "content": "喾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50542, - "content": "冈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50543, - "content": "뒧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50544, - "content": "旭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50545, - "content": "坥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50546, - "content": "몐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50547, - "content": "仂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50548, - "content": "औ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50549, - "content": "豺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50550, - "content": "뾨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50551, - "content": "줄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50552, - "content": "랫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50553, - "content": "먳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50554, - "content": "拗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50555, - "content": "ฦ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50556, - "content": "딢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50557, - "content": "쳩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50558, - "content": "뭥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50559, - "content": "っ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50560, - "content": "퍷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50561, - "content": "뻊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50562, - "content": "컵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50563, - "content": "쀝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50564, - "content": "풩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50565, - "content": "範", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50566, - "content": "껁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50567, - "content": "饺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50568, - "content": "絜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50569, - "content": "𬕂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50570, - "content": "盱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50571, - "content": "淄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50572, - "content": "叕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50573, - "content": "達", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50574, - "content": "喹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50575, - "content": "춇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50576, - "content": "馕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50577, - "content": "쯓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50578, - "content": "濩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50579, - "content": "텑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50580, - "content": "礻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50581, - "content": "젮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50582, - "content": "魋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50583, - "content": "쪓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50584, - "content": "渺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50585, - "content": "尘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50586, - "content": "콹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50587, - "content": "垴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50588, - "content": "靜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50589, - "content": "ㄲ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50590, - "content": "害", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50591, - "content": "𬭳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50592, - "content": "셻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50593, - "content": "웽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50594, - "content": "譚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50595, - "content": "飛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50596, - "content": "솤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50597, - "content": "턏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50598, - "content": "忒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50599, - "content": "湮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50600, - "content": "敗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50601, - "content": "랷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50602, - "content": "읦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50603, - "content": "풊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50604, - "content": "줩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50605, - "content": "쬅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50606, - "content": "뚛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50607, - "content": "솵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50608, - "content": "봖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50609, - "content": "괱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50610, - "content": "퉆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50611, - "content": "졻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50612, - "content": "밉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50613, - "content": "뉿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50614, - "content": "씻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50615, - "content": "ਧ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50616, - "content": "졀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50617, - "content": "囑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50618, - "content": "谏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50619, - "content": "봚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50620, - "content": "뭦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50621, - "content": "趄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50622, - "content": "ఐ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50623, - "content": "튍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50624, - "content": "绳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50625, - "content": "猴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50626, - "content": "踌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50627, - "content": "且", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50628, - "content": "Ż", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50629, - "content": "냙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50630, - "content": "逦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50631, - "content": "윗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50632, - "content": "쥐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50633, - "content": "콯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50634, - "content": "晢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50635, - "content": "溆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50636, - "content": "培", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50637, - "content": "融", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50638, - "content": "儐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50639, - "content": "냻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50640, - "content": "ਢ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50641, - "content": "鄧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50642, - "content": "鉗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50643, - "content": "顰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50644, - "content": "蝙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50645, - "content": "쓷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50646, - "content": "兔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50647, - "content": "琦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50648, - "content": "き", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50649, - "content": "砻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50650, - "content": "뼬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50651, - "content": "옢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50652, - "content": "뭎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50653, - "content": "겖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50654, - "content": "债", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50655, - "content": "顎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50656, - "content": "냷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50657, - "content": "珀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50658, - "content": "뛲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50659, - "content": "眾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50660, - "content": "둵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50661, - "content": "讦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50662, - "content": "牧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50663, - "content": "쭬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50664, - "content": "뎊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50665, - "content": "砕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50666, - "content": "膺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50667, - "content": "꼥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50668, - "content": "땱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50669, - "content": "줜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50670, - "content": "袁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50671, - "content": "西", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50672, - "content": "ʼ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50673, - "content": "台", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50674, - "content": "壞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50675, - "content": "瀘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50676, - "content": "馗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50677, - "content": "殪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50678, - "content": "뵁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50679, - "content": "君", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50680, - "content": "螈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50681, - "content": "祲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50682, - "content": "褂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50683, - "content": "셗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50684, - "content": "噯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50685, - "content": "쉤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50686, - "content": "缥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50687, - "content": "槠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50688, - "content": "や", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50689, - "content": "캢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50690, - "content": "瑢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50691, - "content": "퐹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50692, - "content": "홛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50693, - "content": "윯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50694, - "content": "跏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50695, - "content": "ে", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50696, - "content": "脫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50697, - "content": "뜄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50698, - "content": "饮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50699, - "content": "受", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50700, - "content": "镂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50701, - "content": "닎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50702, - "content": "炆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50703, - "content": "뀌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50704, - "content": "䴘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50705, - "content": "애", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50706, - "content": "톍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50707, - "content": "폭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50708, - "content": "্", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50709, - "content": "插", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50710, - "content": "窠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50711, - "content": "裎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50712, - "content": "沾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50713, - "content": "큆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50714, - "content": "绿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50715, - "content": "鹼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50716, - "content": "슝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50717, - "content": "룸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50718, - "content": "뗈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50719, - "content": "껕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50720, - "content": "搾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50721, - "content": "锊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50722, - "content": "쿋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50723, - "content": "儒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50724, - "content": "質", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50725, - "content": "튦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50726, - "content": "촴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50727, - "content": "轔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50728, - "content": "风", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50729, - "content": "嫪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50730, - "content": "弘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50731, - "content": "⑥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50732, - "content": "쳹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50733, - "content": "뫗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50734, - "content": "比", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50735, - "content": "먵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50736, - "content": "븺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50737, - "content": "甽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50738, - "content": "렾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50739, - "content": "焙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50740, - "content": "튾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50741, - "content": "븈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50742, - "content": "끕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50743, - "content": "뱢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50744, - "content": "궧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50745, - "content": "ૃ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50746, - "content": "톣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50747, - "content": "扦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50748, - "content": "鼯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50749, - "content": "덥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50750, - "content": "갌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50751, - "content": "셓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50752, - "content": "쾅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50753, - "content": "熵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50754, - "content": "蕗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50755, - "content": "嵫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50756, - "content": "郷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50757, - "content": "囷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50758, - "content": "箭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50759, - "content": "뮫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50760, - "content": "퇈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50761, - "content": "닱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50762, - "content": "س", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50763, - "content": "冀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50764, - "content": "ੱ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50765, - "content": "梶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50766, - "content": "멄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50767, - "content": "쟜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50768, - "content": "绕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50769, - "content": "뾷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50770, - "content": "꿀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50771, - "content": "쟸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50772, - "content": "缊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50773, - "content": "뛩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50774, - "content": "덪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50775, - "content": "흎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50776, - "content": "ा", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50777, - "content": "瑤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50778, - "content": "뜧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50779, - "content": "떺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50780, - "content": "싑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50781, - "content": "赀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50782, - "content": "暗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50783, - "content": "៧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50784, - "content": "瑱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50785, - "content": "绅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50786, - "content": "쨢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50787, - "content": "靛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50788, - "content": "慧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50789, - "content": "읒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50790, - "content": "뙱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50791, - "content": "潖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50792, - "content": "佔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50793, - "content": "મ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50794, - "content": "뇺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50795, - "content": "冯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50796, - "content": "䴓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50797, - "content": "溷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50798, - "content": "耋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50799, - "content": "膛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50800, - "content": "잮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50801, - "content": "네", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50802, - "content": "围", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50803, - "content": "胝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50804, - "content": "鵝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50805, - "content": "핀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50806, - "content": "뾞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50807, - "content": "똄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50808, - "content": "풙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50809, - "content": "꼉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50810, - "content": "鳕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50811, - "content": "佧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50812, - "content": "趁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50813, - "content": "듾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50814, - "content": "భ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50815, - "content": "侘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50816, - "content": "뻦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50817, - "content": "孵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50818, - "content": "瑙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50819, - "content": "谈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50820, - "content": "煨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50821, - "content": "構", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50822, - "content": "廪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50823, - "content": "欖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50824, - "content": "眢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50825, - "content": "答", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50826, - "content": "풹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50827, - "content": "흃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50828, - "content": "졳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50829, - "content": "떢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50830, - "content": "避", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50831, - "content": "♜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50832, - "content": "酶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50833, - "content": "縂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50834, - "content": "餍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50835, - "content": "ឃ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50836, - "content": "ポ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50837, - "content": "礤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50838, - "content": "邇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50839, - "content": "쿥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50840, - "content": "焕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50841, - "content": "瓿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50842, - "content": "鋅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50843, - "content": "వ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50844, - "content": "퐯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50845, - "content": "ؐ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50846, - "content": "卑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50847, - "content": "畤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50848, - "content": "뎮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50849, - "content": "紅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50850, - "content": "涔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50851, - "content": "क", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50852, - "content": "온", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50853, - "content": "봱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50854, - "content": "抵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50855, - "content": "瀝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50856, - "content": "湜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50857, - "content": "谁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50858, - "content": "랁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50859, - "content": "冉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50860, - "content": "돟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50861, - "content": "✺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50862, - "content": "濒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50863, - "content": "튶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50864, - "content": "첰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50865, - "content": "쾭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50866, - "content": "퓑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50867, - "content": "傺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50868, - "content": "촡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50869, - "content": "蛻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50870, - "content": "滾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50871, - "content": "뽡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50872, - "content": "ੌ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50873, - "content": "狉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50874, - "content": "屮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50875, - "content": "峽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50876, - "content": "묷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50877, - "content": "九", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50878, - "content": "県", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50879, - "content": "딭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50880, - "content": "뱕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50881, - "content": "줬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50882, - "content": "毅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50883, - "content": "쾣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50884, - "content": "ਈ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50885, - "content": "瀉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50886, - "content": "呛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50887, - "content": "쟦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50888, - "content": "奏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50889, - "content": "щ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50890, - "content": "灤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50891, - "content": "嫩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50892, - "content": "쪰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50893, - "content": "忙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50894, - "content": "귅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50895, - "content": "땯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50896, - "content": "毡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50897, - "content": "찾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50898, - "content": "荒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50899, - "content": "盲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50900, - "content": "퉺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50901, - "content": "콅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50902, - "content": "斑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50903, - "content": "뎵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50904, - "content": "엂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50905, - "content": "껨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50906, - "content": "契", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50907, - "content": "왡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50908, - "content": "웱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50909, - "content": "节", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50910, - "content": "싊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50911, - "content": "ؕ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50912, - "content": "剡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50913, - "content": "긮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50914, - "content": "楛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50915, - "content": "缺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50916, - "content": "쥶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50917, - "content": "下", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50918, - "content": "련", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50919, - "content": "좸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50920, - "content": "䲟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50921, - "content": "埫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50922, - "content": "트", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50923, - "content": "쩲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50924, - "content": "뿗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50925, - "content": "鈸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50926, - "content": "⑨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50927, - "content": "쫹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50928, - "content": "靂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50929, - "content": "手", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50930, - "content": "呶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50931, - "content": "繰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50932, - "content": "鬯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50933, - "content": "地", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50934, - "content": "踺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50935, - "content": "폃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50936, - "content": "楝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50937, - "content": "蝿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50938, - "content": "報", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50939, - "content": "쏆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50940, - "content": "誕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50941, - "content": "倖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50942, - "content": "啗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50943, - "content": "솽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50944, - "content": "셀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50945, - "content": "낟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50946, - "content": "뗂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50947, - "content": "롔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50948, - "content": "瘕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50949, - "content": "꿇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50950, - "content": "栎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50951, - "content": "녌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50952, - "content": "煉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50953, - "content": "곮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50954, - "content": "꿟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50955, - "content": "週", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50956, - "content": "낳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50957, - "content": "茽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50958, - "content": "뇁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50959, - "content": "毐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50960, - "content": "課", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50961, - "content": "戰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50962, - "content": "픈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50963, - "content": "쌏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50964, - "content": "ញ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50965, - "content": "缄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50966, - "content": "퐼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50967, - "content": "롸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50968, - "content": "」", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50969, - "content": "뺷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50970, - "content": "뤅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50971, - "content": "뒾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50972, - "content": "●", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50973, - "content": "줏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50974, - "content": "赟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50975, - "content": "菸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50976, - "content": "탄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50977, - "content": "뚸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50978, - "content": "穋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50979, - "content": "癜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50980, - "content": "춲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50981, - "content": "뚕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50982, - "content": "③", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50983, - "content": "燦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50984, - "content": "琲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50985, - "content": "೧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50986, - "content": "슺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50987, - "content": "鄣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50988, - "content": "痛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50989, - "content": "듫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50990, - "content": "퉫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50991, - "content": "틬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50992, - "content": "혉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50993, - "content": "秘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50994, - "content": "捣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50995, - "content": "꺤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50996, - "content": "ݻ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50997, - "content": "啉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50998, - "content": "럡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 50999, - "content": "墡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51000, - "content": "囍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51001, - "content": "闇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51002, - "content": "觐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51003, - "content": "짨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51004, - "content": "為", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51005, - "content": "试", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51006, - "content": "궠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51007, - "content": "뢹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51008, - "content": "姍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51009, - "content": "擋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51010, - "content": "讵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51011, - "content": "깡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51012, - "content": "밹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51013, - "content": "푝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51014, - "content": "裹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51015, - "content": "鄂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51016, - "content": "し", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51017, - "content": "潢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51018, - "content": "蕰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51019, - "content": "갿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51020, - "content": "떭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51021, - "content": "뺞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51022, - "content": "좶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51023, - "content": "過", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51024, - "content": "뼼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51025, - "content": "웲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51026, - "content": "掠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51027, - "content": "妠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51028, - "content": "ڊ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51029, - "content": "某", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51030, - "content": "刁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51031, - "content": "궍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51032, - "content": "욿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51033, - "content": "쓞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51034, - "content": "몳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51035, - "content": "鱔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51036, - "content": "줟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51037, - "content": "痒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51038, - "content": "抜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51039, - "content": "𬺡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51040, - "content": "챙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51041, - "content": "齿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51042, - "content": "뜳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51043, - "content": "쌕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51044, - "content": "쵁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51045, - "content": "ݗ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51046, - "content": "霁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51047, - "content": "荓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51048, - "content": "홿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51049, - "content": "뛳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51050, - "content": "쳂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51051, - "content": "થ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51052, - "content": "三", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51053, - "content": "頬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51054, - "content": "匙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51055, - "content": "첩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51056, - "content": "퍰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51057, - "content": "珂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51058, - "content": "댝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51059, - "content": "틮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51060, - "content": "ഗ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51061, - "content": "愿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51062, - "content": "꿴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51063, - "content": "౽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51064, - "content": "캁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51065, - "content": "疍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51066, - "content": "噎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51067, - "content": "御", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51068, - "content": "잭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51069, - "content": "腑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51070, - "content": "끗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51071, - "content": "팺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51072, - "content": "城", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51073, - "content": "뀬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51074, - "content": "唼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51075, - "content": "韉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51076, - "content": "컠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51077, - "content": "됭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51078, - "content": "垞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51079, - "content": "펦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51080, - "content": "廄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51081, - "content": "程", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51082, - "content": "鈇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51083, - "content": "얶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51084, - "content": "亩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51085, - "content": "읨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51086, - "content": "腺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51087, - "content": "뀘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51088, - "content": "辟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51089, - "content": "辈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51090, - "content": "詣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51091, - "content": "坬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51092, - "content": "彦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51093, - "content": "ঋ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51094, - "content": "入", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51095, - "content": "Ớ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51096, - "content": "즡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51097, - "content": "壕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51098, - "content": "塭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51099, - "content": "雯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51100, - "content": "糝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51101, - "content": "샸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51102, - "content": "괓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51103, - "content": "檣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51104, - "content": "엖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51105, - "content": "욅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51106, - "content": "헏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51107, - "content": "뮾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51108, - "content": "뉩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51109, - "content": "径", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51110, - "content": "툗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51111, - "content": "즮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51112, - "content": "됢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51113, - "content": "む", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51114, - "content": "쥯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51115, - "content": "溁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51116, - "content": "띱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51117, - "content": "몋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51118, - "content": "倦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51119, - "content": "뀮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51120, - "content": "쇌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51121, - "content": "攙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51122, - "content": "뤓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51123, - "content": "௨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51124, - "content": "뗒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51125, - "content": "獭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51126, - "content": "陝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51127, - "content": "秽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51128, - "content": "몲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51129, - "content": "幹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51130, - "content": "쀷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51131, - "content": "캳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51132, - "content": "稑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51133, - "content": "锿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51134, - "content": "몶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51135, - "content": "컳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51136, - "content": "產", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51137, - "content": "४", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51138, - "content": "콤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51139, - "content": "孙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51140, - "content": "洫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51141, - "content": "땊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51142, - "content": "혌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51143, - "content": "夯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51144, - "content": "賬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51145, - "content": "蚕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51146, - "content": "볢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51147, - "content": "驱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51148, - "content": "탁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51149, - "content": "缓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51150, - "content": "묜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51151, - "content": "쫥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51152, - "content": "쮿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51153, - "content": "앦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51154, - "content": "鹩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51155, - "content": "겒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51156, - "content": "衆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51157, - "content": "콝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51158, - "content": "퀌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51159, - "content": "腈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51160, - "content": "贽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51161, - "content": "搔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51162, - "content": "蓂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51163, - "content": "힘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51164, - "content": "鳗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51165, - "content": "芰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51166, - "content": "悱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51167, - "content": "뛍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51168, - "content": "吱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51169, - "content": "낿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51170, - "content": "酦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51171, - "content": "챣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51172, - "content": "엸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51173, - "content": "곻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51174, - "content": "逸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51175, - "content": "渍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51176, - "content": "豈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51177, - "content": "붘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51178, - "content": "슅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51179, - "content": "里", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51180, - "content": "똯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51181, - "content": "龅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51182, - "content": "낭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51183, - "content": "霭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51184, - "content": "텧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51185, - "content": "깝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51186, - "content": "蛐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51187, - "content": "捌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51188, - "content": "珝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51189, - "content": "య", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51190, - "content": "댠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51191, - "content": "悆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51192, - "content": "쩓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51193, - "content": "꾇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51194, - "content": "홻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51195, - "content": "딯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51196, - "content": "𬸚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51197, - "content": "籃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51198, - "content": "漼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51199, - "content": "졡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51200, - "content": "욳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51201, - "content": "兰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51202, - "content": "尴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51203, - "content": "룡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51204, - "content": "簍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51205, - "content": "묰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51206, - "content": "壟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51207, - "content": "빔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51208, - "content": "릗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51209, - "content": "뽉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51210, - "content": "铘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51211, - "content": "꽐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51212, - "content": "쀄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51213, - "content": "浃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51214, - "content": "삜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51215, - "content": "뒻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51216, - "content": "칝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51217, - "content": "鶯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51218, - "content": "侣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51219, - "content": "훻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51220, - "content": "뚿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51221, - "content": "症", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51222, - "content": "ಬ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51223, - "content": "沍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51224, - "content": "喝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51225, - "content": "暵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51226, - "content": "쇃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51227, - "content": "줮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51228, - "content": "ា", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51229, - "content": "꼽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51230, - "content": "뚡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51231, - "content": "돐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51232, - "content": "씒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51233, - "content": "১", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51234, - "content": "併", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51235, - "content": "쩣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51236, - "content": "基", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51237, - "content": "ٷ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51238, - "content": "뛐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51239, - "content": "族", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51240, - "content": "괄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51241, - "content": "턟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51242, - "content": "뉱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51243, - "content": "ំ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51244, - "content": "宲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51245, - "content": "骟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51246, - "content": "溹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51247, - "content": "稚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51248, - "content": "௩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51249, - "content": "筢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51250, - "content": "贬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51251, - "content": "错", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51252, - "content": "尕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51253, - "content": "쿦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51254, - "content": "껊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51255, - "content": "퇺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51256, - "content": "ุ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51257, - "content": "쒐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51258, - "content": "鋏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51259, - "content": "珲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51260, - "content": "砷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51261, - "content": "憨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51262, - "content": "谀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51263, - "content": "暖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51264, - "content": "夭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51265, - "content": "눌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51266, - "content": "봌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51267, - "content": "족", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51268, - "content": "袱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51269, - "content": "黩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51270, - "content": "겣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51271, - "content": "쒺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51272, - "content": "뗦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51273, - "content": "孳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51274, - "content": "𬭊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51275, - "content": "쮝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51276, - "content": "흋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51277, - "content": "麽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51278, - "content": "섅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51279, - "content": "孔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51280, - "content": "蹄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51281, - "content": "듦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51282, - "content": "쒿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51283, - "content": "즃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51284, - "content": "䁖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51285, - "content": "ണ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51286, - "content": "퇨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51287, - "content": "乎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51288, - "content": "ૌ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51289, - "content": "텃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51290, - "content": "쨘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51291, - "content": "亿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51292, - "content": "徳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51293, - "content": "깎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51294, - "content": "썼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51295, - "content": "ګ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51296, - "content": "쐜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51297, - "content": "믠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51298, - "content": "醢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51299, - "content": "쩈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51300, - "content": "榷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51301, - "content": "멡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51302, - "content": "斯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51303, - "content": "翩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51304, - "content": "셊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51305, - "content": "寅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51306, - "content": "悝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51307, - "content": "璨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51308, - "content": "ㆍ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51309, - "content": "숾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51310, - "content": "蟒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51311, - "content": "房", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51312, - "content": "쵭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51313, - "content": "큙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51314, - "content": "컙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51315, - "content": "렻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51316, - "content": "왏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51317, - "content": "쪼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51318, - "content": "숚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51319, - "content": "콁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51320, - "content": "룑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51321, - "content": "譲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51322, - "content": "휔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51323, - "content": "팪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51324, - "content": "交", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51325, - "content": "쩬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51326, - "content": "칟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51327, - "content": "쭅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51328, - "content": "놓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51329, - "content": "먔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51330, - "content": "着", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51331, - "content": "証", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51332, - "content": "몝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51333, - "content": "戶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51334, - "content": "ٔ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51335, - "content": "羊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51336, - "content": "咧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51337, - "content": "閲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51338, - "content": "퀶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51339, - "content": "쵋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51340, - "content": "켎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51341, - "content": "媳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51342, - "content": "䗴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51343, - "content": "淨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51344, - "content": "ݼ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51345, - "content": "渶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51346, - "content": "춌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51347, - "content": "뽁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51348, - "content": "쫎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51349, - "content": "푮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51350, - "content": "벜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51351, - "content": "嬈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51352, - "content": "겵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51353, - "content": "縹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51354, - "content": "查", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51355, - "content": "쑯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51356, - "content": "癒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51357, - "content": "폁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51358, - "content": "鲑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51359, - "content": "剟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51360, - "content": "ٛ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51361, - "content": "豳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51362, - "content": "習", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51363, - "content": "틭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51364, - "content": "缢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51365, - "content": "뺬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51366, - "content": "腱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51367, - "content": "쉞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51368, - "content": "꿒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51369, - "content": "혵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51370, - "content": "拄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51371, - "content": "퍉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51372, - "content": "Ẩ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51373, - "content": "払", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51374, - "content": "ړ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51375, - "content": "뻒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51376, - "content": "祜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51377, - "content": "뺺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51378, - "content": "쾎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51379, - "content": "쓭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51380, - "content": "狂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51381, - "content": "抡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51382, - "content": "캬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51383, - "content": "Ο", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51384, - "content": "貌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51385, - "content": "쫬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51386, - "content": "꼗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51387, - "content": "탂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51388, - "content": "앑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51389, - "content": "썰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51390, - "content": "熹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51391, - "content": "匼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51392, - "content": "چ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51393, - "content": "艘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51394, - "content": "譎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51395, - "content": "꿻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51396, - "content": "귫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51397, - "content": "뺄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51398, - "content": "▼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51399, - "content": "믞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51400, - "content": "됈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51401, - "content": "됤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51402, - "content": "蚤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51403, - "content": "آ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51404, - "content": "횋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51405, - "content": "苸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51406, - "content": "珸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51407, - "content": "ヘ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51408, - "content": "쀰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51409, - "content": "衾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51410, - "content": "蜞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51411, - "content": "熟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51412, - "content": "隈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51413, - "content": "쫕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51414, - "content": "黏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51415, - "content": "윁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51416, - "content": "观", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51417, - "content": "ō", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51418, - "content": "됋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51419, - "content": "典", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51420, - "content": "玺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51421, - "content": "쐆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51422, - "content": "푲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51423, - "content": "鲺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51424, - "content": "ㅤ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51425, - "content": "졵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51426, - "content": "楂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51427, - "content": "폞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51428, - "content": "込", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51429, - "content": "嘟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51430, - "content": "ਗ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51431, - "content": "蓇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51432, - "content": "ൺ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51433, - "content": "쨎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51434, - "content": "턡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51435, - "content": "址", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51436, - "content": "쥧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51437, - "content": "煳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51438, - "content": "냃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51439, - "content": "쌉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51440, - "content": "쿯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51441, - "content": "쫜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51442, - "content": "팜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51443, - "content": "뷶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51444, - "content": "子", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51445, - "content": "됼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51446, - "content": "耨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51447, - "content": "뢈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51448, - "content": "쑊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51449, - "content": "轷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51450, - "content": "页", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51451, - "content": "Ẹ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51452, - "content": "뿝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51453, - "content": "牙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51454, - "content": "头", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51455, - "content": "툇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51456, - "content": "擾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51457, - "content": "轢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51458, - "content": "딃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51459, - "content": "푛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51460, - "content": "瑂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51461, - "content": "室", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51462, - "content": "愚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51463, - "content": "動", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51464, - "content": "큿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51465, - "content": "릐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51466, - "content": "냸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51467, - "content": "铝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51468, - "content": "죊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51469, - "content": "씢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51470, - "content": "詠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51471, - "content": "퀷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51472, - "content": "箓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51473, - "content": "Ÿ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51474, - "content": "큀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51475, - "content": "脉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51476, - "content": "ㅮ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51477, - "content": "관", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51478, - "content": "蘗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51479, - "content": "莴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51480, - "content": "뛒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51481, - "content": "阴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51482, - "content": "ி", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51483, - "content": "퉜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51484, - "content": "뚀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51485, - "content": "쇇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51486, - "content": "釈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51487, - "content": "ۉ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51488, - "content": "й", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51489, - "content": "얪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51490, - "content": "삡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51491, - "content": "翁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51492, - "content": "춪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51493, - "content": "헆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51494, - "content": "澶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51495, - "content": "귧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51496, - "content": "킴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51497, - "content": "緑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51498, - "content": "쎽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51499, - "content": "紂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51500, - "content": "犁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51501, - "content": "豢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51502, - "content": "荞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51503, - "content": "韓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51504, - "content": "쨂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51505, - "content": "遐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51506, - "content": "◯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51507, - "content": "輩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51508, - "content": "팶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51509, - "content": "弹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51510, - "content": "웨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51511, - "content": "奡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51512, - "content": "渠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51513, - "content": "ㅯ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51514, - "content": "訂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51515, - "content": "퉾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51516, - "content": "묳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51517, - "content": "敛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51518, - "content": "音", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51519, - "content": "잩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51520, - "content": "缔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51521, - "content": "턽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51522, - "content": "陳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51523, - "content": "姊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51524, - "content": "뾄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51525, - "content": "巅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51526, - "content": "핻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51527, - "content": "撚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51528, - "content": "苫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51529, - "content": "굁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51530, - "content": "엃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51531, - "content": "죅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51532, - "content": "냈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51533, - "content": "険", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51534, - "content": "咫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51535, - "content": "푖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51536, - "content": "뜻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51537, - "content": "棐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51538, - "content": "붖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51539, - "content": "윧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51540, - "content": "鹣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51541, - "content": "埓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51542, - "content": "斌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51543, - "content": "晅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51544, - "content": "긙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51545, - "content": "땺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51546, - "content": "忳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51547, - "content": "評", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51548, - "content": "톹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51549, - "content": "퀼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51550, - "content": "컷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51551, - "content": "铣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51552, - "content": "먹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51553, - "content": "걣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51554, - "content": "춑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51555, - "content": "뢶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51556, - "content": "៳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51557, - "content": "묩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51558, - "content": "۾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51559, - "content": "슴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51560, - "content": "羯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51561, - "content": "븙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51562, - "content": "띵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51563, - "content": "咴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51564, - "content": "褊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51565, - "content": "릟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51566, - "content": "혙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51567, - "content": "洿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51568, - "content": "퉥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51569, - "content": "徂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51570, - "content": "蠹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51571, - "content": "늜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51572, - "content": "듻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51573, - "content": "춮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51574, - "content": "익", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51575, - "content": "섉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51576, - "content": "퓤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51577, - "content": "삩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51578, - "content": "렄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51579, - "content": "魑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51580, - "content": "뻭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51581, - "content": "닾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51582, - "content": "玟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51583, - "content": "휤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51584, - "content": "喷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51585, - "content": "덐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51586, - "content": "퉭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51587, - "content": "쳺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51588, - "content": "蜈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51589, - "content": "莓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51590, - "content": "줓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51591, - "content": "쪷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51592, - "content": "쫝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51593, - "content": "馀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51594, - "content": "슞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51595, - "content": "ഘ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51596, - "content": "𬺗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51597, - "content": "뢥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51598, - "content": "䣘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51599, - "content": "뵀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51600, - "content": "푥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51601, - "content": "耒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51602, - "content": "깍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51603, - "content": "ρ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51604, - "content": "뺟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51605, - "content": "票", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51606, - "content": "엎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51607, - "content": "몍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51608, - "content": "믱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51609, - "content": "쁃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51610, - "content": "脍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51611, - "content": "黝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51612, - "content": "겔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51613, - "content": "妇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51614, - "content": "铥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51615, - "content": "즉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51616, - "content": "쟚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51617, - "content": "ằ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51618, - "content": "뉐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51619, - "content": "꺡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51620, - "content": "顓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51621, - "content": "땖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51622, - "content": "备", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51623, - "content": "釣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51624, - "content": "먲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51625, - "content": "깤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51626, - "content": "띗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51627, - "content": "룒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51628, - "content": "僮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51629, - "content": "댟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51630, - "content": "펛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51631, - "content": "Қ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51632, - "content": "뙵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51633, - "content": "额", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51634, - "content": "誤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51635, - "content": "쬔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51636, - "content": "펒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51637, - "content": "밁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51638, - "content": "珥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51639, - "content": "듀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51640, - "content": "핇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51641, - "content": "哂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51642, - "content": "៉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51643, - "content": "靴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51644, - "content": "경", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51645, - "content": "確", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51646, - "content": "욠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51647, - "content": "響", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51648, - "content": "邙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51649, - "content": "錶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51650, - "content": "蝗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51651, - "content": "딉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51652, - "content": "摽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51653, - "content": "퍣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51654, - "content": "렝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51655, - "content": "品", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51656, - "content": "篛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51657, - "content": "켩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51658, - "content": "屓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51659, - "content": "멬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51660, - "content": "째", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51661, - "content": "훰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51662, - "content": "뵶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51663, - "content": "戤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51664, - "content": "쁰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51665, - "content": "蔀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51666, - "content": "팓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51667, - "content": "빨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51668, - "content": "劣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51669, - "content": "젷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51670, - "content": "趿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51671, - "content": "즥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51672, - "content": "앢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51673, - "content": "襤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51674, - "content": "硔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51675, - "content": "뫭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51676, - "content": "颠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51677, - "content": "燭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51678, - "content": "呟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51679, - "content": "瀋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51680, - "content": "긴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51681, - "content": "칎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51682, - "content": "檜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51683, - "content": "컃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51684, - "content": "휊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51685, - "content": "먊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51686, - "content": "౬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51687, - "content": "를", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51688, - "content": "껈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51689, - "content": "먭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51690, - "content": "嵬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51691, - "content": "亘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51692, - "content": "奁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51693, - "content": "능", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51694, - "content": "ㇽ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51695, - "content": "贡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51696, - "content": "똃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51697, - "content": "쬩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51698, - "content": "𬬸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51699, - "content": "웎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51700, - "content": "뉢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51701, - "content": "曄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51702, - "content": "蓮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51703, - "content": "굩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51704, - "content": "춀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51705, - "content": "閘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51706, - "content": "ஔ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51707, - "content": "뙰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51708, - "content": "왬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51709, - "content": "审", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51710, - "content": "몦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51711, - "content": "곜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51712, - "content": "랃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51713, - "content": "𬸦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51714, - "content": "छ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51715, - "content": "깭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51716, - "content": "꽥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51717, - "content": "峗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51718, - "content": "냢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51719, - "content": "드", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51720, - "content": "갳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51721, - "content": "긌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51722, - "content": "뷀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51723, - "content": "제", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51724, - "content": "犂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51725, - "content": "ಠ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51726, - "content": "疡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51727, - "content": "誊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51728, - "content": "チ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51729, - "content": "촰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51730, - "content": "貼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51731, - "content": "谴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51732, - "content": "궞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51733, - "content": "훡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51734, - "content": "쏑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51735, - "content": "틤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51736, - "content": "왈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51737, - "content": "髯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51738, - "content": "뼽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51739, - "content": "썩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51740, - "content": "댛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51741, - "content": "涐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51742, - "content": "럽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51743, - "content": "촙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51744, - "content": "儿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51745, - "content": "锚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51746, - "content": "뽩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51747, - "content": "걒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51748, - "content": "띓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51749, - "content": "柯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51750, - "content": "듶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51751, - "content": "풝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51752, - "content": "商", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51753, - "content": "꾥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51754, - "content": "맏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51755, - "content": "贫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51756, - "content": "걕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51757, - "content": "囵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51758, - "content": "酡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51759, - "content": "胺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51760, - "content": "ݧ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51761, - "content": "侏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51762, - "content": "쑜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51763, - "content": "잟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51764, - "content": "뱵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51765, - "content": "뎜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51766, - "content": "舴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51767, - "content": "챝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51768, - "content": "僖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51769, - "content": "膚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51770, - "content": "礼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51771, - "content": "蠲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51772, - "content": "𬙊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51773, - "content": "셯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51774, - "content": "ơ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51775, - "content": "똍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51776, - "content": "봔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51777, - "content": "钙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51778, - "content": "返", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51779, - "content": "睄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51780, - "content": "땾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51781, - "content": "춋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51782, - "content": "쐥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51783, - "content": "衅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51784, - "content": "놬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51785, - "content": "满", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51786, - "content": "읚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51787, - "content": "冪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51788, - "content": "精", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51789, - "content": "짎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51790, - "content": "૪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51791, - "content": "鼩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51792, - "content": "ഢ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51793, - "content": "杕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51794, - "content": "腽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51795, - "content": "刹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51796, - "content": "底", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51797, - "content": "잒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51798, - "content": "앏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51799, - "content": "헗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51800, - "content": "昈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51801, - "content": "뮭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51802, - "content": "騒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51803, - "content": "敕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51804, - "content": "酃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51805, - "content": "꾧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51806, - "content": "𫍯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51807, - "content": "꼁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51808, - "content": "健", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51809, - "content": "먝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51810, - "content": "퉲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51811, - "content": "漦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51812, - "content": "艟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51813, - "content": "꽤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51814, - "content": "洧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51815, - "content": "좒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51816, - "content": "𬶟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51817, - "content": "翻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51818, - "content": "个", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51819, - "content": "혃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51820, - "content": "끿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51821, - "content": "펯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51822, - "content": "轩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51823, - "content": "낙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51824, - "content": "핁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51825, - "content": "법", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51826, - "content": "壤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51827, - "content": "桷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51828, - "content": "段", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51829, - "content": "戯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51830, - "content": "껑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51831, - "content": "꺇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51832, - "content": "캛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51833, - "content": "鸺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51834, - "content": "০", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51835, - "content": "砀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51836, - "content": "霤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51837, - "content": "河", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51838, - "content": "퍢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51839, - "content": "픜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51840, - "content": "뗰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51841, - "content": "挓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51842, - "content": "魔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51843, - "content": "춚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51844, - "content": "핾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51845, - "content": "ڰ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51846, - "content": "ㅔ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51847, - "content": "哓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51848, - "content": "祉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51849, - "content": "绉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51850, - "content": "푌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51851, - "content": "柞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51852, - "content": "엛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51853, - "content": "缐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51854, - "content": "钏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51855, - "content": "읙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51856, - "content": "౭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51857, - "content": "ٕ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51858, - "content": "뵩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51859, - "content": "꿶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51860, - "content": "곖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51861, - "content": "緣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51862, - "content": "酲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51863, - "content": "툹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51864, - "content": "翀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51865, - "content": "蜀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51866, - "content": "엦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51867, - "content": "폊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51868, - "content": "钶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51869, - "content": "젃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51870, - "content": "鼬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51871, - "content": "醋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51872, - "content": "孫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51873, - "content": "੮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51874, - "content": "嚥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51875, - "content": "퀐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51876, - "content": "Ệ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51877, - "content": "煥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51878, - "content": "懂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51879, - "content": "𬘩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51880, - "content": "넾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51881, - "content": "錙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51882, - "content": "膿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51883, - "content": "맼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51884, - "content": "髁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51885, - "content": "定", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51886, - "content": "둾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51887, - "content": "繙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51888, - "content": "퍿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51889, - "content": "뛧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51890, - "content": "벴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51891, - "content": "妖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51892, - "content": "垣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51893, - "content": "赍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51894, - "content": "髟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51895, - "content": "鬧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51896, - "content": "칤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51897, - "content": "ۥ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51898, - "content": "轂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51899, - "content": "둗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51900, - "content": "많", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51901, - "content": "摁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51902, - "content": "范", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51903, - "content": "嗜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51904, - "content": "갯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51905, - "content": "겆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51906, - "content": "뒊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51907, - "content": "ۜ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51908, - "content": "둏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51909, - "content": "글", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51910, - "content": "姝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51911, - "content": "쁻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51912, - "content": "簝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51913, - "content": "긼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51914, - "content": "矣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51915, - "content": "世", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51916, - "content": "嫔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51917, - "content": "짯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51918, - "content": "꾐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51919, - "content": "削", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51920, - "content": "湍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51921, - "content": "慰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51922, - "content": "藉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51923, - "content": "槛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51924, - "content": "쀩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51925, - "content": "閊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51926, - "content": "샦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51927, - "content": "굈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51928, - "content": "묡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51929, - "content": "貂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51930, - "content": "쨾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51931, - "content": "뭹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51932, - "content": "勻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51933, - "content": "늩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51934, - "content": "걘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51935, - "content": "臨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51936, - "content": "晾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51937, - "content": "枅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51938, - "content": "첫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51939, - "content": "믑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51940, - "content": "킊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51941, - "content": "ٿ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51942, - "content": "효", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51943, - "content": "쨼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51944, - "content": "脣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51945, - "content": "퓁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51946, - "content": "꿐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51947, - "content": "鸼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51948, - "content": "뿚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51949, - "content": "绀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51950, - "content": "ك", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51951, - "content": "游", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51952, - "content": "펍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51953, - "content": "粲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51954, - "content": "芮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51955, - "content": "២", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51956, - "content": "檑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51957, - "content": "佤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51958, - "content": "둉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51959, - "content": "켐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51960, - "content": "뫵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51961, - "content": "而", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51962, - "content": "濕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51963, - "content": "웞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51964, - "content": "링", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51965, - "content": "횸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51966, - "content": "ী", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51967, - "content": "띑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51968, - "content": "괷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51969, - "content": "ś", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51970, - "content": "鬍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51971, - "content": "멫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51972, - "content": "杨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51973, - "content": "Π", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51974, - "content": "ढ़", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51975, - "content": "꺥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51976, - "content": "渎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51977, - "content": "덕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51978, - "content": "덻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51979, - "content": "즞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51980, - "content": "뾃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51981, - "content": "쬾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51982, - "content": "짂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51983, - "content": "𬭯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51984, - "content": "瓣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51985, - "content": "눛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51986, - "content": "ㅧ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51987, - "content": "劊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51988, - "content": "倓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51989, - "content": "벚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51990, - "content": "レ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51991, - "content": "घ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51992, - "content": "拖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51993, - "content": "츅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51994, - "content": "舔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51995, - "content": "뤙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51996, - "content": "쾐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51997, - "content": "身", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51998, - "content": "葑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 51999, - "content": "趙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52000, - "content": "𫞩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52001, - "content": "杯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52002, - "content": "학", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52003, - "content": "帙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52004, - "content": "읾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52005, - "content": "鷂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52006, - "content": "룠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52007, - "content": "菩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52008, - "content": "闯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52009, - "content": "쓬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52010, - "content": "Ẓ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52011, - "content": "舁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52012, - "content": "졯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52013, - "content": "灿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52014, - "content": "뱲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52015, - "content": "끃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52016, - "content": "빤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52017, - "content": "쫰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52018, - "content": "棲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52019, - "content": "맯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52020, - "content": "癌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52021, - "content": "跼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52022, - "content": "纡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52023, - "content": "☓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52024, - "content": "췪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52025, - "content": "완", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52026, - "content": "쭞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52027, - "content": "ー", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52028, - "content": "헮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52029, - "content": "졌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52030, - "content": "폌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52031, - "content": "툙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52032, - "content": "恓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52033, - "content": "撾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52034, - "content": "诂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52035, - "content": "暢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52036, - "content": "肜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52037, - "content": "뇸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52038, - "content": "牥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52039, - "content": "뼸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52040, - "content": "美", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52041, - "content": "差", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52042, - "content": "껾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52043, - "content": "쾬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52044, - "content": "়", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52045, - "content": "먱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52046, - "content": "찯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52047, - "content": "虼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52048, - "content": "눆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52049, - "content": "颤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52050, - "content": "녷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52051, - "content": "警", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52052, - "content": "쁣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52053, - "content": "懷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52054, - "content": "ू", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52055, - "content": "嘴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52056, - "content": "沈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52057, - "content": "뗌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52058, - "content": "代", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52059, - "content": "茣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52060, - "content": "돆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52061, - "content": "멸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52062, - "content": "둍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52063, - "content": "뀦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52064, - "content": "꼴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52065, - "content": "鳍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52066, - "content": "橥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52067, - "content": "亮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52068, - "content": "瘵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52069, - "content": "钕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52070, - "content": "잫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52071, - "content": "鬢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52072, - "content": "瑞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52073, - "content": "繞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52074, - "content": "め", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52075, - "content": "拆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52076, - "content": "赡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52077, - "content": "犄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52078, - "content": "幪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52079, - "content": "퉐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52080, - "content": "찝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52081, - "content": "↔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52082, - "content": "剜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52083, - "content": "亠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52084, - "content": "쀸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52085, - "content": "但", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52086, - "content": "驾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52087, - "content": "軀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52088, - "content": "먉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52089, - "content": "춶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52090, - "content": "숇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52091, - "content": "굱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52092, - "content": "艴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52093, - "content": "绸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52094, - "content": "撢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52095, - "content": "녨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52096, - "content": "닇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52097, - "content": "뉂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52098, - "content": "떍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52099, - "content": "𫚕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52100, - "content": "턚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52101, - "content": "挎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52102, - "content": "둻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52103, - "content": "彪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52104, - "content": "饶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52105, - "content": "こ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52106, - "content": "嶝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52107, - "content": "闵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52108, - "content": "◔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52109, - "content": "۫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52110, - "content": "먟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52111, - "content": "롱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52112, - "content": "뷄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52113, - "content": "ﻡ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52114, - "content": "숫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52115, - "content": "讓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52116, - "content": "誦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52117, - "content": "務", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52118, - "content": "谰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52119, - "content": "ณ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52120, - "content": "◆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52121, - "content": "缛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52122, - "content": "燥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52123, - "content": "六", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52124, - "content": "ค", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52125, - "content": "竫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52126, - "content": "퍼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52127, - "content": "븕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52128, - "content": "淜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52129, - "content": "딿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52130, - "content": "楣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52131, - "content": "昀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52132, - "content": "裥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52133, - "content": "臼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52134, - "content": "핆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52135, - "content": "쵠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52136, - "content": "캮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52137, - "content": "싴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52138, - "content": "턀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52139, - "content": "쫌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52140, - "content": "큟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52141, - "content": "堧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52142, - "content": "롕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52143, - "content": "괸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52144, - "content": "맗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52145, - "content": "휥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52146, - "content": "쭩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52147, - "content": "该", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52148, - "content": "圉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52149, - "content": "볣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52150, - "content": "솯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52151, - "content": "투", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52152, - "content": "倻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52153, - "content": "钸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52154, - "content": "쌥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52155, - "content": "勁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52156, - "content": "桡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52157, - "content": "臌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52158, - "content": "쐚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52159, - "content": "惆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52160, - "content": "씂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52161, - "content": "퓧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52162, - "content": "្", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52163, - "content": "뺨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52164, - "content": "펏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52165, - "content": "뺸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52166, - "content": "십", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52167, - "content": "뗞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52168, - "content": "뒰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52169, - "content": "둽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52170, - "content": "숰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52171, - "content": "흛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52172, - "content": "곕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52173, - "content": "싅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52174, - "content": "뿈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52175, - "content": "퍾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52176, - "content": "컧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52177, - "content": "ờ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52178, - "content": "켛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52179, - "content": "ច", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52180, - "content": "젦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52181, - "content": "晫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52182, - "content": "涿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52183, - "content": "뎶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52184, - "content": "붼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52185, - "content": "쨬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52186, - "content": "支", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52187, - "content": "貸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52188, - "content": "쌭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52189, - "content": "閉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52190, - "content": "祟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52191, - "content": "灭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52192, - "content": "濞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52193, - "content": "똒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52194, - "content": "蜊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52195, - "content": "欽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52196, - "content": "춝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52197, - "content": "굸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52198, - "content": "籽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52199, - "content": "쐕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52200, - "content": "诌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52201, - "content": "뤲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52202, - "content": "쎬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52203, - "content": "쮛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52204, - "content": "짩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52205, - "content": "臍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52206, - "content": "쬄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52207, - "content": "款", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52208, - "content": "綜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52209, - "content": "趨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52210, - "content": "瓊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52211, - "content": "咒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52212, - "content": "魎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52213, - "content": "ూ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52214, - "content": "똑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52215, - "content": "垚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52216, - "content": "훑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52217, - "content": "여", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52218, - "content": "ಖ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52219, - "content": "縐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52220, - "content": "킲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52221, - "content": "浹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52222, - "content": "瞳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52223, - "content": "炖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52224, - "content": "缎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52225, - "content": "놠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52226, - "content": "ㅣ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52227, - "content": "茺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52228, - "content": "菊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52229, - "content": "紉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52230, - "content": "냹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52231, - "content": "徴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52232, - "content": "攀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52233, - "content": "镵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52234, - "content": "苟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52235, - "content": "債", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52236, - "content": "섈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52237, - "content": "캈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52238, - "content": "焉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52239, - "content": "憶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52240, - "content": "뤘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52241, - "content": "霄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52242, - "content": "汈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52243, - "content": "빡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52244, - "content": "췷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52245, - "content": "羹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52246, - "content": "吩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52247, - "content": "취", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52248, - "content": "귾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52249, - "content": "얝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52250, - "content": "त", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52251, - "content": "①", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52252, - "content": "딙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52253, - "content": "维", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52254, - "content": "∽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52255, - "content": "俐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52256, - "content": "뤞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52257, - "content": "칰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52258, - "content": "铆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52259, - "content": "圧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52260, - "content": "鼽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52261, - "content": "궅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52262, - "content": "킞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52263, - "content": "옡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52264, - "content": "啓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52265, - "content": "喵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52266, - "content": "퍐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52267, - "content": "溲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52268, - "content": "퐦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52269, - "content": "퍒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52270, - "content": "쐿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52271, - "content": "Ž", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52272, - "content": "惊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52273, - "content": "뷒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52274, - "content": "舯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52275, - "content": "뢐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52276, - "content": "혖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52277, - "content": "ㅝ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52278, - "content": "紮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52279, - "content": "郁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52280, - "content": "뮦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52281, - "content": "鼐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52282, - "content": "床", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52283, - "content": "移", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52284, - "content": "퍊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52285, - "content": "圯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52286, - "content": "咙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52287, - "content": "消", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52288, - "content": "莪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52289, - "content": "퍴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52290, - "content": "癩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52291, - "content": "ઓ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52292, - "content": "맇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52293, - "content": "察", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52294, - "content": "싹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52295, - "content": "؞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52296, - "content": "뭸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52297, - "content": "持", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52298, - "content": "솞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52299, - "content": "オ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52300, - "content": "먦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52301, - "content": "芗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52302, - "content": "혍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52303, - "content": "霪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52304, - "content": "픣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52305, - "content": "밞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52306, - "content": "甫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52307, - "content": "륞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52308, - "content": "韵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52309, - "content": "糈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52310, - "content": "鲪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52311, - "content": "풑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52312, - "content": "뉨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52313, - "content": "킚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52314, - "content": "駑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52315, - "content": "内", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52316, - "content": "븶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52317, - "content": "特", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52318, - "content": "辖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52319, - "content": "弋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52320, - "content": "瑑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52321, - "content": "벍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52322, - "content": "뿳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52323, - "content": "棺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52324, - "content": "꽖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52325, - "content": "ヱ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52326, - "content": "碑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52327, - "content": "麵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52328, - "content": "맜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52329, - "content": "灾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52330, - "content": "園", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52331, - "content": "쫮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52332, - "content": "扺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52333, - "content": "숦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52334, - "content": "뭤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52335, - "content": "줼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52336, - "content": "ω", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52337, - "content": "唁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52338, - "content": "泅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52339, - "content": "純", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52340, - "content": "袆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52341, - "content": "쭛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52342, - "content": "폗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52343, - "content": "꾰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52344, - "content": "됇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52345, - "content": "쩻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52346, - "content": "랂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52347, - "content": "헸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52348, - "content": "凝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52349, - "content": "鸵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52350, - "content": "㮾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52351, - "content": "锩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52352, - "content": "뎝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52353, - "content": "뀒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52354, - "content": "샐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52355, - "content": "冠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52356, - "content": "訑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52357, - "content": "쾮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52358, - "content": "퐂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52359, - "content": "筇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52360, - "content": "뚴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52361, - "content": "雄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52362, - "content": "粪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52363, - "content": "锲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52364, - "content": "췿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52365, - "content": "拜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52366, - "content": "聆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52367, - "content": "ಃ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52368, - "content": "鲍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52369, - "content": "垸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52370, - "content": "秧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52371, - "content": "搶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52372, - "content": "瓒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52373, - "content": "笱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52374, - "content": "缌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52375, - "content": "쩎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52376, - "content": "듁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52377, - "content": "佴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52378, - "content": "낫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52379, - "content": "짅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52380, - "content": "쇓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52381, - "content": "햽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52382, - "content": "辜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52383, - "content": "놙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52384, - "content": "尥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52385, - "content": "덋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52386, - "content": "穆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52387, - "content": "௪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52388, - "content": "闰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52389, - "content": "痙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52390, - "content": "弈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52391, - "content": "氆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52392, - "content": "溅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52393, - "content": "문", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52394, - "content": "둲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52395, - "content": "崶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52396, - "content": "륐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52397, - "content": "붑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52398, - "content": "펫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52399, - "content": "៴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52400, - "content": "괗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52401, - "content": "؈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52402, - "content": "方", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52403, - "content": "閎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52404, - "content": "凄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52405, - "content": "诓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52406, - "content": "쪊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52407, - "content": "왶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52408, - "content": "剣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52409, - "content": "송", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52410, - "content": "と", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52411, - "content": "밊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52412, - "content": "酾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52413, - "content": "護", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52414, - "content": "앺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52415, - "content": "틪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52416, - "content": "췐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52417, - "content": "र", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52418, - "content": "턉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52419, - "content": "劂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52420, - "content": "낑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52421, - "content": "擎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52422, - "content": "옆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52423, - "content": "죖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52424, - "content": "뮩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52425, - "content": "؟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52426, - "content": "뮰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52427, - "content": "鷹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52428, - "content": "潵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52429, - "content": "쳱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52430, - "content": "鑫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52431, - "content": "浜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52432, - "content": "搴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52433, - "content": "鹍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52434, - "content": "宏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52435, - "content": "루", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52436, - "content": "쿙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52437, - "content": "ゼ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52438, - "content": "睫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52439, - "content": "깢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52440, - "content": "헒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52441, - "content": "갬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52442, - "content": "쏧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52443, - "content": "쟪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52444, - "content": "랼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52445, - "content": "쟵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52446, - "content": "鹤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52447, - "content": "″", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52448, - "content": "쇶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52449, - "content": "툁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52450, - "content": "枇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52451, - "content": "丹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52452, - "content": "룇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52453, - "content": "ൄ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52454, - "content": "쬎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52455, - "content": "릭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52456, - "content": "巒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52457, - "content": "귄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52458, - "content": "쀁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52459, - "content": "혩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52460, - "content": "캔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52461, - "content": "먠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52462, - "content": "竄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52463, - "content": "빽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52464, - "content": "뫝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52465, - "content": "쇉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52466, - "content": "ギ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52467, - "content": "胠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52468, - "content": "퇿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52469, - "content": "員", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52470, - "content": "쮦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52471, - "content": "쐵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52472, - "content": "奭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52473, - "content": "ॉ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52474, - "content": "항", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52475, - "content": "곒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52476, - "content": "抃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52477, - "content": "쵴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52478, - "content": "쓪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52479, - "content": "쫐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52480, - "content": "涤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52481, - "content": "洢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52482, - "content": "耄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52483, - "content": "錐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52484, - "content": "큋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52485, - "content": "踦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52486, - "content": "盾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52487, - "content": "껿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52488, - "content": "铹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52489, - "content": "栩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52490, - "content": "에", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52491, - "content": "湃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52492, - "content": "率", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52493, - "content": "됖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52494, - "content": "픎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52495, - "content": "뵧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52496, - "content": "쏎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52497, - "content": "껀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52498, - "content": "깖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52499, - "content": "逕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52500, - "content": "挈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52501, - "content": "瀣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52502, - "content": "쐒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52503, - "content": "鹮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52504, - "content": "働", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52505, - "content": "咩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52506, - "content": "悠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52507, - "content": "뜒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52508, - "content": "য", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52509, - "content": "롆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52510, - "content": "耏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52511, - "content": "霖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52512, - "content": "涯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52513, - "content": "চ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52514, - "content": "猬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52515, - "content": "걃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52516, - "content": "锒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52517, - "content": "芽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52518, - "content": "溟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52519, - "content": "偵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52520, - "content": "梌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52521, - "content": "찏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52522, - "content": "濑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52523, - "content": "揩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52524, - "content": "젠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52525, - "content": "莱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52526, - "content": "判", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52527, - "content": "발", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52528, - "content": "夥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52529, - "content": "첍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52530, - "content": "؜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52531, - "content": "隽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52532, - "content": "친", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52533, - "content": "쓰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52534, - "content": "魄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52535, - "content": "븏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52536, - "content": "뽅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52537, - "content": "녫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52538, - "content": "呓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52539, - "content": "맲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52540, - "content": "껌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52541, - "content": "똗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52542, - "content": "꺋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52543, - "content": "०", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52544, - "content": "쏶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52545, - "content": "뽗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52546, - "content": "頃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52547, - "content": "헙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52548, - "content": "₱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52549, - "content": "ઑ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52550, - "content": "쵈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52551, - "content": "찌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52552, - "content": "좝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52553, - "content": "젯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52554, - "content": "荨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52555, - "content": "횗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52556, - "content": "짔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52557, - "content": "𬭚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52558, - "content": "輝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52559, - "content": "킎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52560, - "content": "뗣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52561, - "content": "妹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52562, - "content": "斐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52563, - "content": "낪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52564, - "content": "듵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52565, - "content": "抗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52566, - "content": "鴿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52567, - "content": "새", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52568, - "content": "赤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52569, - "content": "퀓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52570, - "content": "枞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52571, - "content": "퇘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52572, - "content": "횬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52573, - "content": "찙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52574, - "content": "뗿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52575, - "content": "楮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52576, - "content": "𬺝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52577, - "content": "놋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52578, - "content": "읤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52579, - "content": "싿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52580, - "content": "퉌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52581, - "content": "鱖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52582, - "content": "涣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52583, - "content": "컑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52584, - "content": "곘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52585, - "content": "팍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52586, - "content": "皆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52587, - "content": "쨋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52588, - "content": "틘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52589, - "content": "뽯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52590, - "content": "렆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52591, - "content": "睬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52592, - "content": "希", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52593, - "content": "낣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52594, - "content": "켘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52595, - "content": "爾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52596, - "content": "쌣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52597, - "content": "쫨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52598, - "content": "鎬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52599, - "content": "뀭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52600, - "content": "쓝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52601, - "content": "쿭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52602, - "content": "뮶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52603, - "content": "セ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52604, - "content": "민", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52605, - "content": "逾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52606, - "content": "쿝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52607, - "content": "੫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52608, - "content": "흐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52609, - "content": "췡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52610, - "content": "뗘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52611, - "content": "孅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52612, - "content": "稿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52613, - "content": "띟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52614, - "content": "丰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52615, - "content": "虤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52616, - "content": "퉬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52617, - "content": "됂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52618, - "content": "롳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52619, - "content": "멊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52620, - "content": "뒀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52621, - "content": "텴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52622, - "content": "註", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52623, - "content": "컽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52624, - "content": "걩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52625, - "content": "運", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52626, - "content": "솧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52627, - "content": "潏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52628, - "content": "啧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52629, - "content": "쪚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52630, - "content": "뗎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52631, - "content": "땶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52632, - "content": "奪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52633, - "content": "얾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52634, - "content": "칪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52635, - "content": "們", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52636, - "content": "낄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52637, - "content": "텱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52638, - "content": "췮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52639, - "content": "ۿ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52640, - "content": "몟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52641, - "content": "쾩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52642, - "content": "瀼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52643, - "content": "テ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52644, - "content": "뒞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52645, - "content": "ژ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52646, - "content": "썹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52647, - "content": "깨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52648, - "content": "껥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52649, - "content": "□", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52650, - "content": "댳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52651, - "content": "播", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52652, - "content": "맊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52653, - "content": "桧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52654, - "content": "䘳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52655, - "content": "챌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52656, - "content": "쀋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52657, - "content": "뉈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52658, - "content": "靨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52659, - "content": "뤍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52660, - "content": "녋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52661, - "content": "횲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52662, - "content": "辨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52663, - "content": "彼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52664, - "content": "捗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52665, - "content": "갫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52666, - "content": "撹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52667, - "content": "뜿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52668, - "content": "撺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52669, - "content": "쓻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52670, - "content": "С", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52671, - "content": "퍀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52672, - "content": "彙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52673, - "content": "栽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52674, - "content": "澉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52675, - "content": "枷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52676, - "content": "宇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52677, - "content": "頗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52678, - "content": "쨯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52679, - "content": "楨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52680, - "content": "텢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52681, - "content": "랙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52682, - "content": "䅟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52683, - "content": "Ũ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52684, - "content": "蜐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52685, - "content": "뢦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52686, - "content": "뛺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52687, - "content": "힂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52688, - "content": "눸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52689, - "content": "앇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52690, - "content": "밵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52691, - "content": "涧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52692, - "content": "ी", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52693, - "content": "楽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52694, - "content": "柄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52695, - "content": "倬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52696, - "content": "伴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52697, - "content": "첧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52698, - "content": "ڃ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52699, - "content": "숔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52700, - "content": "烃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52701, - "content": "껓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52702, - "content": "이", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52703, - "content": "旆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52704, - "content": "벸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52705, - "content": "뱇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52706, - "content": "壓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52707, - "content": "皿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52708, - "content": "耗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52709, - "content": "啖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52710, - "content": "琉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52711, - "content": "뼠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52712, - "content": "犖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52713, - "content": "渴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52714, - "content": "枭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52715, - "content": "决", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52716, - "content": "竑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52717, - "content": "욗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52718, - "content": "頤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52719, - "content": "椆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52720, - "content": "捫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52721, - "content": "둮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52722, - "content": "봋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52723, - "content": "줺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52724, - "content": "숻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52725, - "content": "턗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52726, - "content": "툔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52727, - "content": "쬂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52728, - "content": "젻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52729, - "content": "뤠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52730, - "content": "紐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52731, - "content": "걪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52732, - "content": "뤽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52733, - "content": "누", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52734, - "content": "헚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52735, - "content": "绯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52736, - "content": "츩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52737, - "content": "꺗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52738, - "content": "쾥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52739, - "content": "石", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52740, - "content": "給", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52741, - "content": "ஓ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52742, - "content": "롌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52743, - "content": "嗬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52744, - "content": "水", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52745, - "content": "횳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52746, - "content": "躋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52747, - "content": "쯞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52748, - "content": "孓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52749, - "content": "퐛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52750, - "content": "ឹ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52751, - "content": "믒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52752, - "content": "짘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52753, - "content": "ộ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52754, - "content": "뵻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52755, - "content": "찡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52756, - "content": "呻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52757, - "content": "媄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52758, - "content": "扔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52759, - "content": "獾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52760, - "content": "립", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52761, - "content": "쐀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52762, - "content": "恪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52763, - "content": "ぐ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52764, - "content": "転", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52765, - "content": "嶓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52766, - "content": "펥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52767, - "content": "撩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52768, - "content": "啟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52769, - "content": "랅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52770, - "content": "纼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52771, - "content": "ঝ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52772, - "content": "쳦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52773, - "content": "쥭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52774, - "content": "닷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52775, - "content": "欅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52776, - "content": "喇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52777, - "content": "ಛ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52778, - "content": "텝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52779, - "content": "碴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52780, - "content": "质", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52781, - "content": "莽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52782, - "content": "톸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52783, - "content": "빞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52784, - "content": "쐅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52785, - "content": "냊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52786, - "content": "괤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52787, - "content": "喬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52788, - "content": "薔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52789, - "content": "쳣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52790, - "content": "嘧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52791, - "content": "枳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52792, - "content": "鋳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52793, - "content": "륹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52794, - "content": "徙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52795, - "content": "梠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52796, - "content": "폽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52797, - "content": "암", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52798, - "content": "弩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52799, - "content": "வ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52800, - "content": "劬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52801, - "content": "쳨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52802, - "content": "돈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52803, - "content": "濘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52804, - "content": "枓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52805, - "content": "噬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52806, - "content": "哀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52807, - "content": "減", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52808, - "content": "峡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52809, - "content": "蘘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52810, - "content": "튰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52811, - "content": "谥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52812, - "content": "媛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52813, - "content": "캾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52814, - "content": "똭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52815, - "content": "쓳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52816, - "content": "뒪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52817, - "content": "苷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52818, - "content": "桓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52819, - "content": "룿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52820, - "content": "朗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52821, - "content": "稌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52822, - "content": "붬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52823, - "content": "뢼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52824, - "content": "힔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52825, - "content": "嶦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52826, - "content": "雪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52827, - "content": "듮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52828, - "content": "륧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52829, - "content": "덏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52830, - "content": "梅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52831, - "content": "렴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52832, - "content": "퀢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52833, - "content": "炱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52834, - "content": "뗐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52835, - "content": "使", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52836, - "content": "묞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52837, - "content": "뮷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52838, - "content": "幌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52839, - "content": "儋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52840, - "content": "햀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52841, - "content": "뗤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52842, - "content": "镖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52843, - "content": "딆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52844, - "content": "穙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52845, - "content": "똵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52846, - "content": "캧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52847, - "content": "쉲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52848, - "content": "碃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52849, - "content": "跃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52850, - "content": "倾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52851, - "content": "륀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52852, - "content": "썚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52853, - "content": "믺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52854, - "content": "닒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52855, - "content": "姓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52856, - "content": "茱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52857, - "content": "팥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52858, - "content": "婼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52859, - "content": "伢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52860, - "content": "껺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52861, - "content": "塝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52862, - "content": "섁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52863, - "content": "郧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52864, - "content": "쯙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52865, - "content": "욥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52866, - "content": "舍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52867, - "content": "ね", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52868, - "content": "鼹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52869, - "content": "找", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52870, - "content": "죰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52871, - "content": "芈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52872, - "content": "ợ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52873, - "content": "讀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52874, - "content": "뉚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52875, - "content": "폀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52876, - "content": "阅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52877, - "content": "呤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52878, - "content": "ौ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52879, - "content": "宮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52880, - "content": "뼈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52881, - "content": "븾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52882, - "content": "뭲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52883, - "content": "쪠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52884, - "content": "議", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52885, - "content": "퇇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52886, - "content": "疐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52887, - "content": "똜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52888, - "content": "崴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52889, - "content": "増", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52890, - "content": "귙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52891, - "content": "팊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52892, - "content": "荇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52893, - "content": "솓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52894, - "content": "갪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52895, - "content": "됎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52896, - "content": "뺂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52897, - "content": "ㆁ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52898, - "content": "欺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52899, - "content": "𫠆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52900, - "content": "녏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52901, - "content": "μ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52902, - "content": "덈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52903, - "content": "객", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52904, - "content": "碶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52905, - "content": "퉈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52906, - "content": "숭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52907, - "content": "뵿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52908, - "content": "듿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52909, - "content": "晪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52910, - "content": "팣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52911, - "content": "믉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52912, - "content": "𫘪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52913, - "content": "杈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52914, - "content": "룭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52915, - "content": "窗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52916, - "content": "ぉ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52917, - "content": "뽇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52918, - "content": "穹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52919, - "content": "뤏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52920, - "content": "捭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52921, - "content": "딺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52922, - "content": "띰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52923, - "content": "걤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52924, - "content": "롖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52925, - "content": "덗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52926, - "content": "Μ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52927, - "content": "蟏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52928, - "content": "놕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52929, - "content": "睞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52930, - "content": "엽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52931, - "content": "몤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52932, - "content": "뱣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52933, - "content": "낗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52934, - "content": "궼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52935, - "content": "잯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52936, - "content": "跪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52937, - "content": "좪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52938, - "content": "묨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52939, - "content": "꾷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52940, - "content": "艇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52941, - "content": "禘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52942, - "content": "窃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52943, - "content": "紆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52944, - "content": "妄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52945, - "content": "蠍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52946, - "content": "楠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52947, - "content": "蛱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52948, - "content": "핯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52949, - "content": "뷧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52950, - "content": "赔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52951, - "content": "룘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52952, - "content": "般", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52953, - "content": "홰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52954, - "content": "놿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52955, - "content": "稜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52956, - "content": "띏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52957, - "content": "쇥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52958, - "content": "꼆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52959, - "content": "蔡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52960, - "content": "慝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52961, - "content": "墙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52962, - "content": "틇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52963, - "content": "铳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52964, - "content": "틉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52965, - "content": "륟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52966, - "content": "됔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52967, - "content": "绠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52968, - "content": "兑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52969, - "content": "绱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52970, - "content": "箇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52971, - "content": "곿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52972, - "content": "핂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52973, - "content": "恊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52974, - "content": "윇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52975, - "content": "핱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52976, - "content": "Ộ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52977, - "content": "뀔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52978, - "content": "쀚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52979, - "content": "퍎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52980, - "content": "笮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52981, - "content": "뾒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52982, - "content": "鯽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52983, - "content": "빦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52984, - "content": "萑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52985, - "content": "퇼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52986, - "content": "겳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52987, - "content": "蟮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52988, - "content": "張", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52989, - "content": "쫞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52990, - "content": "퉗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52991, - "content": "뙳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52992, - "content": "딤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52993, - "content": "ﺯ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52994, - "content": "忖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52995, - "content": "쁴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52996, - "content": "忪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52997, - "content": "龈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52998, - "content": "稣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 52999, - "content": "뚥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53000, - "content": "육", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53001, - "content": "鼢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53002, - "content": "ネ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53003, - "content": "낍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53004, - "content": "ڨ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53005, - "content": "赠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53006, - "content": "퉑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53007, - "content": "谷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53008, - "content": "쳬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53009, - "content": "𬶮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53010, - "content": "哄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53011, - "content": "眚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53012, - "content": "굅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53013, - "content": "祥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53014, - "content": "掳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53015, - "content": "폺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53016, - "content": "硬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53017, - "content": "仓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53018, - "content": "呢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53019, - "content": "뤹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53020, - "content": "飕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53021, - "content": "툪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53022, - "content": "긇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53023, - "content": "쁆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53024, - "content": "탦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53025, - "content": "걄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53026, - "content": "긐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53027, - "content": "쬻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53028, - "content": "챭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53029, - "content": "鳣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53030, - "content": "싱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53031, - "content": "做", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53032, - "content": "帷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53033, - "content": "흀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53034, - "content": "เ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53035, - "content": "虑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53036, - "content": "ỷ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53037, - "content": "슧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53038, - "content": "粱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53039, - "content": "喺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53040, - "content": "랓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53041, - "content": "럚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53042, - "content": "傾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53043, - "content": "궡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53044, - "content": "邳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53045, - "content": "묲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53046, - "content": "쐺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53047, - "content": "嗍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53048, - "content": "ڑ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53049, - "content": "띲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53050, - "content": "芾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53051, - "content": "座", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53052, - "content": "뀑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53053, - "content": "휢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53054, - "content": "癆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53055, - "content": "裕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53056, - "content": "憲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53057, - "content": "繹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53058, - "content": "见", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53059, - "content": "熛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53060, - "content": "掖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53061, - "content": "腙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53062, - "content": "镡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53063, - "content": "죣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53064, - "content": "꾑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53065, - "content": "븵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53066, - "content": "殁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53067, - "content": "ഏ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53068, - "content": "訟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53069, - "content": "䃎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53070, - "content": "잃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53071, - "content": "滢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53072, - "content": "қ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53073, - "content": "試", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53074, - "content": "혡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53075, - "content": "ﺍ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53076, - "content": "侄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53077, - "content": "萋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53078, - "content": "뜩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53079, - "content": "暑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53080, - "content": "蝋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53081, - "content": "撸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53082, - "content": "믘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53083, - "content": "۸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53084, - "content": "릋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53085, - "content": "풐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53086, - "content": "븸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53087, - "content": "쿁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53088, - "content": "죯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53089, - "content": "矿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53090, - "content": "ﺥ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53091, - "content": "負", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53092, - "content": "솴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53093, - "content": "뻕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53094, - "content": "ư", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53095, - "content": "坝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53096, - "content": "핍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53097, - "content": "ਝ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53098, - "content": "査", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53099, - "content": "麦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53100, - "content": "닓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53101, - "content": "邋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53102, - "content": "멗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53103, - "content": "귇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53104, - "content": "먡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53105, - "content": "쓡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53106, - "content": "햆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53107, - "content": "樞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53108, - "content": "𬺕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53109, - "content": "맽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53110, - "content": "鑿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53111, - "content": "怙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53112, - "content": "늌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53113, - "content": "銜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53114, - "content": "淏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53115, - "content": "퓏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53116, - "content": "묽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53117, - "content": "캦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53118, - "content": "匈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53119, - "content": "첼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53120, - "content": "鲻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53121, - "content": "側", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53122, - "content": "π", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53123, - "content": "甦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53124, - "content": "栟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53125, - "content": "洇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53126, - "content": "择", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53127, - "content": "涞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53128, - "content": "責", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53129, - "content": "꼞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53130, - "content": "젼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53131, - "content": "륁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53132, - "content": "份", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53133, - "content": "嵯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53134, - "content": "惮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53135, - "content": "쥀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53136, - "content": "텗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53137, - "content": "홨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53138, - "content": "蘸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53139, - "content": "鸽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53140, - "content": "ة", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53141, - "content": "賡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53142, - "content": "렫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53143, - "content": "볫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53144, - "content": "臉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53145, - "content": "볰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53146, - "content": "嶲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53147, - "content": "败", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53148, - "content": "涼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53149, - "content": "龇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53150, - "content": "绥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53151, - "content": "킠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53152, - "content": "쾋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53153, - "content": "점", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53154, - "content": "萼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53155, - "content": "戡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53156, - "content": "뎛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53157, - "content": "폍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53158, - "content": "퀟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53159, - "content": "랞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53160, - "content": "𫐓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53161, - "content": "갉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53162, - "content": "륍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53163, - "content": "腰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53164, - "content": "晶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53165, - "content": "砫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53166, - "content": "芹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53167, - "content": "톢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53168, - "content": "갍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53169, - "content": "顿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53170, - "content": "覇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53171, - "content": "阢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53172, - "content": "뀐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53173, - "content": "듨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53174, - "content": "쀕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53175, - "content": "郿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53176, - "content": "涨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53177, - "content": "憬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53178, - "content": "砼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53179, - "content": "쯫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53180, - "content": "𬣞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53181, - "content": "郐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53182, - "content": "윔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53183, - "content": "갟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53184, - "content": "殒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53185, - "content": "싉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53186, - "content": "瑓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53187, - "content": "荘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53188, - "content": "箅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53189, - "content": "黾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53190, - "content": "렡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53191, - "content": "ઊ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53192, - "content": "涘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53193, - "content": "鹢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53194, - "content": "퐭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53195, - "content": "蕴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53196, - "content": "렘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53197, - "content": "骢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53198, - "content": "泳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53199, - "content": "—", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53200, - "content": "擲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53201, - "content": "燸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53202, - "content": "嶍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53203, - "content": "뿖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53204, - "content": "悍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53205, - "content": "浉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53206, - "content": "浦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53207, - "content": "몉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53208, - "content": "튀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53209, - "content": "枥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53210, - "content": "츄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53211, - "content": "嫵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53212, - "content": "샫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53213, - "content": "풆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53214, - "content": "﹍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53215, - "content": "ऋ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53216, - "content": "怄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53217, - "content": "깓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53218, - "content": "揺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53219, - "content": "敖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53220, - "content": "簧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53221, - "content": "쁦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53222, - "content": "댁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53223, - "content": "띘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53224, - "content": "悒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53225, - "content": "ಅ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53226, - "content": "샩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53227, - "content": "뚼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53228, - "content": "뢸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53229, - "content": "꿲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53230, - "content": "枲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53231, - "content": "燚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53232, - "content": "頜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53233, - "content": "챂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53234, - "content": "そ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53235, - "content": "첂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53236, - "content": "邸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53237, - "content": "싵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53238, - "content": "飚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53239, - "content": "얨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53240, - "content": "Ι", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53241, - "content": "염", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53242, - "content": "𬤇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53243, - "content": "铊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53244, - "content": "뫢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53245, - "content": "𬺜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53246, - "content": "뚳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53247, - "content": "귚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53248, - "content": "췶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53249, - "content": "氇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53250, - "content": "쑿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53251, - "content": "윲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53252, - "content": "륖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53253, - "content": "뫔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53254, - "content": "어", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53255, - "content": "톃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53256, - "content": "둛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53257, - "content": "多", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53258, - "content": "惠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53259, - "content": "谫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53260, - "content": "ۗ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53261, - "content": "髎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53262, - "content": "如", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53263, - "content": "坛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53264, - "content": "明", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53265, - "content": "功", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53266, - "content": "숝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53267, - "content": "乍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53268, - "content": "歙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53269, - "content": "鍚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53270, - "content": "筦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53271, - "content": "珏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53272, - "content": "啊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53273, - "content": "矸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53274, - "content": "뽹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53275, - "content": "𡐓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53276, - "content": "扪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53277, - "content": "燕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53278, - "content": "쏼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53279, - "content": "媾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53280, - "content": "쬭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53281, - "content": "鹀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53282, - "content": "톩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53283, - "content": "觜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53284, - "content": "뺪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53285, - "content": "撅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53286, - "content": "윦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53287, - "content": "쥑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53288, - "content": "먕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53289, - "content": "쇦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53290, - "content": "铐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53291, - "content": "搜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53292, - "content": "왖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53293, - "content": "派", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53294, - "content": "퀪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53295, - "content": "韨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53296, - "content": "는", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53297, - "content": "嬝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53298, - "content": "뺧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53299, - "content": "詼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53300, - "content": "霏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53301, - "content": "띭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53302, - "content": "쥊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53303, - "content": "鲬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53304, - "content": "젅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53305, - "content": "롦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53306, - "content": "禋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53307, - "content": "賂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53308, - "content": "馃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53309, - "content": "훁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53310, - "content": "펱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53311, - "content": "빚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53312, - "content": "뻑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53313, - "content": "볾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53314, - "content": "됉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53315, - "content": "휙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53316, - "content": "鎮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53317, - "content": "浔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53318, - "content": "텕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53319, - "content": "봩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53320, - "content": "뎄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53321, - "content": "븘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53322, - "content": "팤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53323, - "content": "继", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53324, - "content": "鎌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53325, - "content": "뙝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53326, - "content": "颔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53327, - "content": "麟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53328, - "content": "ݛ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53329, - "content": "꽆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53330, - "content": "鯈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53331, - "content": "팟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53332, - "content": "좨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53333, - "content": "菁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53334, - "content": "ई", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53335, - "content": "맨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53336, - "content": "뫜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53337, - "content": "뿏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53338, - "content": "兩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53339, - "content": "؄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53340, - "content": "黄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53341, - "content": "补", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53342, - "content": "픝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53343, - "content": "껐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53344, - "content": "达", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53345, - "content": "뵑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53346, - "content": "很", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53347, - "content": "霹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53348, - "content": "굚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53349, - "content": "障", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53350, - "content": "핮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53351, - "content": "햗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53352, - "content": "횀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53353, - "content": "셒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53354, - "content": "淡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53355, - "content": "亶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53356, - "content": "厝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53357, - "content": "靈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53358, - "content": "卖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53359, - "content": "녃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53360, - "content": "쌩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53361, - "content": "짪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53362, - "content": "뽄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53363, - "content": "휧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53364, - "content": "킥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53365, - "content": "싨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53366, - "content": "妗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53367, - "content": "깄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53368, - "content": "沿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53369, - "content": "雍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53370, - "content": "响", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53371, - "content": "ş", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53372, - "content": "纟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53373, - "content": "筠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53374, - "content": "際", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53375, - "content": "괈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53376, - "content": "旒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53377, - "content": "杄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53378, - "content": "蒲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53379, - "content": "혎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53380, - "content": "섙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53381, - "content": "칍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53382, - "content": "觟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53383, - "content": "낶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53384, - "content": "轅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53385, - "content": "뿽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53386, - "content": "د", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53387, - "content": "ൌ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53388, - "content": "팅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53389, - "content": "镎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53390, - "content": "삽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53391, - "content": "꽰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53392, - "content": "羰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53393, - "content": "新", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53394, - "content": "뼥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53395, - "content": "쮍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53396, - "content": "酽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53397, - "content": "梭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53398, - "content": "똞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53399, - "content": "깻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53400, - "content": "싧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53401, - "content": "걋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53402, - "content": "爐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53403, - "content": "쓔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53404, - "content": "枸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53405, - "content": "쒢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53406, - "content": "秭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53407, - "content": "鼍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53408, - "content": "遂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53409, - "content": "旁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53410, - "content": "븊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53411, - "content": "蛩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53412, - "content": "⑤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53413, - "content": "蹒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53414, - "content": "鎗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53415, - "content": "뵺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53416, - "content": "鴆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53417, - "content": "좈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53418, - "content": "뀵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53419, - "content": "캂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53420, - "content": "𬬻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53421, - "content": "쵃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53422, - "content": "顥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53423, - "content": "吣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53424, - "content": "퐝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53425, - "content": "ㄘ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53426, - "content": "灬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53427, - "content": "욋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53428, - "content": "ట", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53429, - "content": "쁏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53430, - "content": "늝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53431, - "content": "ム", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53432, - "content": "썎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53433, - "content": "쮻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53434, - "content": "替", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53435, - "content": "캓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53436, - "content": "縮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53437, - "content": "칆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53438, - "content": "둋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53439, - "content": "뚰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53440, - "content": "얳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53441, - "content": "牟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53442, - "content": "뵤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53443, - "content": "豭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53444, - "content": "쯭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53445, - "content": "쾪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53446, - "content": "뗍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53447, - "content": "町", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53448, - "content": "戣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53449, - "content": "쳲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53450, - "content": "顛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53451, - "content": "淝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53452, - "content": "证", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53453, - "content": "첉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53454, - "content": "콥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53455, - "content": "𬙂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53456, - "content": "襜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53457, - "content": "븖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53458, - "content": "橢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53459, - "content": "馭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53460, - "content": "骆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53461, - "content": "ں", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53462, - "content": "졊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53463, - "content": "둝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53464, - "content": "ү", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53465, - "content": "酣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53466, - "content": "첞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53467, - "content": "惻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53468, - "content": "섌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53469, - "content": "쎧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53470, - "content": "斡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53471, - "content": "庭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53472, - "content": "ភ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53473, - "content": "뾍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53474, - "content": "걯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53475, - "content": "푦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53476, - "content": "돀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53477, - "content": "탉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53478, - "content": "䓨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53479, - "content": "앙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53480, - "content": "쯯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53481, - "content": "𫔍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53482, - "content": "瓀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53483, - "content": "萹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53484, - "content": "䓖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53485, - "content": "됕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53486, - "content": "俳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53487, - "content": "镴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53488, - "content": "쇜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53489, - "content": "싯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53490, - "content": "훊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53491, - "content": "ৃ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53492, - "content": "ಹ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53493, - "content": "힜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53494, - "content": "쉕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53495, - "content": "읜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53496, - "content": "焌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53497, - "content": "캷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53498, - "content": "뼴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53499, - "content": "柷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53500, - "content": "崔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53501, - "content": "嗇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53502, - "content": "郓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53503, - "content": "꺁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53504, - "content": "渤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53505, - "content": "न", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53506, - "content": "祢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53507, - "content": "켂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53508, - "content": "⑩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53509, - "content": "뿒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53510, - "content": "쫃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53511, - "content": "杪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53512, - "content": "땢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53513, - "content": "豪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53514, - "content": "既", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53515, - "content": "庫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53516, - "content": "𫟦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53517, - "content": "哃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53518, - "content": "웡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53519, - "content": "쁋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53520, - "content": "댷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53521, - "content": "嚢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53522, - "content": "毪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53523, - "content": "皚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53524, - "content": "碨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53525, - "content": "쌷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53526, - "content": "튭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53527, - "content": "骠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53528, - "content": "쀧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53529, - "content": "單", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53530, - "content": "홠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53531, - "content": "鑣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53532, - "content": "巩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53533, - "content": "햤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53534, - "content": "酐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53535, - "content": "媸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53536, - "content": "녱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53537, - "content": "펈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53538, - "content": "뢅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53539, - "content": "첇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53540, - "content": "孽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53541, - "content": "翯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53542, - "content": "룽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53543, - "content": "믨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53544, - "content": "퍇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53545, - "content": "廷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53546, - "content": "卢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53547, - "content": "埭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53548, - "content": "딵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53549, - "content": "ڭ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53550, - "content": "쎪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53551, - "content": "卮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53552, - "content": "Ś", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53553, - "content": "玩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53554, - "content": "륻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53555, - "content": "줿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53556, - "content": "팭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53557, - "content": "ய", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53558, - "content": "藷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53559, - "content": "钆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53560, - "content": "艱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53561, - "content": "퉍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53562, - "content": "𠳐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53563, - "content": "立", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53564, - "content": "羚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53565, - "content": "苛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53566, - "content": "탯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53567, - "content": "굤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53568, - "content": "튗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53569, - "content": "沌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53570, - "content": "꼧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53571, - "content": "뤡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53572, - "content": "ខ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53573, - "content": "志", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53574, - "content": "成", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53575, - "content": "즼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53576, - "content": "掇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53577, - "content": "梁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53578, - "content": "暹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53579, - "content": "귮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53580, - "content": "쪂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53581, - "content": "뗙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53582, - "content": "퐳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53583, - "content": "톾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53584, - "content": "𬺟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53585, - "content": "締", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53586, - "content": "钩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53587, - "content": "봉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53588, - "content": "꿦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53589, - "content": "껸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53590, - "content": "铋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53591, - "content": "뷭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53592, - "content": "۔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53593, - "content": "惦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53594, - "content": "벽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53595, - "content": "훐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53596, - "content": "땓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53597, - "content": "쩧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53598, - "content": "떎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53599, - "content": "胆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53600, - "content": "묾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53601, - "content": "琊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53602, - "content": "펙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53603, - "content": "쑁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53604, - "content": "唯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53605, - "content": "있", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53606, - "content": "Ų", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53607, - "content": "햦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53608, - "content": "훢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53609, - "content": "먩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53610, - "content": "函", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53611, - "content": "씷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53612, - "content": "沇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53613, - "content": "掘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53614, - "content": "俚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53615, - "content": "튢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53616, - "content": "衃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53617, - "content": "쏄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53618, - "content": "텉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53619, - "content": "붤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53620, - "content": "婳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53621, - "content": "设", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53622, - "content": "钺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53623, - "content": "엠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53624, - "content": "攏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53625, - "content": "皋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53626, - "content": "퐉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53627, - "content": "첓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53628, - "content": "쏣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53629, - "content": "꺾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53630, - "content": "궆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53631, - "content": "ਿ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53632, - "content": "튣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53633, - "content": "搋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53634, - "content": "췸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53635, - "content": "훳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53636, - "content": "걆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53637, - "content": "떗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53638, - "content": "쟡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53639, - "content": "嚨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53640, - "content": "挙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53641, - "content": "딝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53642, - "content": "ઐ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53643, - "content": "唵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53644, - "content": "青", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53645, - "content": "价", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53646, - "content": "鏤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53647, - "content": "뺥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53648, - "content": "蚧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53649, - "content": "터", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53650, - "content": "뢁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53651, - "content": "囫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53652, - "content": "쉵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53653, - "content": "盼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53654, - "content": "큎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53655, - "content": "氐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53656, - "content": "۠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53657, - "content": "꿰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53658, - "content": "쮑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53659, - "content": "槔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53660, - "content": "ભ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53661, - "content": "봂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53662, - "content": "ө", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53663, - "content": "韶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53664, - "content": "쑕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53665, - "content": "藏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53666, - "content": "즋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53667, - "content": "쟾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53668, - "content": "퓒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53669, - "content": "스", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53670, - "content": "鍾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53671, - "content": "틷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53672, - "content": "孟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53673, - "content": "概", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53674, - "content": "赑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53675, - "content": "뜁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53676, - "content": "燃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53677, - "content": "목", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53678, - "content": "箦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53679, - "content": "跄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53680, - "content": "埒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53681, - "content": "뛊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53682, - "content": "뿬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53683, - "content": "폳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53684, - "content": "醨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53685, - "content": "鏜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53686, - "content": "撼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53687, - "content": "준", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53688, - "content": "氤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53689, - "content": "镫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53690, - "content": "었", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53691, - "content": "棽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53692, - "content": "굇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53693, - "content": "깷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53694, - "content": "뾀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53695, - "content": "땈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53696, - "content": "帯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53697, - "content": "识", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53698, - "content": "讴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53699, - "content": "Ұ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53700, - "content": "瞠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53701, - "content": "쓠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53702, - "content": "镣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53703, - "content": "ぁ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53704, - "content": "쉭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53705, - "content": "뤁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53706, - "content": "畸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53707, - "content": "웦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53708, - "content": "眄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53709, - "content": "繚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53710, - "content": "쓏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53711, - "content": "Ю", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53712, - "content": "謫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53713, - "content": "味", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53714, - "content": "퍞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53715, - "content": "鎧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53716, - "content": "죞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53717, - "content": "쟘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53718, - "content": "쳁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53719, - "content": "놷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53720, - "content": "뫼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53721, - "content": "迁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53722, - "content": "耜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53723, - "content": "裘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53724, - "content": "섴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53725, - "content": "থ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53726, - "content": "罢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53727, - "content": "얕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53728, - "content": "َ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53729, - "content": "刘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53730, - "content": "猄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53731, - "content": "푯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53732, - "content": "뉕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53733, - "content": "뼉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53734, - "content": "书", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53735, - "content": "없", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53736, - "content": "틿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53737, - "content": "계", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53738, - "content": "桥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53739, - "content": "뙙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53740, - "content": "슌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53741, - "content": "쯖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53742, - "content": "軽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53743, - "content": "茭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53744, - "content": "穠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53745, - "content": "項", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53746, - "content": "わ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53747, - "content": "彟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53748, - "content": "扣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53749, - "content": "샮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53750, - "content": "뢒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53751, - "content": "슘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53752, - "content": "퇛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53753, - "content": "땰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53754, - "content": "룃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53755, - "content": "꽱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53756, - "content": "郝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53757, - "content": "蹊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53758, - "content": "忻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53759, - "content": "ি", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53760, - "content": "낐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53761, - "content": "奢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53762, - "content": "騰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53763, - "content": "얘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53764, - "content": "앚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53765, - "content": "쇭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53766, - "content": "瘰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53767, - "content": "등", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53768, - "content": "텥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53769, - "content": "픢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53770, - "content": "ظ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53771, - "content": "뺾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53772, - "content": "쳗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53773, - "content": "传", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53774, - "content": "绌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53775, - "content": "놫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53776, - "content": "쉆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53777, - "content": "뱛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53778, - "content": "੯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53779, - "content": "訚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53780, - "content": "톷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53781, - "content": "熳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53782, - "content": "碈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53783, - "content": "温", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53784, - "content": "뱯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53785, - "content": "詭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53786, - "content": "셝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53787, - "content": "썲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53788, - "content": "梢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53789, - "content": "굳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53790, - "content": "悰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53791, - "content": "곥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53792, - "content": "ػ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53793, - "content": "蕩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53794, - "content": "궗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53795, - "content": "暘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53796, - "content": "疁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53797, - "content": "뜤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53798, - "content": "퐌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53799, - "content": "祈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53800, - "content": "ฐ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53801, - "content": "뇝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53802, - "content": "㴔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53803, - "content": "벣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53804, - "content": "휐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53805, - "content": "댌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53806, - "content": "棱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53807, - "content": "登", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53808, - "content": "莠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53809, - "content": "潯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53810, - "content": "蹈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53811, - "content": "뾑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53812, - "content": "樊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53813, - "content": "≤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53814, - "content": "략", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53815, - "content": "씶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53816, - "content": "켊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53817, - "content": "돓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53818, - "content": "枋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53819, - "content": "큧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53820, - "content": "脳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53821, - "content": "傯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53822, - "content": "豫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53823, - "content": "젚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53824, - "content": "馇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53825, - "content": "彈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53826, - "content": "为", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53827, - "content": "뀧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53828, - "content": "쎱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53829, - "content": "붒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53830, - "content": "Б", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53831, - "content": "滿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53832, - "content": "危", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53833, - "content": "쎝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53834, - "content": "깑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53835, - "content": "饅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53836, - "content": "넂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53837, - "content": "짦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53838, - "content": "秾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53839, - "content": "邮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53840, - "content": "銷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53841, - "content": "횮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53842, - "content": "泗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53843, - "content": "ത", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53844, - "content": "緇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53845, - "content": "뀿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53846, - "content": "榫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53847, - "content": "縯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53848, - "content": "봈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53849, - "content": "뭧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53850, - "content": "昪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53851, - "content": "偯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53852, - "content": "쳢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53853, - "content": "놜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53854, - "content": "퇌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53855, - "content": "玤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53856, - "content": "鳃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53857, - "content": "軒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53858, - "content": "톨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53859, - "content": "똹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53860, - "content": "茵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53861, - "content": "꿋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53862, - "content": "뵸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53863, - "content": "戾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53864, - "content": "侩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53865, - "content": "퐷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53866, - "content": "뽠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53867, - "content": "쩊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53868, - "content": "횠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53869, - "content": "빊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53870, - "content": "痣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53871, - "content": "л", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53872, - "content": "군", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53873, - "content": "땐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53874, - "content": "鍰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53875, - "content": "쯅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53876, - "content": "잷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53877, - "content": "竿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53878, - "content": "兎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53879, - "content": "즏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53880, - "content": "罵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53881, - "content": "똕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53882, - "content": "됽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53883, - "content": "뿷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53884, - "content": "텩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53885, - "content": "桐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53886, - "content": "힖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53887, - "content": "鰭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53888, - "content": "ڥ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53889, - "content": "橾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53890, - "content": "첽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53891, - "content": "腊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53892, - "content": "孬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53893, - "content": "椅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53894, - "content": "삕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53895, - "content": "矚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53896, - "content": "鳎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53897, - "content": "鏡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53898, - "content": "琯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53899, - "content": "嗦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53900, - "content": "薯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53901, - "content": "酊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53902, - "content": "筶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53903, - "content": "퍔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53904, - "content": "㕮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53905, - "content": "鞭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53906, - "content": "陲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53907, - "content": "媲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53908, - "content": "追", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53909, - "content": "邠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53910, - "content": "挡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53911, - "content": "븥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53912, - "content": "뻻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53913, - "content": "端", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53914, - "content": "뤱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53915, - "content": "覧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53916, - "content": "癖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53917, - "content": "导", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53918, - "content": "햠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53919, - "content": "힚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53920, - "content": "糅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53921, - "content": "쪺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53922, - "content": "캑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53923, - "content": "け", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53924, - "content": "끩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53925, - "content": "뎥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53926, - "content": "哦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53927, - "content": "伕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53928, - "content": "鲝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53929, - "content": "짽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53930, - "content": "鸸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53931, - "content": "疊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53932, - "content": "녮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53933, - "content": "叩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53934, - "content": "늿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53935, - "content": "쇏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53936, - "content": "Š", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53937, - "content": "ъ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53938, - "content": "磬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53939, - "content": "릸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53940, - "content": "悲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53941, - "content": "境", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53942, - "content": "碼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53943, - "content": "탍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53944, - "content": "풓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53945, - "content": "蒿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53946, - "content": "죫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53947, - "content": "灌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53948, - "content": "엔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53949, - "content": "鋲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53950, - "content": "챲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53951, - "content": "켧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53952, - "content": "亢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53953, - "content": "垎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53954, - "content": "퓱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53955, - "content": "춙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53956, - "content": "퓥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53957, - "content": "霜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53958, - "content": "屘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53959, - "content": "뢚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53960, - "content": "稠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53961, - "content": "薄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53962, - "content": "귒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53963, - "content": "蹬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53964, - "content": "혺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53965, - "content": "繫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53966, - "content": "쉗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53967, - "content": "郑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53968, - "content": "Ζ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53969, - "content": "啦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53970, - "content": "读", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53971, - "content": "伍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53972, - "content": "숞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53973, - "content": "조", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53974, - "content": "쐴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53975, - "content": "囪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53976, - "content": "泻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53977, - "content": "酎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53978, - "content": "少", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53979, - "content": "竺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53980, - "content": "먒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53981, - "content": "咚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53982, - "content": "쟥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53983, - "content": "劐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53984, - "content": "ュ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53985, - "content": "線", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53986, - "content": "钯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53987, - "content": "枘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53988, - "content": "깔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53989, - "content": "攜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53990, - "content": "懵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53991, - "content": "顕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53992, - "content": "縿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53993, - "content": "王", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53994, - "content": "쓉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53995, - "content": "舀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53996, - "content": "缅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53997, - "content": "錬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53998, - "content": "撥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 53999, - "content": "羓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54000, - "content": "轟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54001, - "content": "ផ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54002, - "content": "衠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54003, - "content": "料", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54004, - "content": "趵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54005, - "content": "泐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54006, - "content": "閏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54007, - "content": "蝉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54008, - "content": "븼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54009, - "content": "봏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54010, - "content": "建", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54011, - "content": "폱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54012, - "content": "渾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54013, - "content": "탎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54014, - "content": "状", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54015, - "content": "ാ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54016, - "content": "쾗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54017, - "content": "服", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54018, - "content": "횱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54019, - "content": "泺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54020, - "content": "팋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54021, - "content": "삻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54022, - "content": "큵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54023, - "content": "存", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54024, - "content": "갻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54025, - "content": "峴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54026, - "content": "켗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54027, - "content": "튜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54028, - "content": "疴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54029, - "content": "컶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54030, - "content": "㺄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54031, - "content": "밽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54032, - "content": "곲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54033, - "content": "撈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54034, - "content": "傃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54035, - "content": "盖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54036, - "content": "슲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54037, - "content": "囱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54038, - "content": "윞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54039, - "content": "칮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54040, - "content": "챔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54041, - "content": "훥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54042, - "content": "唆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54043, - "content": "螞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54044, - "content": "홤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54045, - "content": "裝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54046, - "content": "禳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54047, - "content": "틠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54048, - "content": "肃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54049, - "content": "쩖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54050, - "content": "遺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54051, - "content": "룩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54052, - "content": "벫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54053, - "content": "뉥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54054, - "content": "썌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54055, - "content": "酺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54056, - "content": "굪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54057, - "content": "鄘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54058, - "content": "罩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54059, - "content": "ใ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54060, - "content": "쌓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54061, - "content": "霊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54062, - "content": "뾚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54063, - "content": "뒏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54064, - "content": "풱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54065, - "content": "了", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54066, - "content": "◀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54067, - "content": "둭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54068, - "content": "矛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54069, - "content": "헲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54070, - "content": "뎟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54071, - "content": "잋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54072, - "content": "훒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54073, - "content": "긆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54074, - "content": "愆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54075, - "content": "썮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54076, - "content": "污", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54077, - "content": "軛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54078, - "content": "뉇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54079, - "content": "刽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54080, - "content": "웄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54081, - "content": "켲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54082, - "content": "뚷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54083, - "content": "줴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54084, - "content": "龌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54085, - "content": "뾲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54086, - "content": "휝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54087, - "content": "ڙ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54088, - "content": "纫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54089, - "content": "쩀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54090, - "content": "첈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54091, - "content": "衍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54092, - "content": "끻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54093, - "content": "险", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54094, - "content": "벳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54095, - "content": "쨲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54096, - "content": "탊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54097, - "content": "嵖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54098, - "content": "떋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54099, - "content": "쁗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54100, - "content": "횎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54101, - "content": "뒍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54102, - "content": "陆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54103, - "content": "쳵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54104, - "content": "𫰛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54105, - "content": "컻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54106, - "content": "뻀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54107, - "content": "𫟹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54108, - "content": "赶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54109, - "content": "뢌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54110, - "content": "絔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54111, - "content": "큣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54112, - "content": "铽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54113, - "content": "밂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54114, - "content": "뻣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54115, - "content": "뷼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54116, - "content": "牚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54117, - "content": "괦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54118, - "content": "郫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54119, - "content": "떯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54120, - "content": "웧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54121, - "content": "ឬ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54122, - "content": "亂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54123, - "content": "酵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54124, - "content": "햴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54125, - "content": "챦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54126, - "content": "э", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54127, - "content": "酬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54128, - "content": "೦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54129, - "content": "ٵ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54130, - "content": "锐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54131, - "content": "뫍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54132, - "content": "츞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54133, - "content": "꺔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54134, - "content": "毒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54135, - "content": "躯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54136, - "content": "킡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54137, - "content": "쥙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54138, - "content": "퓰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54139, - "content": "磔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54140, - "content": "烟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54141, - "content": "窟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54142, - "content": "瞒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54143, - "content": "犰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54144, - "content": "悟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54145, - "content": "슭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54146, - "content": "뉟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54147, - "content": "祃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54148, - "content": "ە", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54149, - "content": "ส", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54150, - "content": "큌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54151, - "content": "벆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54152, - "content": "핟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54153, - "content": "獸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54154, - "content": "뷡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54155, - "content": "칐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54156, - "content": "咺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54157, - "content": "‐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54158, - "content": "弑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54159, - "content": "इ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54160, - "content": "剋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54161, - "content": "”", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54162, - "content": "阖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54163, - "content": "瘫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54164, - "content": "뫹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54165, - "content": "까", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54166, - "content": "댫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54167, - "content": "碌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54168, - "content": "샒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54169, - "content": "톚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54170, - "content": "Ṛ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54171, - "content": "컥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54172, - "content": "ต", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54173, - "content": "淒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54174, - "content": "惑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54175, - "content": "땳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54176, - "content": "꾗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54177, - "content": "릓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54178, - "content": "躂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54179, - "content": "謬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54180, - "content": "긜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54181, - "content": "툥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54182, - "content": "啫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54183, - "content": "棣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54184, - "content": "ݾ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54185, - "content": "ỗ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54186, - "content": "あ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54187, - "content": "专", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54188, - "content": "麗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54189, - "content": "넧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54190, - "content": "꾌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54191, - "content": "룛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54192, - "content": "줠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54193, - "content": "뚎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54194, - "content": "曠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54195, - "content": "舸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54196, - "content": "뵌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54197, - "content": "졜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54198, - "content": "辎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54199, - "content": "嬤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54200, - "content": "擞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54201, - "content": "龉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54202, - "content": "岛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54203, - "content": "뮺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54204, - "content": "혼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54205, - "content": "娴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54206, - "content": "켹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54207, - "content": "꾈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54208, - "content": "臚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54209, - "content": "뵈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54210, - "content": "狄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54211, - "content": "ల", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54212, - "content": "諷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54213, - "content": "즎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54214, - "content": "뻖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54215, - "content": "頡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54216, - "content": "纔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54217, - "content": "걼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54218, - "content": "풠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54219, - "content": "뢀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54220, - "content": "쟃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54221, - "content": "붕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54222, - "content": "찈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54223, - "content": "숺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54224, - "content": "栐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54225, - "content": "괪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54226, - "content": "젇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54227, - "content": "뒬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54228, - "content": "펑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54229, - "content": "룗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54230, - "content": "饥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54231, - "content": "딼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54232, - "content": "ヒ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54233, - "content": "윫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54234, - "content": "쏻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54235, - "content": "ಓ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54236, - "content": "햌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54237, - "content": "膏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54238, - "content": "딜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54239, - "content": "첬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54240, - "content": "ې", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54241, - "content": "쉡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54242, - "content": "冮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54243, - "content": "蓰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54244, - "content": "쉺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54245, - "content": "뉌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54246, - "content": "뵴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54247, - "content": "쐔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54248, - "content": "뗴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54249, - "content": "罐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54250, - "content": "化", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54251, - "content": "吶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54252, - "content": "잹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54253, - "content": "쯆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54254, - "content": "圲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54255, - "content": "뚐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54256, - "content": "푈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54257, - "content": "歇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54258, - "content": "燉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54259, - "content": "낮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54260, - "content": "羑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54261, - "content": "华", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54262, - "content": "임", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54263, - "content": "炊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54264, - "content": "躔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54265, - "content": "쯹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54266, - "content": "儚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54267, - "content": "坂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54268, - "content": "涅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54269, - "content": "ઉ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54270, - "content": "뿑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54271, - "content": "湖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54272, - "content": "躅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54273, - "content": "舌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54274, - "content": "ಥ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54275, - "content": "뉠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54276, - "content": "윊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54277, - "content": "짉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54278, - "content": "ݭ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54279, - "content": "澛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54280, - "content": "뙘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54281, - "content": "쇧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54282, - "content": "覓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54283, - "content": "嵘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54284, - "content": "틽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54285, - "content": "舱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54286, - "content": "厌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54287, - "content": "组", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54288, - "content": "ڔ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54289, - "content": "욨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54290, - "content": "혗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54291, - "content": "擤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54292, - "content": "꺎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54293, - "content": "낲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54294, - "content": "쎢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54295, - "content": "緋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54296, - "content": "떔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54297, - "content": "螢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54298, - "content": "烂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54299, - "content": "攪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54300, - "content": "쳶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54301, - "content": "悉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54302, - "content": "켢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54303, - "content": "蒄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54304, - "content": "솃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54305, - "content": "妳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54306, - "content": "퀾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54307, - "content": "닥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54308, - "content": "貝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54309, - "content": "烝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54310, - "content": "买", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54311, - "content": "绔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54312, - "content": "쓃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54313, - "content": "嶙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54314, - "content": "潾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54315, - "content": "톡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54316, - "content": "Ự", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54317, - "content": "東", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54318, - "content": "볮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54319, - "content": "웝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54320, - "content": "蛏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54321, - "content": "Э", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54322, - "content": "썘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54323, - "content": "姱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54324, - "content": "릻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54325, - "content": "쌳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54326, - "content": "멿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54327, - "content": "다", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54328, - "content": "강", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54329, - "content": "覬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54330, - "content": "묪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54331, - "content": "꺒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54332, - "content": "潩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54333, - "content": "軋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54334, - "content": "죉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54335, - "content": "퓍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54336, - "content": "楹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54337, - "content": "퓢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54338, - "content": "苏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54339, - "content": "쮚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54340, - "content": "촳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54341, - "content": "模", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54342, - "content": "몚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54343, - "content": "杠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54344, - "content": "穫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54345, - "content": "꺫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54346, - "content": "薫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54347, - "content": "쮢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54348, - "content": "ヤ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54349, - "content": "걸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54350, - "content": "덌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54351, - "content": "퉃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54352, - "content": "쳰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54353, - "content": "胧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54354, - "content": "ㅃ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54355, - "content": "皭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54356, - "content": "鬓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54357, - "content": "뇦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54358, - "content": "裢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54359, - "content": "砣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54360, - "content": "ݨ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54361, - "content": "똺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54362, - "content": "쬇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54363, - "content": "閹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54364, - "content": "腥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54365, - "content": "쉋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54366, - "content": "勇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54367, - "content": "岬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54368, - "content": "渖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54369, - "content": "香", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54370, - "content": "빅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54371, - "content": "扶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54372, - "content": "륰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54373, - "content": "ž", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54374, - "content": "쾿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54375, - "content": "鍼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54376, - "content": "킀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54377, - "content": "य़", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54378, - "content": "퇮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54379, - "content": "孖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54380, - "content": "江", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54381, - "content": "榦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54382, - "content": "믴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54383, - "content": "朔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54384, - "content": "壙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54385, - "content": "즚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54386, - "content": "簣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54387, - "content": "省", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54388, - "content": "냒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54389, - "content": "쨶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54390, - "content": "셍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54391, - "content": "즗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54392, - "content": "峁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54393, - "content": "忽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54394, - "content": "룄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54395, - "content": "㤘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54396, - "content": "殛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54397, - "content": "醺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54398, - "content": "象", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54399, - "content": "닁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54400, - "content": "훯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54401, - "content": "迪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54402, - "content": "帝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54403, - "content": "썽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54404, - "content": "띫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54405, - "content": "锻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54406, - "content": "픏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54407, - "content": "Ň", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54408, - "content": "킨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54409, - "content": "陨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54410, - "content": "掲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54411, - "content": "玫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54412, - "content": "퓋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54413, - "content": "霾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54414, - "content": "垠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54415, - "content": "疙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54416, - "content": "鞬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54417, - "content": "簉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54418, - "content": "뷽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54419, - "content": "췠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54420, - "content": "杧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54421, - "content": "莰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54422, - "content": "복", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54423, - "content": "榴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54424, - "content": "榛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54425, - "content": "व", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54426, - "content": "簑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54427, - "content": "횙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54428, - "content": "暫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54429, - "content": "纭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54430, - "content": "쐗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54431, - "content": "屐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54432, - "content": "启", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54433, - "content": "뮸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54434, - "content": "骒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54435, - "content": "촾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54436, - "content": "聲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54437, - "content": "燠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54438, - "content": "魈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54439, - "content": "뎕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54440, - "content": "떇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54441, - "content": "ǘ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54442, - "content": "ટ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54443, - "content": "宙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54444, - "content": "柴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54445, - "content": "运", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54446, - "content": "읫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54447, - "content": "黑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54448, - "content": "뗩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54449, - "content": "戸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54450, - "content": "撤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54451, - "content": "た", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54452, - "content": "썫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54453, - "content": "꽌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54454, - "content": "蟆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54455, - "content": "牵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54456, - "content": "젥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54457, - "content": "縦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54458, - "content": "흽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54459, - "content": "骄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54460, - "content": "ㅐ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54461, - "content": "晩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54462, - "content": "챩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54463, - "content": "뢑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54464, - "content": "Ц", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54465, - "content": "鲯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54466, - "content": "钜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54467, - "content": "素", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54468, - "content": "邕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54469, - "content": "𫄸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54470, - "content": "鶉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54471, - "content": "읟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54472, - "content": "历", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54473, - "content": "ศ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54474, - "content": "훤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54475, - "content": "츾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54476, - "content": "촥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54477, - "content": "摞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54478, - "content": "뒈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54479, - "content": "룣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54480, - "content": "星", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54481, - "content": "햒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54482, - "content": "諉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54483, - "content": "쮃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54484, - "content": "츌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54485, - "content": "셑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54486, - "content": "잊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54487, - "content": "璐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54488, - "content": "믔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54489, - "content": "촂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54490, - "content": "એ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54491, - "content": "볅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54492, - "content": "榅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54493, - "content": "濱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54494, - "content": "운", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54495, - "content": "볽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54496, - "content": "努", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54497, - "content": "즢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54498, - "content": "믻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54499, - "content": "葯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54500, - "content": "랽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54501, - "content": "婷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54502, - "content": "镇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54503, - "content": "넀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54504, - "content": "耰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54505, - "content": "룹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54506, - "content": "껦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54507, - "content": "ഴ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54508, - "content": "敌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54509, - "content": "챿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54510, - "content": "瘃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54511, - "content": "悵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54512, - "content": "쨮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54513, - "content": "붉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54514, - "content": "供", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54515, - "content": "퐇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54516, - "content": "抄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54517, - "content": "귩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54518, - "content": "缩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54519, - "content": "횃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54520, - "content": "皙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54521, - "content": "嘛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54522, - "content": "薁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54523, - "content": "聞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54524, - "content": "早", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54525, - "content": "済", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54526, - "content": "풂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54527, - "content": "ヴ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54528, - "content": "恭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54529, - "content": "잡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54530, - "content": "記", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54531, - "content": "津", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54532, - "content": "봐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54533, - "content": "뀼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54534, - "content": "꺯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54535, - "content": "힆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54536, - "content": "뙂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54537, - "content": "メ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54538, - "content": "킂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54539, - "content": "嗉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54540, - "content": "띡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54541, - "content": "営", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54542, - "content": "沣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54543, - "content": "젟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54544, - "content": "ண", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54545, - "content": "풔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54546, - "content": "贶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54547, - "content": "쒶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54548, - "content": "줻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54549, - "content": "핫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54550, - "content": "袪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54551, - "content": "뽫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54552, - "content": "앾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54553, - "content": "휼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54554, - "content": "듸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54555, - "content": "帡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54556, - "content": "퐽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54557, - "content": "캵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54558, - "content": "뗨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54559, - "content": "ū", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54560, - "content": "谦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54561, - "content": "៖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54562, - "content": "潞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54563, - "content": "帰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54564, - "content": "됑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54565, - "content": "꽝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54566, - "content": "ภ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54567, - "content": "짵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54568, - "content": "佖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54569, - "content": "렧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54570, - "content": "瞧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54571, - "content": "쾢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54572, - "content": "뵯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54573, - "content": "痃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54574, - "content": "架", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54575, - "content": "貿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54576, - "content": "匦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54577, - "content": "褙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54578, - "content": "巣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54579, - "content": "ூ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54580, - "content": "쨇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54581, - "content": "ॊ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54582, - "content": "薬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54583, - "content": "愣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54584, - "content": "욃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54585, - "content": "嗌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54586, - "content": "ូ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54587, - "content": "퍆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54588, - "content": "滂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54589, - "content": "룅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54590, - "content": "뼙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54591, - "content": "𬭸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54592, - "content": "캞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54593, - "content": "벝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54594, - "content": "榀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54595, - "content": "茚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54596, - "content": "幄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54597, - "content": "흹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54598, - "content": "뉔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54599, - "content": "𬹼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54600, - "content": "좡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54601, - "content": "꽍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54602, - "content": "먬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54603, - "content": "岠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54604, - "content": "샭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54605, - "content": "꺢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54606, - "content": "弆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54607, - "content": "鰻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54608, - "content": "筤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54609, - "content": "踹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54610, - "content": "٢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54611, - "content": "蜍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54612, - "content": "즬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54613, - "content": "섯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54614, - "content": "劄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54615, - "content": "䢺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54616, - "content": "齋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54617, - "content": "𬺓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54618, - "content": "翹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54619, - "content": "嗝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54620, - "content": "覦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54621, - "content": "此", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54622, - "content": "ォ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54623, - "content": "仔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54624, - "content": "쮩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54625, - "content": "솈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54626, - "content": "郗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54627, - "content": "旖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54628, - "content": "笸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54629, - "content": "泓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54630, - "content": "駆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54631, - "content": "緝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54632, - "content": "갵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54633, - "content": "콬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54634, - "content": "상", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54635, - "content": "댯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54636, - "content": "荤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54637, - "content": "떻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54638, - "content": "崚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54639, - "content": "纏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54640, - "content": "뱍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54641, - "content": "誰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54642, - "content": "읽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54643, - "content": "拇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54644, - "content": "ﻭ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54645, - "content": "ガ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54646, - "content": "풅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54647, - "content": "睚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54648, - "content": "繈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54649, - "content": "텒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54650, - "content": "쑾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54651, - "content": "譙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54652, - "content": "릎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54653, - "content": "醜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54654, - "content": "觏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54655, - "content": "본", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54656, - "content": "묀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54657, - "content": "ឺ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54658, - "content": "쇄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54659, - "content": "岔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54660, - "content": "뀶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54661, - "content": "쑟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54662, - "content": "햪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54663, - "content": "윋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54664, - "content": "ડ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54665, - "content": "튟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54666, - "content": "띳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54667, - "content": "풢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54668, - "content": "锂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54669, - "content": "괇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54670, - "content": "啄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54671, - "content": "盜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54672, - "content": "홾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54673, - "content": "끪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54674, - "content": "젵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54675, - "content": "봴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54676, - "content": "깹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54677, - "content": "뗭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54678, - "content": "聪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54679, - "content": "對", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54680, - "content": "ゥ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54681, - "content": "ণ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54682, - "content": "等", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54683, - "content": "霨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54684, - "content": "酪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54685, - "content": "중", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54686, - "content": "篼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54687, - "content": "先", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54688, - "content": "뢰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54689, - "content": "쀺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54690, - "content": "뼋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54691, - "content": "测", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54692, - "content": "죧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54693, - "content": "蜮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54694, - "content": "뎲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54695, - "content": "ٻ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54696, - "content": "峭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54697, - "content": "禎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54698, - "content": "忐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54699, - "content": "检", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54700, - "content": "냉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54701, - "content": "컣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54702, - "content": "葉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54703, - "content": "釘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54704, - "content": "퀲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54705, - "content": "湾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54706, - "content": "柚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54707, - "content": "疝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54708, - "content": "졂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54709, - "content": "븝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54710, - "content": "쏴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54711, - "content": "뢬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54712, - "content": "뛾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54713, - "content": "埇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54714, - "content": "쉥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54715, - "content": "敏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54716, - "content": "沩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54717, - "content": "펐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54718, - "content": "芭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54719, - "content": "姻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54720, - "content": "眞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54721, - "content": "흦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54722, - "content": "憔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54723, - "content": "뻛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54724, - "content": "ㄵ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54725, - "content": "巧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54726, - "content": "쬮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54727, - "content": "킛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54728, - "content": "藓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54729, - "content": "標", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54730, - "content": "疹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54731, - "content": "澜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54732, - "content": "秈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54733, - "content": "뱽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54734, - "content": "蕨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54735, - "content": "쀤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54736, - "content": "宁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54737, - "content": "헋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54738, - "content": "思", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54739, - "content": "뙧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54740, - "content": "걖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54741, - "content": "絕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54742, - "content": "山", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54743, - "content": "뙬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54744, - "content": "硯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54745, - "content": "팾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54746, - "content": "獲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54747, - "content": "改", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54748, - "content": "リ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54749, - "content": "衙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54750, - "content": "돾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54751, - "content": "呋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54752, - "content": "뺘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54753, - "content": "좞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54754, - "content": "턠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54755, - "content": "擘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54756, - "content": "车", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54757, - "content": "锾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54758, - "content": "냵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54759, - "content": "믖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54760, - "content": "뛀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54761, - "content": "詐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54762, - "content": "隋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54763, - "content": "徑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54764, - "content": "卉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54765, - "content": "窊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54766, - "content": "힇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54767, - "content": "胂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54768, - "content": "婫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54769, - "content": "쨑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54770, - "content": "똶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54771, - "content": "彧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54772, - "content": "陀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54773, - "content": "큅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54774, - "content": "、", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54775, - "content": "긽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54776, - "content": "旮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54777, - "content": "视", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54778, - "content": "믯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54779, - "content": "啣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54780, - "content": "蛾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54781, - "content": "エ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54782, - "content": "첕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54783, - "content": "潋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54784, - "content": "肖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54785, - "content": "口", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54786, - "content": "恺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54787, - "content": "笛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54788, - "content": "愉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54789, - "content": "濾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54790, - "content": "귛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54791, - "content": "턯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54792, - "content": "뎡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54793, - "content": "쥃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54794, - "content": "눒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54795, - "content": "룰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54796, - "content": "켏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54797, - "content": "陥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54798, - "content": "쯛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54799, - "content": "봭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54800, - "content": "뷛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54801, - "content": "娛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54802, - "content": "獴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54803, - "content": "蘆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54804, - "content": "덉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54805, - "content": "앳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54806, - "content": "鼻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54807, - "content": "먥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54808, - "content": "댸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54809, - "content": "坰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54810, - "content": "뒗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54811, - "content": "핬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54812, - "content": "仃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54813, - "content": "胭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54814, - "content": "첥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54815, - "content": "骧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54816, - "content": "蜜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54817, - "content": "៕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54818, - "content": "쪡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54819, - "content": "銀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54820, - "content": "츎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54821, - "content": "쒡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54822, - "content": "턑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54823, - "content": "쟳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54824, - "content": "詟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54825, - "content": "쟩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54826, - "content": "쬑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54827, - "content": "ै", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54828, - "content": "殆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54829, - "content": "갹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54830, - "content": "崤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54831, - "content": "촛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54832, - "content": "整", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54833, - "content": "륤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54834, - "content": "竪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54835, - "content": "ਙ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54836, - "content": "捎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54837, - "content": "핥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54838, - "content": "椐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54839, - "content": "౧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54840, - "content": "둓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54841, - "content": "릁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54842, - "content": "울", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54843, - "content": "咛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54844, - "content": "겮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54845, - "content": "板", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54846, - "content": "칫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54847, - "content": "珕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54848, - "content": "麴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54849, - "content": "긫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54850, - "content": "പ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54851, - "content": "쑃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54852, - "content": "秆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54853, - "content": "刀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54854, - "content": "肋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54855, - "content": "錨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54856, - "content": "ㅿ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54857, - "content": "垦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54858, - "content": "韭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54859, - "content": "콉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54860, - "content": "籴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54861, - "content": "原", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54862, - "content": "എ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54863, - "content": "瑜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54864, - "content": "짜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54865, - "content": "苺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54866, - "content": "흠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54867, - "content": "좺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54868, - "content": "똤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54869, - "content": "槽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54870, - "content": "뙆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54871, - "content": "刖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54872, - "content": "灸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54873, - "content": "匾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54874, - "content": "넔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54875, - "content": "찫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54876, - "content": "鈐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54877, - "content": "爵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54878, - "content": "蓉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54879, - "content": "䴙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54880, - "content": "씞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54881, - "content": "崖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54882, - "content": "둞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54883, - "content": "찲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54884, - "content": "꽳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54885, - "content": "絛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54886, - "content": "퍹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54887, - "content": "烬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54888, - "content": "쒎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54889, - "content": "脶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54890, - "content": "뮋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54891, - "content": "꽻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54892, - "content": "쮵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54893, - "content": "庵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54894, - "content": "텭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54895, - "content": "쨱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54896, - "content": "饒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54897, - "content": "ő", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54898, - "content": "핌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54899, - "content": "쬶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54900, - "content": "蜷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54901, - "content": "쒷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54902, - "content": "黍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54903, - "content": "핦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54904, - "content": "쌴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54905, - "content": "왐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54906, - "content": "嶟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54907, - "content": "ڲ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54908, - "content": "ള", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54909, - "content": "뭪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54910, - "content": "談", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54911, - "content": "譁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54912, - "content": "飗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54913, - "content": "𬭁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54914, - "content": "惟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54915, - "content": "뼧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54916, - "content": "괋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54917, - "content": "佟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54918, - "content": "坑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54919, - "content": "몭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54920, - "content": "棉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54921, - "content": "宴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54922, - "content": "保", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54923, - "content": "野", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54924, - "content": "뙷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54925, - "content": "둅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54926, - "content": "둧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54927, - "content": "至", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54928, - "content": "尔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54929, - "content": "賺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54930, - "content": "싄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54931, - "content": "읅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54932, - "content": "윩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54933, - "content": "긂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54934, - "content": "쯂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54935, - "content": "섶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54936, - "content": "鉈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54937, - "content": "겴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54938, - "content": "킑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54939, - "content": "任", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54940, - "content": "讚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54941, - "content": "宧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54942, - "content": "뜛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54943, - "content": "侔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54944, - "content": "쎼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54945, - "content": "៨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54946, - "content": "蔸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54947, - "content": "얥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54948, - "content": "挽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54949, - "content": "딟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54950, - "content": "삤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54951, - "content": "ٟ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54952, - "content": "ㇵ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54953, - "content": "黔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54954, - "content": "步", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54955, - "content": "솖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54956, - "content": "옒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54957, - "content": "툜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54958, - "content": "藩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54959, - "content": "뵕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54960, - "content": "𫶇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54961, - "content": "븑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54962, - "content": "药", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54963, - "content": "됺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54964, - "content": "섋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54965, - "content": "뤶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54966, - "content": "텤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54967, - "content": "链", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54968, - "content": "昤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54969, - "content": "១", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54970, - "content": "𬮱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54971, - "content": "戍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54972, - "content": "찓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54973, - "content": "쉚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54974, - "content": "岷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54975, - "content": "졟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54976, - "content": "홎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54977, - "content": "赋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54978, - "content": "扁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54979, - "content": "哏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54980, - "content": "퉧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54981, - "content": "챹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54982, - "content": "趾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54983, - "content": "肟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54984, - "content": "侃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54985, - "content": "뫸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54986, - "content": "发", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54987, - "content": "铎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54988, - "content": "늰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54989, - "content": "奂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54990, - "content": "灯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54991, - "content": "玲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54992, - "content": "囁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54993, - "content": "쁄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54994, - "content": "昡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54995, - "content": "鸛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54996, - "content": "樺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54997, - "content": "좳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54998, - "content": "쇠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 54999, - "content": "璈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55000, - "content": "扰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55001, - "content": "쁹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55002, - "content": "堑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55003, - "content": "笃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55004, - "content": "먰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55005, - "content": "뿟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55006, - "content": "뽾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55007, - "content": "릧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55008, - "content": "碡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55009, - "content": "쨵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55010, - "content": "핒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55011, - "content": "尹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55012, - "content": "앮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55013, - "content": "졽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55014, - "content": "하", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55015, - "content": "胲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55016, - "content": "걞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55017, - "content": "薺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55018, - "content": "‘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55019, - "content": "붨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55020, - "content": "浣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55021, - "content": "짓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55022, - "content": "왾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55023, - "content": "뜴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55024, - "content": "魉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55025, - "content": "朱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55026, - "content": "垈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55027, - "content": "吻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55028, - "content": "碜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55029, - "content": "ఓ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55030, - "content": "府", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55031, - "content": "踔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55032, - "content": "둙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55033, - "content": "鹇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55034, - "content": "黃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55035, - "content": "龠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55036, - "content": "곞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55037, - "content": "龂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55038, - "content": "ự", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55039, - "content": "费", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55040, - "content": "瀍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55041, - "content": "슷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55042, - "content": "굦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55043, - "content": "셁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55044, - "content": "땟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55045, - "content": "搀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55046, - "content": "쨩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55047, - "content": "涊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55048, - "content": "讶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55049, - "content": "蛇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55050, - "content": "껬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55051, - "content": "铧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55052, - "content": "鶏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55053, - "content": "楔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55054, - "content": "픭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55055, - "content": "걮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55056, - "content": "垺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55057, - "content": "럠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55058, - "content": "퐁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55059, - "content": "塔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55060, - "content": "칺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55061, - "content": "琟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55062, - "content": "啾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55063, - "content": "信", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55064, - "content": "츆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55065, - "content": "컨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55066, - "content": "얅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55067, - "content": "೬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55068, - "content": "藟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55069, - "content": "혯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55070, - "content": "눐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55071, - "content": "렂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55072, - "content": "쀖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55073, - "content": "璀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55074, - "content": "另", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55075, - "content": "钎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55076, - "content": "굾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55077, - "content": "潼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55078, - "content": "뎫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55079, - "content": "옮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55080, - "content": "憐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55081, - "content": "짺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55082, - "content": "괼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55083, - "content": "뺓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55084, - "content": "쑼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55085, - "content": "瑔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55086, - "content": "쥺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55087, - "content": "ﺝ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55088, - "content": "샔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55089, - "content": "뤾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55090, - "content": "숓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55091, - "content": "鹾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55092, - "content": "뙈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55093, - "content": "잇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55094, - "content": "𬣙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55095, - "content": "딣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55096, - "content": "嘎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55097, - "content": "獻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55098, - "content": "쀈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55099, - "content": "헁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55100, - "content": "끽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55101, - "content": "떒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55102, - "content": "눮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55103, - "content": "쥹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55104, - "content": "掊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55105, - "content": "죷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55106, - "content": "虏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55107, - "content": "冖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55108, - "content": "嶸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55109, - "content": "癱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55110, - "content": "쒚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55111, - "content": "亟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55112, - "content": "绋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55113, - "content": "匐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55114, - "content": "恍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55115, - "content": "靡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55116, - "content": "뺊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55117, - "content": "Ầ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55118, - "content": "澳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55119, - "content": "𬬭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55120, - "content": "扃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55121, - "content": "봬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55122, - "content": "ௐ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55123, - "content": "靼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55124, - "content": "뉛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55125, - "content": "랒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55126, - "content": "뤇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55127, - "content": "봽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55128, - "content": "ろ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55129, - "content": "졬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55130, - "content": "禤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55131, - "content": "둕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55132, - "content": "돩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55133, - "content": "౪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55134, - "content": "뚗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55135, - "content": "辊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55136, - "content": "鳄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55137, - "content": "뀙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55138, - "content": "炳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55139, - "content": "剿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55140, - "content": "铺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55141, - "content": "符", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55142, - "content": "遏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55143, - "content": "뮊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55144, - "content": "젔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55145, - "content": "汎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55146, - "content": "躁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55147, - "content": "忍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55148, - "content": "嘞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55149, - "content": "弭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55150, - "content": "𬴊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55151, - "content": "씑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55152, - "content": "锉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55153, - "content": "拍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55154, - "content": "쌶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55155, - "content": "땑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55156, - "content": "纱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55157, - "content": "墻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55158, - "content": "얟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55159, - "content": "廆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55160, - "content": "脔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55161, - "content": "귭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55162, - "content": "罅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55163, - "content": "ビ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55164, - "content": "췢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55165, - "content": "ప", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55166, - "content": "塑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55167, - "content": "窸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55168, - "content": "鹧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55169, - "content": "ឧ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55170, - "content": "♪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55171, - "content": "샅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55172, - "content": "맷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55173, - "content": "嘻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55174, - "content": "봲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55175, - "content": "먇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55176, - "content": "掂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55177, - "content": "끴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55178, - "content": "튙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55179, - "content": "횫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55180, - "content": "썳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55181, - "content": "뺳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55182, - "content": "둔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55183, - "content": "斗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55184, - "content": "캣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55185, - "content": "휛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55186, - "content": "踯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55187, - "content": "했", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55188, - "content": "缱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55189, - "content": "퀛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55190, - "content": "课", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55191, - "content": "紼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55192, - "content": "郎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55193, - "content": "鳥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55194, - "content": "혴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55195, - "content": "뚌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55196, - "content": "輥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55197, - "content": "ミ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55198, - "content": "ۭ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55199, - "content": "墉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55200, - "content": "瑣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55201, - "content": "瑠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55202, - "content": "뮻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55203, - "content": "ម", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55204, - "content": "쮫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55205, - "content": "棰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55206, - "content": "谑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55207, - "content": "묗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55208, - "content": "꿑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55209, - "content": "콲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55210, - "content": "体", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55211, - "content": "맚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55212, - "content": "ﻉ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55213, - "content": "劲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55214, - "content": "臺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55215, - "content": "額", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55216, - "content": "샯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55217, - "content": "섒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55218, - "content": "矇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55219, - "content": "흥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55220, - "content": "屋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55221, - "content": "솕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55222, - "content": "聽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55223, - "content": "킅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55224, - "content": "쒳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55225, - "content": "굺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55226, - "content": "𬘫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55227, - "content": "냤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55228, - "content": "듉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55229, - "content": "檀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55230, - "content": "叟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55231, - "content": "ʹ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55232, - "content": "ӈ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55233, - "content": "쌇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55234, - "content": "몔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55235, - "content": "藨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55236, - "content": "숨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55237, - "content": "慟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55238, - "content": "粼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55239, - "content": "냮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55240, - "content": "췥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55241, - "content": "簠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55242, - "content": "먺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55243, - "content": "녝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55244, - "content": "禒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55245, - "content": "릙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55246, - "content": "蔥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55247, - "content": "펀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55248, - "content": "옊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55249, - "content": "彖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55250, - "content": "汝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55251, - "content": "吒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55252, - "content": "졔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55253, - "content": "隶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55254, - "content": "녕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55255, - "content": "묱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55256, - "content": "ۡ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55257, - "content": "侷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55258, - "content": "숏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55259, - "content": "뱀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55260, - "content": "頑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55261, - "content": "윶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55262, - "content": "彌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55263, - "content": "된", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55264, - "content": "歩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55265, - "content": "퍘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55266, - "content": "薛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55267, - "content": "绢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55268, - "content": "垯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55269, - "content": "읎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55270, - "content": "镶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55271, - "content": "筐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55272, - "content": "獍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55273, - "content": "렁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55274, - "content": "力", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55275, - "content": "농", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55276, - "content": "貍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55277, - "content": "덹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55278, - "content": "젒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55279, - "content": "뵏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55280, - "content": "짠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55281, - "content": "뵰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55282, - "content": "쏥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55283, - "content": "锭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55284, - "content": "쇒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55285, - "content": "띣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55286, - "content": "骖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55287, - "content": "鞍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55288, - "content": "픡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55289, - "content": "飐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55290, - "content": "韦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55291, - "content": "孚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55292, - "content": "텹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55293, - "content": "햙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55294, - "content": "റ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55295, - "content": "期", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55296, - "content": "锏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55297, - "content": "藝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55298, - "content": "绤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55299, - "content": "쪪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55300, - "content": "쇺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55301, - "content": "즆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55302, - "content": "爚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55303, - "content": "酸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55304, - "content": "젿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55305, - "content": "譯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55306, - "content": "켿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55307, - "content": "돫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55308, - "content": "쑹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55309, - "content": "湲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55310, - "content": "璣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55311, - "content": "숿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55312, - "content": "奎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55313, - "content": "뺠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55314, - "content": "ẻ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55315, - "content": "繡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55316, - "content": "鲳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55317, - "content": "ঐ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55318, - "content": "醮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55319, - "content": "鞡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55320, - "content": "놳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55321, - "content": "乩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55322, - "content": "딓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55323, - "content": "曼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55324, - "content": "ஊ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55325, - "content": "却", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55326, - "content": "誣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55327, - "content": "ฆ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55328, - "content": "処", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55329, - "content": "㭎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55330, - "content": "琭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55331, - "content": "식", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55332, - "content": "룞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55333, - "content": "쉅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55334, - "content": "弓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55335, - "content": "풄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55336, - "content": "厾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55337, - "content": "叭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55338, - "content": "렛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55339, - "content": "앒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55340, - "content": "㻬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55341, - "content": "ㅻ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55342, - "content": "뎍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55343, - "content": "辏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55344, - "content": "퀽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55345, - "content": "啡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55346, - "content": "뱎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55347, - "content": "욮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55348, - "content": "꿅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55349, - "content": "芏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55350, - "content": "빒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55351, - "content": "陣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55352, - "content": "잕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55353, - "content": "赂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55354, - "content": "룧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55355, - "content": "礅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55356, - "content": "生", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55357, - "content": "滃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55358, - "content": "耆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55359, - "content": "蒱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55360, - "content": "띒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55361, - "content": "쳪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55362, - "content": "붿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55363, - "content": "ਡ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55364, - "content": "쬁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55365, - "content": "讱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55366, - "content": "塩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55367, - "content": "噫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55368, - "content": "瞽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55369, - "content": "퓦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55370, - "content": "р", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55371, - "content": "权", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55372, - "content": "뉑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55373, - "content": "뼪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55374, - "content": "냜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55375, - "content": "씫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55376, - "content": "墦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55377, - "content": "つ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55378, - "content": "︳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55379, - "content": "袄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55380, - "content": "팗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55381, - "content": "썄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55382, - "content": "콠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55383, - "content": "陷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55384, - "content": "뉏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55385, - "content": "蝻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55386, - "content": "왻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55387, - "content": "嫽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55388, - "content": "莧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55389, - "content": "참", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55390, - "content": "闋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55391, - "content": "慑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55392, - "content": "춊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55393, - "content": "믦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55394, - "content": "뭯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55395, - "content": "滘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55396, - "content": "쫯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55397, - "content": "욼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55398, - "content": "쵆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55399, - "content": "■", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55400, - "content": "뤫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55401, - "content": "힡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55402, - "content": "锼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55403, - "content": "탢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55404, - "content": "끹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55405, - "content": "囮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55406, - "content": "衫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55407, - "content": "긒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55408, - "content": "鹋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55409, - "content": "옐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55410, - "content": "≯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55411, - "content": "鞣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55412, - "content": "嫲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55413, - "content": "鲉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55414, - "content": "紊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55415, - "content": "簃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55416, - "content": "茎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55417, - "content": "盡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55418, - "content": "늡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55419, - "content": "ਸ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55420, - "content": "酏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55421, - "content": "勖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55422, - "content": "狙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55423, - "content": "琼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55424, - "content": "씍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55425, - "content": "厂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55426, - "content": "嚚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55427, - "content": "닠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55428, - "content": "審", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55429, - "content": "躪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55430, - "content": "シ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55431, - "content": "닐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55432, - "content": "𬊤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55433, - "content": "齉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55434, - "content": "叇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55435, - "content": "纩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55436, - "content": "缪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55437, - "content": "칬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55438, - "content": "缚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55439, - "content": "붂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55440, - "content": "뤎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55441, - "content": "픙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55442, - "content": "뒟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55443, - "content": "來", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55444, - "content": "홬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55445, - "content": "諳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55446, - "content": "똉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55447, - "content": "컏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55448, - "content": "쌻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55449, - "content": "悦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55450, - "content": "뿦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55451, - "content": "跶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55452, - "content": "へ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55453, - "content": "욢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55454, - "content": "嘲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55455, - "content": "쇮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55456, - "content": "ವ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55457, - "content": "쐊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55458, - "content": "剥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55459, - "content": "樽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55460, - "content": "跤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55461, - "content": "뺯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55462, - "content": "鵪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55463, - "content": "뜎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55464, - "content": "尻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55465, - "content": "턼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55466, - "content": "臘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55467, - "content": "锣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55468, - "content": "卷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55469, - "content": "걺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55470, - "content": "敞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55471, - "content": "磲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55472, - "content": "퓷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55473, - "content": "䥽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55474, - "content": "葡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55475, - "content": "薸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55476, - "content": "绣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55477, - "content": "뺢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55478, - "content": "훪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55479, - "content": "薿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55480, - "content": "샑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55481, - "content": "禱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55482, - "content": "处", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55483, - "content": "咻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55484, - "content": "妭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55485, - "content": "洁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55486, - "content": "䎖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55487, - "content": "门", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55488, - "content": "쓋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55489, - "content": "禮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55490, - "content": "퇓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55491, - "content": "긍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55492, - "content": "홖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55493, - "content": "散", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55494, - "content": "窒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55495, - "content": "渼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55496, - "content": "뚘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55497, - "content": "촨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55498, - "content": "챈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55499, - "content": "촗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55500, - "content": "胰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55501, - "content": "쭙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55502, - "content": "댧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55503, - "content": "镲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55504, - "content": "럙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55505, - "content": "咀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55506, - "content": "땮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55507, - "content": "猖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55508, - "content": "몁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55509, - "content": "簡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55510, - "content": "⁇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55511, - "content": "돃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55512, - "content": "췝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55513, - "content": "첮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55514, - "content": "烽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55515, - "content": "挹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55516, - "content": "锵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55517, - "content": "阃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55518, - "content": "햞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55519, - "content": "띦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55520, - "content": "꼒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55521, - "content": "鿎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55522, - "content": "舶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55523, - "content": "뿪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55524, - "content": "’", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55525, - "content": "ఝ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55526, - "content": "湿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55527, - "content": "荜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55528, - "content": "榰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55529, - "content": "얺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55530, - "content": "폷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55531, - "content": "倶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55532, - "content": "懑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55533, - "content": "옗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55534, - "content": "䜣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55535, - "content": "홥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55536, - "content": "腯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55537, - "content": "껒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55538, - "content": "ụ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55539, - "content": "慚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55540, - "content": "麻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55541, - "content": "绘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55542, - "content": "锨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55543, - "content": "睇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55544, - "content": "릃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55545, - "content": "ζ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55546, - "content": "技", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55547, - "content": "쿊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55548, - "content": "滗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55549, - "content": "黠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55550, - "content": "淞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55551, - "content": "쐮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55552, - "content": "갘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55553, - "content": "淯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55554, - "content": "꺭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55555, - "content": "쭭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55556, - "content": "럿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55557, - "content": "玕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55558, - "content": "囈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55559, - "content": "Х", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55560, - "content": "진", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55561, - "content": "먅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55562, - "content": "М", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55563, - "content": "땤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55564, - "content": "뜇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55565, - "content": "픍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55566, - "content": "拦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55567, - "content": "駁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55568, - "content": "삫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55569, - "content": "ુ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55570, - "content": "퍅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55571, - "content": "奔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55572, - "content": "밄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55573, - "content": "쟲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55574, - "content": "芜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55575, - "content": "랔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55576, - "content": "쿎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55577, - "content": "첯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55578, - "content": "뢙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55579, - "content": "稼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55580, - "content": "疒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55581, - "content": "젺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55582, - "content": "嫘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55583, - "content": "폦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55584, - "content": "戕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55585, - "content": "洓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55586, - "content": "뇧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55587, - "content": "잔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55588, - "content": "택", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55589, - "content": "僬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55590, - "content": "叱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55591, - "content": "稀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55592, - "content": "닶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55593, - "content": "쵳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55594, - "content": "킧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55595, - "content": "ㆌ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55596, - "content": "뽴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55597, - "content": "闌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55598, - "content": "頒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55599, - "content": "굨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55600, - "content": "쳙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55601, - "content": "彷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55602, - "content": "셡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55603, - "content": "숀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55604, - "content": "됣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55605, - "content": "뎰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55606, - "content": "솿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55607, - "content": "곦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55608, - "content": "곅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55609, - "content": "얀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55610, - "content": "免", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55611, - "content": "ㅲ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55612, - "content": "菍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55613, - "content": "수", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55614, - "content": "辗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55615, - "content": "縄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55616, - "content": "涟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55617, - "content": "剧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55618, - "content": "褓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55619, - "content": "ౣ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55620, - "content": "蘚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55621, - "content": "혫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55622, - "content": "夹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55623, - "content": "嬗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55624, - "content": "刳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55625, - "content": "宾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55626, - "content": "锦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55627, - "content": "뜃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55628, - "content": "힏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55629, - "content": "즲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55630, - "content": "辺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55631, - "content": "괃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55632, - "content": "츽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55633, - "content": "뫣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55634, - "content": "笈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55635, - "content": "럯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55636, - "content": "ワ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55637, - "content": "浞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55638, - "content": "藠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55639, - "content": "쎾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55640, - "content": "適", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55641, - "content": "뽔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55642, - "content": "츐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55643, - "content": "뷔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55644, - "content": "껷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55645, - "content": "矜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55646, - "content": "逗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55647, - "content": "뿱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55648, - "content": "삗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55649, - "content": "젓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55650, - "content": "斉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55651, - "content": "璒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55652, - "content": "銬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55653, - "content": "삀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55654, - "content": "흣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55655, - "content": "허", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55656, - "content": "듅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55657, - "content": "델", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55658, - "content": "に", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55659, - "content": "믹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55660, - "content": "扬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55661, - "content": "羖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55662, - "content": "쨟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55663, - "content": "앝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55664, - "content": "𫘬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55665, - "content": "芍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55666, - "content": "ฅ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55667, - "content": "쵯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55668, - "content": "濫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55669, - "content": "눰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55670, - "content": "죏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55671, - "content": "鴛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55672, - "content": "쥏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55673, - "content": "港", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55674, - "content": "巽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55675, - "content": "굍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55676, - "content": "蔓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55677, - "content": "뇷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55678, - "content": "띾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55679, - "content": "먁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55680, - "content": "맄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55681, - "content": "貰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55682, - "content": "鼕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55683, - "content": "팉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55684, - "content": "먋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55685, - "content": "旳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55686, - "content": "롈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55687, - "content": "쮱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55688, - "content": "倮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55689, - "content": "級", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55690, - "content": "迢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55691, - "content": "旧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55692, - "content": "뜹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55693, - "content": "妓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55694, - "content": "틐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55695, - "content": "莆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55696, - "content": "횦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55697, - "content": "३", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55698, - "content": "랗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55699, - "content": "垱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55700, - "content": "펿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55701, - "content": "Ỡ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55702, - "content": "│", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55703, - "content": "畑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55704, - "content": "슽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55705, - "content": "轰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55706, - "content": "뻓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55707, - "content": "퇻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55708, - "content": "슶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55709, - "content": "흌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55710, - "content": "歅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55711, - "content": "흡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55712, - "content": "깊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55713, - "content": "디", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55714, - "content": "。", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55715, - "content": "饹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55716, - "content": "죚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55717, - "content": "쵦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55718, - "content": "꽭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55719, - "content": "췾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55720, - "content": "멯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55721, - "content": "썭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55722, - "content": "Ӣ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55723, - "content": "ㄱ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55724, - "content": "獵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55725, - "content": "헷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55726, - "content": "녻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55727, - "content": "辻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55728, - "content": "죹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55729, - "content": "쐁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55730, - "content": "ۧ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55731, - "content": "낖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55732, - "content": "졉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55733, - "content": "笏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55734, - "content": "猗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55735, - "content": "겓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55736, - "content": "辍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55737, - "content": "瓻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55738, - "content": "뼂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55739, - "content": "뚪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55740, - "content": "쉦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55741, - "content": "죿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55742, - "content": "稅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55743, - "content": "晏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55744, - "content": "焔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55745, - "content": "낯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55746, - "content": "뷜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55747, - "content": "똎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55748, - "content": "౫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55749, - "content": "땵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55750, - "content": "됅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55751, - "content": "茋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55752, - "content": "硪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55753, - "content": "뭰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55754, - "content": "횘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55755, - "content": "絷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55756, - "content": "₽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55757, - "content": "얋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55758, - "content": "ﺭ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55759, - "content": "貶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55760, - "content": "괉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55761, - "content": "キ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55762, - "content": "윕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55763, - "content": "仿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55764, - "content": "౿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55765, - "content": "덣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55766, - "content": "細", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55767, - "content": "尬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55768, - "content": "缮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55769, - "content": "𬯀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55770, - "content": "蔹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55771, - "content": "踝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55772, - "content": "ぎ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55773, - "content": "끋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55774, - "content": "ㅀ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55775, - "content": "죕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55776, - "content": "说", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55777, - "content": "삖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55778, - "content": "矼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55779, - "content": "飙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55780, - "content": "뢛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55781, - "content": "骝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55782, - "content": "ఘ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55783, - "content": "褸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55784, - "content": "툷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55785, - "content": "뉭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55786, - "content": "棍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55787, - "content": "烫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55788, - "content": "觸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55789, - "content": "쾘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55790, - "content": "墘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55791, - "content": "葆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55792, - "content": "坨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55793, - "content": "嫚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55794, - "content": "镝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55795, - "content": "钻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55796, - "content": "强", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55797, - "content": "𬒈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55798, - "content": "엡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55799, - "content": "ឡ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55800, - "content": "뚠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55801, - "content": "輒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55802, - "content": "펤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55803, - "content": "겄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55804, - "content": "꾵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55805, - "content": "娀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55806, - "content": "俎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55807, - "content": "鴨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55808, - "content": "얐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55809, - "content": "활", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55810, - "content": "뗇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55811, - "content": "夬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55812, - "content": "钵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55813, - "content": "铁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55814, - "content": "꺐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55815, - "content": "挲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55816, - "content": "먐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55817, - "content": "키", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55818, - "content": "几", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55819, - "content": "栊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55820, - "content": "쟒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55821, - "content": "뷸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55822, - "content": "椟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55823, - "content": "씱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55824, - "content": "끦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55825, - "content": "샄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55826, - "content": "攴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55827, - "content": "۶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55828, - "content": "죟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55829, - "content": "鲾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55830, - "content": "妩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55831, - "content": "嘗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55832, - "content": "몄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55833, - "content": "嗖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55834, - "content": "頸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55835, - "content": "돌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55836, - "content": "ฤ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55837, - "content": "俱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55838, - "content": "酝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55839, - "content": "퀀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55840, - "content": "绺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55841, - "content": "遡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55842, - "content": "鲛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55843, - "content": "뤬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55844, - "content": "矽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55845, - "content": "積", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55846, - "content": "缁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55847, - "content": "쁚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55848, - "content": "멥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55849, - "content": "爻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55850, - "content": "짌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55851, - "content": "썯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55852, - "content": "墟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55853, - "content": "٨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55854, - "content": "큊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55855, - "content": "婌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55856, - "content": "劾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55857, - "content": "ហ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55858, - "content": "녶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55859, - "content": "맙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55860, - "content": "遗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55861, - "content": "闿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55862, - "content": "뽋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55863, - "content": "綽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55864, - "content": "ై", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55865, - "content": "收", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55866, - "content": "븍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55867, - "content": "给", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55868, - "content": "鏍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55869, - "content": "톥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55870, - "content": "죘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55871, - "content": "깥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55872, - "content": "預", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55873, - "content": "퓬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55874, - "content": "첅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55875, - "content": "瑰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55876, - "content": "벊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55877, - "content": "眇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55878, - "content": "皑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55879, - "content": "桎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55880, - "content": "졍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55881, - "content": "튛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55882, - "content": "갴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55883, - "content": "떮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55884, - "content": "팷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55885, - "content": "핊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55886, - "content": "鲮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55887, - "content": "較", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55888, - "content": "밇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55889, - "content": "됫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55890, - "content": "雛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55891, - "content": "甩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55892, - "content": "驳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55893, - "content": "飯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55894, - "content": "뚵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55895, - "content": "챾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55896, - "content": "禁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55897, - "content": "쯚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55898, - "content": "뎞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55899, - "content": "౮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55900, - "content": "캀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55901, - "content": "궹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55902, - "content": "룴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55903, - "content": "켅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55904, - "content": "蹺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55905, - "content": "쁒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55906, - "content": "珇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55907, - "content": "뽲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55908, - "content": "캆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55909, - "content": "뮒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55910, - "content": "볿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55911, - "content": "拡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55912, - "content": "汭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55913, - "content": "꿥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55914, - "content": "뻡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55915, - "content": "퇊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55916, - "content": "储", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55917, - "content": "雕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55918, - "content": "퍬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55919, - "content": "昧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55920, - "content": "谗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55921, - "content": "껳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55922, - "content": "괜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55923, - "content": "뽑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55924, - "content": "蔃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55925, - "content": "塌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55926, - "content": "̄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55927, - "content": "윻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55928, - "content": "迨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55929, - "content": "폓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55930, - "content": "냔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55931, - "content": "牆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55932, - "content": "갠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55933, - "content": "땆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55934, - "content": "긱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55935, - "content": "Ề", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55936, - "content": "埼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55937, - "content": "꼦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55938, - "content": "“", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55939, - "content": "튖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55940, - "content": "鹚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55941, - "content": "廨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55942, - "content": "₫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55943, - "content": "耱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55944, - "content": "唉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55945, - "content": "찃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55946, - "content": "乙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55947, - "content": "독", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55948, - "content": "若", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55949, - "content": "랻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55950, - "content": "朽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55951, - "content": "읩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55952, - "content": "뤳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55953, - "content": "箢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55954, - "content": "엉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55955, - "content": "똈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55956, - "content": "쎘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55957, - "content": "뙢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55958, - "content": "럃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55959, - "content": "栉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55960, - "content": "镐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55961, - "content": "橹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55962, - "content": "翔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55963, - "content": "늭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55964, - "content": "ো", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55965, - "content": "玎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55966, - "content": "阵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55967, - "content": "잼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55968, - "content": "战", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55969, - "content": "릹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55970, - "content": "낆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55971, - "content": "膙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55972, - "content": "ઈ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55973, - "content": "괧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55974, - "content": "컡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55975, - "content": "蓋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55976, - "content": "덖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55977, - "content": "迅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55978, - "content": "캰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55979, - "content": "햭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55980, - "content": "熻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55981, - "content": "턦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55982, - "content": "뛶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55983, - "content": "폠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55984, - "content": "披", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55985, - "content": "聊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55986, - "content": "컀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55987, - "content": "锖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55988, - "content": "醱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55989, - "content": "밖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55990, - "content": "勾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55991, - "content": "悈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55992, - "content": "隄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55993, - "content": "鞫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55994, - "content": "텍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55995, - "content": "쀿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55996, - "content": "ុ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55997, - "content": "깵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55998, - "content": "푏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 55999, - "content": "揖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56000, - "content": "뺡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56001, - "content": "붟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56002, - "content": "𫟅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56003, - "content": "춿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56004, - "content": "엋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56005, - "content": "ݪ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56006, - "content": "〕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56007, - "content": "禍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56008, - "content": "낼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56009, - "content": "뼆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56010, - "content": "炯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56011, - "content": "赴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56012, - "content": "잛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56013, - "content": "픞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56014, - "content": "੶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56015, - "content": "솮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56016, - "content": "ݠ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56017, - "content": "淋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56018, - "content": "춂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56019, - "content": "電", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56020, - "content": "쒀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56021, - "content": "虜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56022, - "content": "냝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56023, - "content": "我", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56024, - "content": "擀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56025, - "content": "챍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56026, - "content": "콩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56027, - "content": "勔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56028, - "content": "呙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56029, - "content": "쇝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56030, - "content": "궛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56031, - "content": "쵿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56032, - "content": "套", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56033, - "content": "踫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56034, - "content": "핪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56035, - "content": "볚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56036, - "content": "휵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56037, - "content": "厦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56038, - "content": "寶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56039, - "content": "释", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56040, - "content": "녆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56041, - "content": "벉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56042, - "content": "渑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56043, - "content": "뾘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56044, - "content": "羈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56045, - "content": "씴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56046, - "content": "품", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56047, - "content": "谯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56048, - "content": "栌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56049, - "content": "뻵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56050, - "content": "ږ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56051, - "content": "헅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56052, - "content": "뮍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56053, - "content": "혨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56054, - "content": "쐣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56055, - "content": "쫩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56056, - "content": "洼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56057, - "content": "눡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56058, - "content": "섔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56059, - "content": "앛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56060, - "content": "煋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56061, - "content": "쥮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56062, - "content": "⇒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56063, - "content": "砮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56064, - "content": "玳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56065, - "content": "锶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56066, - "content": "ۚ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56067, - "content": "퓞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56068, - "content": "虽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56069, - "content": "층", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56070, - "content": "닡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56071, - "content": "춯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56072, - "content": "哿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56073, - "content": "퍕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56074, - "content": "遼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56075, - "content": "퇠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56076, - "content": "複", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56077, - "content": "퇏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56078, - "content": "늴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56079, - "content": "洈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56080, - "content": "滆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56081, - "content": "竅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56082, - "content": "蝇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56083, - "content": "쌡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56084, - "content": "뷬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56085, - "content": "죶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56086, - "content": "ャ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56087, - "content": "멤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56088, - "content": "餮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56089, - "content": "퓾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56090, - "content": "赏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56091, - "content": "园", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56092, - "content": "뛰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56093, - "content": "몀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56094, - "content": "쉾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56095, - "content": "媂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56096, - "content": "댇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56097, - "content": "𬺢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56098, - "content": "힍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56099, - "content": "ц", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56100, - "content": "蟻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56101, - "content": "𬨂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56102, - "content": "鎖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56103, - "content": "蓍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56104, - "content": "쪿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56105, - "content": "豕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56106, - "content": "鑼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56107, - "content": "홃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56108, - "content": "껩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56109, - "content": "븆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56110, - "content": "틲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56111, - "content": "솎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56112, - "content": "꼢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56113, - "content": "삚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56114, - "content": "쒃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56115, - "content": "츱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56116, - "content": "絵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56117, - "content": "콒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56118, - "content": "끂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56119, - "content": "浊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56120, - "content": "微", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56121, - "content": "鳘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56122, - "content": "춵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56123, - "content": "禺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56124, - "content": "쵪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56125, - "content": "넙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56126, - "content": "퍪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56127, - "content": "ㅼ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56128, - "content": "푂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56129, - "content": "쳉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56130, - "content": "뎇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56131, - "content": "썤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56132, - "content": "領", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56133, - "content": "櫥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56134, - "content": "访", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56135, - "content": "웰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56136, - "content": "霰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56137, - "content": "聰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56138, - "content": "盦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56139, - "content": "쒉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56140, - "content": "월", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56141, - "content": "눂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56142, - "content": "埗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56143, - "content": "庇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56144, - "content": "桃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56145, - "content": "ㄼ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56146, - "content": "颯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56147, - "content": "볟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56148, - "content": "橘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56149, - "content": "땚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56150, - "content": "왱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56151, - "content": "聘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56152, - "content": "馴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56153, - "content": "즄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56154, - "content": "螽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56155, - "content": "吠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56156, - "content": "첹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56157, - "content": "冲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56158, - "content": "諱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56159, - "content": "씮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56160, - "content": "뗥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56161, - "content": "밮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56162, - "content": "듲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56163, - "content": "틥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56164, - "content": "祼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56165, - "content": "販", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56166, - "content": "鋁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56167, - "content": "퀂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56168, - "content": "ﻕ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56169, - "content": "੨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56170, - "content": "似", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56171, - "content": "犴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56172, - "content": "骉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56173, - "content": "ㅉ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56174, - "content": "啃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56175, - "content": "ঢ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56176, - "content": "右", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56177, - "content": "穩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56178, - "content": "죐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56179, - "content": "쾯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56180, - "content": "뱬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56181, - "content": "쮜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56182, - "content": "涌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56183, - "content": "龊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56184, - "content": "맖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56185, - "content": "멵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56186, - "content": "攉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56187, - "content": "踏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56188, - "content": "ů", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56189, - "content": "똰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56190, - "content": "큼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56191, - "content": "퍠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56192, - "content": "큉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56193, - "content": "뻞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56194, - "content": "栓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56195, - "content": "뵪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56196, - "content": "牌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56197, - "content": "焗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56198, - "content": "췯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56199, - "content": "彎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56200, - "content": "椋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56201, - "content": "竭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56202, - "content": "镀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56203, - "content": "쁾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56204, - "content": "у", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56205, - "content": "箏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56206, - "content": "뮴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56207, - "content": "瑅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56208, - "content": "눎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56209, - "content": "갂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56210, - "content": "洞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56211, - "content": "빺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56212, - "content": "귣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56213, - "content": "黧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56214, - "content": "뗏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56215, - "content": "쐛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56216, - "content": "뜊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56217, - "content": "タ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56218, - "content": "阈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56219, - "content": "쑌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56220, - "content": "浓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56221, - "content": "숈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56222, - "content": "우", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56223, - "content": "剐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56224, - "content": "헭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56225, - "content": "п", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56226, - "content": "뼗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56227, - "content": "쬴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56228, - "content": "诧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56229, - "content": "蹕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56230, - "content": "綁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56231, - "content": "剞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56232, - "content": "獐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56233, - "content": "풶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56234, - "content": "쎲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56235, - "content": "쿖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56236, - "content": "봶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56237, - "content": "崢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56238, - "content": "䏡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56239, - "content": "雾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56240, - "content": "컹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56241, - "content": "僇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56242, - "content": "窍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56243, - "content": "쓫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56244, - "content": "絃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56245, - "content": "픿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56246, - "content": "쿳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56247, - "content": "缧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56248, - "content": "퇶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56249, - "content": "犊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56250, - "content": "蚶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56251, - "content": "옲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56252, - "content": "贴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56253, - "content": "뎱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56254, - "content": "크", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56255, - "content": "콚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56256, - "content": "悛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56257, - "content": "뛣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56258, - "content": "쨹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56259, - "content": "梳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56260, - "content": "챱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56261, - "content": "琫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56262, - "content": "惧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56263, - "content": "줧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56264, - "content": "预", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56265, - "content": "爬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56266, - "content": "샛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56267, - "content": "앶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56268, - "content": "오", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56269, - "content": "햐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56270, - "content": "詻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56271, - "content": "日", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56272, - "content": "볘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56273, - "content": "伛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56274, - "content": "뵣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56275, - "content": "뗠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56276, - "content": "뎓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56277, - "content": "仁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56278, - "content": "ভ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56279, - "content": "泸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56280, - "content": "쀠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56281, - "content": "헑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56282, - "content": "뤚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56283, - "content": "렍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56284, - "content": "泉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56285, - "content": "อ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56286, - "content": "鷗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56287, - "content": "쬰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56288, - "content": "땗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56289, - "content": "뿿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56290, - "content": "쮋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56291, - "content": "连", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56292, - "content": "뫀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56293, - "content": "쑏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56294, - "content": "挚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56295, - "content": "톓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56296, - "content": "猥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56297, - "content": "븜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56298, - "content": "凑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56299, - "content": "馓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56300, - "content": "旻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56301, - "content": "칥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56302, - "content": "寢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56303, - "content": "瀟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56304, - "content": "룢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56305, - "content": "迕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56306, - "content": "쳃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56307, - "content": "睁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56308, - "content": "떤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56309, - "content": "編", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56310, - "content": "튌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56311, - "content": "얄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56312, - "content": "앹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56313, - "content": "잙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56314, - "content": "梟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56315, - "content": "쩭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56316, - "content": "谂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56317, - "content": "뿜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56318, - "content": "삹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56319, - "content": "Ố", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56320, - "content": "젢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56321, - "content": "풘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56322, - "content": "헣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56323, - "content": "뾸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56324, - "content": "蝣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56325, - "content": "矞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56326, - "content": "텊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56327, - "content": "倫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56328, - "content": "먃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56329, - "content": "룆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56330, - "content": "뭋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56331, - "content": "畅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56332, - "content": "韻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56333, - "content": "햑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56334, - "content": "븱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56335, - "content": "븉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56336, - "content": "샆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56337, - "content": "쿂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56338, - "content": "ỹ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56339, - "content": "걡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56340, - "content": "筱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56341, - "content": "؆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56342, - "content": "탌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56343, - "content": "값", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56344, - "content": "ج", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56345, - "content": "烦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56346, - "content": "О", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56347, - "content": "쏽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56348, - "content": "핖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56349, - "content": "崂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56350, - "content": "塵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56351, - "content": "а", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56352, - "content": "쩟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56353, - "content": "蠕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56354, - "content": "쩙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56355, - "content": "ー", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56356, - "content": "듘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56357, - "content": "힅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56358, - "content": "쐄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56359, - "content": "냠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56360, - "content": "탰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56361, - "content": "エ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56362, - "content": "폔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56363, - "content": "쟱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56364, - "content": "盧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56365, - "content": "天", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56366, - "content": "챜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56367, - "content": "䗖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56368, - "content": "秤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56369, - "content": "Т", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56370, - "content": "肱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56371, - "content": "论", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56372, - "content": "댕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56373, - "content": "敩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56374, - "content": "峠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56375, - "content": "簇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56376, - "content": "颦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56377, - "content": "싐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56378, - "content": "骗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56379, - "content": "삳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56380, - "content": "阡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56381, - "content": "룳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56382, - "content": "即", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56383, - "content": "鳤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56384, - "content": "阼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56385, - "content": "넿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56386, - "content": "쁟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56387, - "content": "슂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56388, - "content": "빋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56389, - "content": "爷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56390, - "content": "ថ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56391, - "content": "銻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56392, - "content": "粑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56393, - "content": "뮕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56394, - "content": "뵷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56395, - "content": "훧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56396, - "content": "庐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56397, - "content": "혪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56398, - "content": "郅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56399, - "content": "푗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56400, - "content": "묌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56401, - "content": "忘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56402, - "content": "깮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56403, - "content": "뛥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56404, - "content": "縑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56405, - "content": "沆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56406, - "content": "酤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56407, - "content": "𬘓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56408, - "content": "뀟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56409, - "content": "堰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56410, - "content": "她", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56411, - "content": "뤮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56412, - "content": "燐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56413, - "content": "杰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56414, - "content": "束", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56415, - "content": "祊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56416, - "content": "晊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56417, - "content": "ُ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56418, - "content": "档", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56419, - "content": "찮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56420, - "content": "ス", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56421, - "content": "팃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56422, - "content": "哚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56423, - "content": "숁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56424, - "content": "涵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56425, - "content": "郭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56426, - "content": "쐶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56427, - "content": "딐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56428, - "content": "븫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56429, - "content": "랹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56430, - "content": "켷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56431, - "content": "狀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56432, - "content": "맬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56433, - "content": "팛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56434, - "content": "뾵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56435, - "content": "떾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56436, - "content": "谢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56437, - "content": "ಿ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56438, - "content": "踞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56439, - "content": "辱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56440, - "content": "쎜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56441, - "content": "𫘨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56442, - "content": "詩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56443, - "content": "즖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56444, - "content": "묮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56445, - "content": "绂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56446, - "content": "垵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56447, - "content": "鋪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56448, - "content": "쮗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56449, - "content": "擊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56450, - "content": "汤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56451, - "content": "깞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56452, - "content": "앻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56453, - "content": "া", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56454, - "content": "睨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56455, - "content": "앐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56456, - "content": "塘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56457, - "content": "ヲ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56458, - "content": "굌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56459, - "content": "뭮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56460, - "content": "鳚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56461, - "content": "貊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56462, - "content": "힒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56463, - "content": "僱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56464, - "content": "执", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56465, - "content": "ഷ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56466, - "content": "艀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56467, - "content": "镮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56468, - "content": "쮐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56469, - "content": "핑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56470, - "content": "𬺩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56471, - "content": "핗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56472, - "content": "쑵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56473, - "content": "쒯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56474, - "content": "謂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56475, - "content": "۹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56476, - "content": "僭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56477, - "content": "돕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56478, - "content": "贊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56479, - "content": "쯱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56480, - "content": "ೣ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56481, - "content": "뒩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56482, - "content": "歓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56483, - "content": "躓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56484, - "content": "◢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56485, - "content": "欹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56486, - "content": "톙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56487, - "content": "嚕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56488, - "content": "鸥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56489, - "content": "淙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56490, - "content": "狨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56491, - "content": "긩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56492, - "content": "豁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56493, - "content": "簽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56494, - "content": "又", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56495, - "content": "𬺨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56496, - "content": "万", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56497, - "content": "沙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56498, - "content": "ݚ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56499, - "content": "滨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56500, - "content": "갋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56501, - "content": "싒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56502, - "content": "妤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56503, - "content": "氵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56504, - "content": "ۙ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56505, - "content": "擺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56506, - "content": "곚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56507, - "content": "擢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56508, - "content": "졿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56509, - "content": "ّ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56510, - "content": "좁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56511, - "content": "掞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56512, - "content": "ㄿ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56513, - "content": "冁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56514, - "content": "꺨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56515, - "content": "拙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56516, - "content": "襁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56517, - "content": "횯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56518, - "content": "렦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56519, - "content": "乃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56520, - "content": "裆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56521, - "content": "褚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56522, - "content": "姹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56523, - "content": "珧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56524, - "content": "ು", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56525, - "content": "歪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56526, - "content": "谎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56527, - "content": "웻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56528, - "content": "멠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56529, - "content": "χ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56530, - "content": "뮮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56531, - "content": "休", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56532, - "content": "铸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56533, - "content": "皤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56534, - "content": "汞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56535, - "content": "挣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56536, - "content": "퉱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56537, - "content": "煙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56538, - "content": "ೆ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56539, - "content": "옯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56540, - "content": "늙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56541, - "content": "롩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56542, - "content": "屎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56543, - "content": "옵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56544, - "content": "썁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56545, - "content": "옚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56546, - "content": "屉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56547, - "content": "焯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56548, - "content": "멻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56549, - "content": "ੑ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56550, - "content": "奠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56551, - "content": "줯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56552, - "content": "겗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56553, - "content": "決", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56554, - "content": "𬟽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56555, - "content": "덓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56556, - "content": "赘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56557, - "content": "៓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56558, - "content": "𨺙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56559, - "content": "糌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56560, - "content": "礙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56561, - "content": "鈑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56562, - "content": "ڄ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56563, - "content": "쵔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56564, - "content": "渐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56565, - "content": "瞄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56566, - "content": "「", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56567, - "content": "퉩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56568, - "content": "꼼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56569, - "content": "岗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56570, - "content": "鬼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56571, - "content": "뉡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56572, - "content": "콧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56573, - "content": "짗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56574, - "content": "篁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56575, - "content": "컍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56576, - "content": "렗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56577, - "content": "퇵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56578, - "content": "叡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56579, - "content": "겥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56580, - "content": "敦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56581, - "content": "庚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56582, - "content": "簞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56583, - "content": "墣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56584, - "content": "볯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56585, - "content": "붺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56586, - "content": "𫘜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56587, - "content": "螳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56588, - "content": "域", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56589, - "content": "쉣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56590, - "content": "퐑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56591, - "content": "뀷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56592, - "content": "說", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56593, - "content": "赣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56594, - "content": "귬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56595, - "content": "턐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56596, - "content": "準", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56597, - "content": "炔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56598, - "content": "媞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56599, - "content": "묕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56600, - "content": "쏅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56601, - "content": "倔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56602, - "content": "蓄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56603, - "content": "뻈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56604, - "content": "쐤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56605, - "content": "졠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56606, - "content": "徭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56607, - "content": "꽾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56608, - "content": "怔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56609, - "content": "뼺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56610, - "content": "త", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56611, - "content": "쬒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56612, - "content": "颐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56613, - "content": "廑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56614, - "content": "낾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56615, - "content": "因", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56616, - "content": "竦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56617, - "content": "퓓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56618, - "content": "集", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56619, - "content": "굀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56620, - "content": "쭥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56621, - "content": "푨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56622, - "content": "뽕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56623, - "content": "簟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56624, - "content": "陋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56625, - "content": "啰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56626, - "content": "撿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56627, - "content": "鲴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56628, - "content": "諒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56629, - "content": "猋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56630, - "content": "놑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56631, - "content": "嘿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56632, - "content": "玻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56633, - "content": "퓠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56634, - "content": "瞟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56635, - "content": "뭊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56636, - "content": "网", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56637, - "content": "궻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56638, - "content": "틈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56639, - "content": "돮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56640, - "content": "艅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56641, - "content": "컐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56642, - "content": "颥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56643, - "content": "偈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56644, - "content": "윆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56645, - "content": "筹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56646, - "content": "ュ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56647, - "content": "몖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56648, - "content": "柳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56649, - "content": "긔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56650, - "content": "浭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56651, - "content": "롻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56652, - "content": "텀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56653, - "content": "蠡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56654, - "content": "ə", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56655, - "content": "ढ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56656, - "content": "쏤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56657, - "content": "읶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56658, - "content": "씟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56659, - "content": "绑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56660, - "content": "碏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56661, - "content": "빿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56662, - "content": "雑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56663, - "content": "랚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56664, - "content": "뙪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56665, - "content": "콋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56666, - "content": "졎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56667, - "content": "ਭ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56668, - "content": "썀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56669, - "content": "푎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56670, - "content": "蟑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56671, - "content": "캖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56672, - "content": "Ậ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56673, - "content": "쀛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56674, - "content": "到", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56675, - "content": "Ỹ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56676, - "content": "밦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56677, - "content": "털", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56678, - "content": "铫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56679, - "content": "甁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56680, - "content": "쌯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56681, - "content": "傧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56682, - "content": "쥬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56683, - "content": "똧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56684, - "content": "튷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56685, - "content": "슆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56686, - "content": "볙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56687, - "content": "러", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56688, - "content": "륩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56689, - "content": "썛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56690, - "content": "굿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56691, - "content": "醑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56692, - "content": "鑠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56693, - "content": "燈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56694, - "content": "刚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56695, - "content": "狹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56696, - "content": "뽱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56697, - "content": "ઍ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56698, - "content": "烁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56699, - "content": "狸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56700, - "content": "윛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56701, - "content": "ઞ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56702, - "content": "몧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56703, - "content": "왪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56704, - "content": "型", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56705, - "content": "嫠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56706, - "content": "棵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56707, - "content": "崡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56708, - "content": "ை", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56709, - "content": "헽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56710, - "content": "곫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56711, - "content": "킸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56712, - "content": "胸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56713, - "content": "왠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56714, - "content": "铭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56715, - "content": "倒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56716, - "content": "녁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56717, - "content": "蔟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56718, - "content": "뢆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56719, - "content": "仉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56720, - "content": "ೢ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56721, - "content": "핔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56722, - "content": "퍓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56723, - "content": "봃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56724, - "content": "혜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56725, - "content": "ಏ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56726, - "content": "馔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56727, - "content": "윎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56728, - "content": "幞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56729, - "content": "蠛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56730, - "content": "쵹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56731, - "content": "梽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56732, - "content": "쑥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56733, - "content": "亓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56734, - "content": "뛌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56735, - "content": "찘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56736, - "content": "숙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56737, - "content": "텎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56738, - "content": "搂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56739, - "content": "뫒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56740, - "content": "벟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56741, - "content": "ﺡ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56742, - "content": "埚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56743, - "content": "盂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56744, - "content": "顼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56745, - "content": "α", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56746, - "content": "紧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56747, - "content": "쁩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56748, - "content": "쐽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56749, - "content": "쳀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56750, - "content": "藥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56751, - "content": "뗽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56752, - "content": "듞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56753, - "content": "앰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56754, - "content": "്", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56755, - "content": "쨁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56756, - "content": "鯛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56757, - "content": "砟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56758, - "content": "蓊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56759, - "content": "듕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56760, - "content": "姈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56761, - "content": "驹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56762, - "content": "諮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56763, - "content": "뚇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56764, - "content": "빜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56765, - "content": "迄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56766, - "content": "뷴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56767, - "content": "뢪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56768, - "content": "崎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56769, - "content": "뭆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56770, - "content": "𥖨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56771, - "content": "啶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56772, - "content": "흤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56773, - "content": "녛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56774, - "content": "✖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56775, - "content": "曌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56776, - "content": "쾈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56777, - "content": "틜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56778, - "content": "삨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56779, - "content": "劇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56780, - "content": "줤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56781, - "content": "걂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56782, - "content": "볍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56783, - "content": "諦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56784, - "content": "叻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56785, - "content": "뒤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56786, - "content": "벤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56787, - "content": "쩞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56788, - "content": "叁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56789, - "content": "젗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56790, - "content": "앿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56791, - "content": "쪝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56792, - "content": "윌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56793, - "content": "帕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56794, - "content": "얫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56795, - "content": "푽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56796, - "content": "钲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56797, - "content": "갎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56798, - "content": "阳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56799, - "content": "쇡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56800, - "content": "쏓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56801, - "content": "轾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56802, - "content": "튵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56803, - "content": "贳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56804, - "content": "뜱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56805, - "content": "츻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56806, - "content": "沛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56807, - "content": "쟓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56808, - "content": "结", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56809, - "content": "俏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56810, - "content": "漉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56811, - "content": "俣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56812, - "content": "厚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56813, - "content": "闩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56814, - "content": "욟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56815, - "content": "ヨ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56816, - "content": "嵴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56817, - "content": "诗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56818, - "content": "딇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56819, - "content": "쟤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56820, - "content": "쪫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56821, - "content": "م", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56822, - "content": "爆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56823, - "content": "悭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56824, - "content": "婚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56825, - "content": "欸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56826, - "content": "證", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56827, - "content": "菉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56828, - "content": "꼄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56829, - "content": "塾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56830, - "content": "멝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56831, - "content": "莞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56832, - "content": "寝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56833, - "content": "셚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56834, - "content": "燼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56835, - "content": "톂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56836, - "content": "荼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56837, - "content": "殄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56838, - "content": "赢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56839, - "content": "헀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56840, - "content": "坪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56841, - "content": "쟰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56842, - "content": "뤔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56843, - "content": "뻳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56844, - "content": "넺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56845, - "content": "쑢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56846, - "content": "辙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56847, - "content": "핳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56848, - "content": "턕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56849, - "content": "쌠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56850, - "content": "삍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56851, - "content": "庼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56852, - "content": "涸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56853, - "content": "殿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56854, - "content": "쐳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56855, - "content": "滯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56856, - "content": "逭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56857, - "content": "푋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56858, - "content": "븨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56859, - "content": "湉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56860, - "content": "흖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56861, - "content": "풉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56862, - "content": "轍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56863, - "content": "굘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56864, - "content": "婍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56865, - "content": "룾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56866, - "content": "ॆ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56867, - "content": "쏀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56868, - "content": "谠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56869, - "content": "썦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56870, - "content": "꾂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56871, - "content": "饻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56872, - "content": "眷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56873, - "content": "찛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56874, - "content": "빝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56875, - "content": "擠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56876, - "content": "瞇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56877, - "content": "뎗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56878, - "content": "廴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56879, - "content": "岢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56880, - "content": "७", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56881, - "content": "谟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56882, - "content": "篥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56883, - "content": "魍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56884, - "content": "솙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56885, - "content": "푪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56886, - "content": "옙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56887, - "content": "쫓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56888, - "content": "숆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56889, - "content": "唐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56890, - "content": "眩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56891, - "content": "즩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56892, - "content": "빮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56893, - "content": "뛃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56894, - "content": "స", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56895, - "content": "ホ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56896, - "content": "邀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56897, - "content": "邦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56898, - "content": "挛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56899, - "content": "생", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56900, - "content": "쾑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56901, - "content": "戥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56902, - "content": "裤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56903, - "content": "垾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56904, - "content": "炜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56905, - "content": "홀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56906, - "content": "垂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56907, - "content": "除", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56908, - "content": "官", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56909, - "content": "퐸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56910, - "content": "큢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56911, - "content": "ो", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56912, - "content": "綸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56913, - "content": "킜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56914, - "content": "规", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56915, - "content": "돡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56916, - "content": "峿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56917, - "content": "偌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56918, - "content": "励", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56919, - "content": "건", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56920, - "content": "豮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56921, - "content": "젪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56922, - "content": "턈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56923, - "content": "벧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56924, - "content": "疼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56925, - "content": "핐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56926, - "content": "쟨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56927, - "content": "횼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56928, - "content": "廁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56929, - "content": "뚻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56930, - "content": "폥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56931, - "content": "ر", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56932, - "content": "겫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56933, - "content": "卤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56934, - "content": "ش", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56935, - "content": "悸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56936, - "content": "퀥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56937, - "content": "졆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56938, - "content": "从", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56939, - "content": "蒸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56940, - "content": "邂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56941, - "content": "땡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56942, - "content": "疳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56943, - "content": "뜽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56944, - "content": "헤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56945, - "content": "밡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56946, - "content": "阜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56947, - "content": "罽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56948, - "content": "쏗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56949, - "content": "읗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56950, - "content": "鐵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56951, - "content": "ؑ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56952, - "content": "퇟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56953, - "content": "鋇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56954, - "content": "넲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56955, - "content": "庶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56956, - "content": "噸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56957, - "content": "넼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56958, - "content": "왔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56959, - "content": "톼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56960, - "content": "툀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56961, - "content": "뒘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56962, - "content": "娅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56963, - "content": "指", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56964, - "content": "칓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56965, - "content": "웉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56966, - "content": "帨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56967, - "content": "Ạ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56968, - "content": "终", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56969, - "content": "掟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56970, - "content": "닄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56971, - "content": "、", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56972, - "content": "脆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56973, - "content": "쏹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56974, - "content": "峧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56975, - "content": "ठ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56976, - "content": "쑺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56977, - "content": "谤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56978, - "content": "툍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56979, - "content": "찼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56980, - "content": "碍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56981, - "content": "윓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56982, - "content": "ੜ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56983, - "content": "ஏ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56984, - "content": "砰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56985, - "content": "檳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56986, - "content": "퓜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56987, - "content": "鳏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56988, - "content": "䶮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56989, - "content": "볂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56990, - "content": "뒕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56991, - "content": "싶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56992, - "content": "왉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56993, - "content": "붯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56994, - "content": "朦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56995, - "content": "퉋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56996, - "content": "꿾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56997, - "content": "坤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56998, - "content": "滴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 56999, - "content": "숍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57000, - "content": "큻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57001, - "content": "۴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57002, - "content": "ؘ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57003, - "content": "흩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57004, - "content": "컫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57005, - "content": "퍡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57006, - "content": "믲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57007, - "content": "铅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57008, - "content": "쮣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57009, - "content": "꿖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57010, - "content": "멂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57011, - "content": "닗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57012, - "content": "Β", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57013, - "content": "첶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57014, - "content": "픦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57015, - "content": "뺝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57016, - "content": "萩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57017, - "content": "컺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57018, - "content": "価", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57019, - "content": "령", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57020, - "content": "뚟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57021, - "content": "슔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57022, - "content": "哳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57023, - "content": "볜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57024, - "content": "骘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57025, - "content": "闘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57026, - "content": "泜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57027, - "content": "脈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57028, - "content": "틢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57029, - "content": "០", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57030, - "content": "痿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57031, - "content": "工", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57032, - "content": "출", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57033, - "content": "륂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57034, - "content": "ઙ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57035, - "content": "뱝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57036, - "content": "궇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57037, - "content": "妒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57038, - "content": "뛇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57039, - "content": "ળ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57040, - "content": "ว", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57041, - "content": "郚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57042, - "content": "턁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57043, - "content": "쌲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57044, - "content": "〉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57045, - "content": "쌱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57046, - "content": "ൽ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57047, - "content": "ݓ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57048, - "content": "烛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57049, - "content": "뤺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57050, - "content": "氷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57051, - "content": "அ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57052, - "content": "横", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57053, - "content": "겿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57054, - "content": "ṭ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57055, - "content": "원", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57056, - "content": "丐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57057, - "content": "뵘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57058, - "content": "蓬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57059, - "content": "렏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57060, - "content": "繕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57061, - "content": "煒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57062, - "content": "왢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57063, - "content": "棓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57064, - "content": "컘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57065, - "content": "顧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57066, - "content": "騙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57067, - "content": "镠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57068, - "content": "𬳶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57069, - "content": "듔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57070, - "content": "쉍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57071, - "content": "ൃ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57072, - "content": "縝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57073, - "content": "귪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57074, - "content": "拷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57075, - "content": "뢾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57076, - "content": "퀠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57077, - "content": "뙿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57078, - "content": "鰥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57079, - "content": "狷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57080, - "content": "탾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57081, - "content": "쏈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57082, - "content": "뮀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57083, - "content": "浆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57084, - "content": "嘀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57085, - "content": "錫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57086, - "content": "懲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57087, - "content": "茄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57088, - "content": "겪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57089, - "content": "ۃ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57090, - "content": "픘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57091, - "content": "녪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57092, - "content": "댘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57093, - "content": "줗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57094, - "content": "挂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57095, - "content": "뻟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57096, - "content": "돿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57097, - "content": "퉒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57098, - "content": "屛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57099, - "content": "痰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57100, - "content": "హ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57101, - "content": "댶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57102, - "content": "牂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57103, - "content": "릂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57104, - "content": "圾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57105, - "content": "꽿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57106, - "content": "뙀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57107, - "content": "修", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57108, - "content": "퉟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57109, - "content": "榉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57110, - "content": "벪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57111, - "content": "뻨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57112, - "content": "쥤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57113, - "content": "쀥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57114, - "content": "芄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57115, - "content": "釵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57116, - "content": "К", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57117, - "content": "撑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57118, - "content": "㙦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57119, - "content": "롤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57120, - "content": "๒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57121, - "content": "퓃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57122, - "content": "빟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57123, - "content": "훝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57124, - "content": "뮙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57125, - "content": "향", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57126, - "content": "뇏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57127, - "content": "榜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57128, - "content": "볬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57129, - "content": "븛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57130, - "content": "뇎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57131, - "content": "끯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57132, - "content": "승", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57133, - "content": "叛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57134, - "content": "涍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57135, - "content": "评", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57136, - "content": "뽀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57137, - "content": "脸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57138, - "content": "栾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57139, - "content": "퓚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57140, - "content": "隺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57141, - "content": "啼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57142, - "content": "묠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57143, - "content": "ㅅ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57144, - "content": "뇬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57145, - "content": "執", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57146, - "content": "즐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57147, - "content": "装", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57148, - "content": "떰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57149, - "content": "噼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57150, - "content": "坐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57151, - "content": "쒒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57152, - "content": "벾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57153, - "content": "封", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57154, - "content": "멈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57155, - "content": "結", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57156, - "content": "玶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57157, - "content": "奴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57158, - "content": "位", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57159, - "content": "몓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57160, - "content": "胣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57161, - "content": "倆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57162, - "content": "픚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57163, - "content": "歐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57164, - "content": "箧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57165, - "content": "롵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57166, - "content": "뾆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57167, - "content": "癢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57168, - "content": "鏃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57169, - "content": "锢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57170, - "content": "ો", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57171, - "content": "숽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57172, - "content": "쓨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57173, - "content": "蜉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57174, - "content": "쩷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57175, - "content": "곬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57176, - "content": "絢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57177, - "content": "렎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57178, - "content": "놃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57179, - "content": "청", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57180, - "content": "伣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57181, - "content": "쫏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57182, - "content": "贝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57183, - "content": "ヶ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57184, - "content": "籌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57185, - "content": "퉕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57186, - "content": "玘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57187, - "content": "뇪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57188, - "content": "쪕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57189, - "content": "叽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57190, - "content": "颊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57191, - "content": "ๅ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57192, - "content": "梼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57193, - "content": "腠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57194, - "content": "異", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57195, - "content": "퀵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57196, - "content": "龟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57197, - "content": "쪤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57198, - "content": "뒄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57199, - "content": "瑭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57200, - "content": "毚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57201, - "content": "躲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57202, - "content": "백", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57203, - "content": "首", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57204, - "content": "傲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57205, - "content": "켓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57206, - "content": "冰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57207, - "content": "紙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57208, - "content": "纴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57209, - "content": "쟞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57210, - "content": "纛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57211, - "content": "菓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57212, - "content": "𬺣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57213, - "content": "묟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57214, - "content": "쎗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57215, - "content": "뱴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57216, - "content": "匜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57217, - "content": "带", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57218, - "content": "엯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57219, - "content": "躡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57220, - "content": "쌚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57221, - "content": "珊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57222, - "content": "刮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57223, - "content": "떈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57224, - "content": "峃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57225, - "content": "纪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57226, - "content": "褒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57227, - "content": "앓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57228, - "content": "튪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57229, - "content": "儀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57230, - "content": "๖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57231, - "content": "萣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57232, - "content": "卡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57233, - "content": "捲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57234, - "content": "骣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57235, - "content": "휞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57236, - "content": "쟗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57237, - "content": "愴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57238, - "content": "攤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57239, - "content": "溢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57240, - "content": "ど", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57241, - "content": "Ṇ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57242, - "content": "瓮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57243, - "content": "鳊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57244, - "content": "럤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57245, - "content": "싗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57246, - "content": "磊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57247, - "content": "휁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57248, - "content": "껤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57249, - "content": "晷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57250, - "content": "촔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57251, - "content": "禛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57252, - "content": "娓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57253, - "content": "铗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57254, - "content": "标", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57255, - "content": "オ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57256, - "content": "咂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57257, - "content": "齧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57258, - "content": "뎁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57259, - "content": "삵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57260, - "content": "酆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57261, - "content": "짮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57262, - "content": "쵙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57263, - "content": "쇖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57264, - "content": "멚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57265, - "content": "実", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57266, - "content": "튒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57267, - "content": "钰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57268, - "content": "솨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57269, - "content": "鸮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57270, - "content": "邓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57271, - "content": "뵍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57272, - "content": "렰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57273, - "content": "쟔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57274, - "content": "뀈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57275, - "content": "뱂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57276, - "content": "䓛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57277, - "content": "딳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57278, - "content": "펧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57279, - "content": "蠅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57280, - "content": "辘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57281, - "content": "퀧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57282, - "content": "켶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57283, - "content": "畴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57284, - "content": "渗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57285, - "content": "縣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57286, - "content": "閾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57287, - "content": "딦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57288, - "content": "뉗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57289, - "content": "쉄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57290, - "content": "𨟠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57291, - "content": "止", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57292, - "content": "橞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57293, - "content": "澌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57294, - "content": "롿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57295, - "content": "쯍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57296, - "content": "폹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57297, - "content": "椑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57298, - "content": "耥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57299, - "content": "鳔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57300, - "content": "슈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57301, - "content": "뺌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57302, - "content": "쩔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57303, - "content": "Ẫ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57304, - "content": "鞘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57305, - "content": "멕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57306, - "content": "즈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57307, - "content": "꺮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57308, - "content": "뇑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57309, - "content": "쯎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57310, - "content": "𫭼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57311, - "content": "媭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57312, - "content": "臆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57313, - "content": "砜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57314, - "content": "剎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57315, - "content": "퀔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57316, - "content": "误", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57317, - "content": "녙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57318, - "content": "洽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57319, - "content": "谕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57320, - "content": "묇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57321, - "content": "ữ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57322, - "content": "锺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57323, - "content": "望", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57324, - "content": "痼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57325, - "content": "腹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57326, - "content": "蝾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57327, - "content": "珌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57328, - "content": "ㅕ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57329, - "content": "윮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57330, - "content": "숅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57331, - "content": "蝴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57332, - "content": "鲈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57333, - "content": "觖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57334, - "content": "긳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57335, - "content": "킱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57336, - "content": "땨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57337, - "content": "귘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57338, - "content": "쩫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57339, - "content": "祎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57340, - "content": "벮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57341, - "content": "쟆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57342, - "content": "秃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57343, - "content": "脞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57344, - "content": "黹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57345, - "content": "䴕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57346, - "content": "릈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57347, - "content": "廓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57348, - "content": "륗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57349, - "content": "砝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57350, - "content": "믥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57351, - "content": "쩃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57352, - "content": "딕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57353, - "content": "뚾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57354, - "content": "쟧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57355, - "content": "횢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57356, - "content": "뤌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57357, - "content": "넢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57358, - "content": "톿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57359, - "content": "낞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57360, - "content": "両", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57361, - "content": "뉣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57362, - "content": "쟅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57363, - "content": "ڱ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57364, - "content": "礬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57365, - "content": "億", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57366, - "content": "퐏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57367, - "content": "깾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57368, - "content": "녦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57369, - "content": "즯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57370, - "content": "馘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57371, - "content": "办", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57372, - "content": "蒻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57373, - "content": "첢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57374, - "content": "卯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57375, - "content": "攆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57376, - "content": "쌑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57377, - "content": "൮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57378, - "content": "푤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57379, - "content": "読", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57380, - "content": "눥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57381, - "content": "쾇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57382, - "content": "흙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57383, - "content": "듷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57384, - "content": "쾽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57385, - "content": "좿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57386, - "content": "诔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57387, - "content": "握", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57388, - "content": "荸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57389, - "content": "肤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57390, - "content": "뽨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57391, - "content": "퇂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57392, - "content": "漪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57393, - "content": "抑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57394, - "content": "옇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57395, - "content": "色", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57396, - "content": "퉡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57397, - "content": "꾛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57398, - "content": "據", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57399, - "content": "뎃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57400, - "content": "淫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57401, - "content": "ਗ਼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57402, - "content": "俅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57403, - "content": "搆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57404, - "content": "螫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57405, - "content": "ద", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57406, - "content": "땘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57407, - "content": "퐠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57408, - "content": "窬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57409, - "content": "됬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57410, - "content": "뼟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57411, - "content": "풷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57412, - "content": "堲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57413, - "content": "碁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57414, - "content": "朝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57415, - "content": "忿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57416, - "content": "厮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57417, - "content": "枧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57418, - "content": "큱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57419, - "content": "征", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57420, - "content": "與", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57421, - "content": "뱭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57422, - "content": "ڏ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57423, - "content": "엤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57424, - "content": "뮄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57425, - "content": "ݰ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57426, - "content": "凇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57427, - "content": "媖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57428, - "content": "δ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57429, - "content": "펬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57430, - "content": "平", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57431, - "content": "빰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57432, - "content": "均", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57433, - "content": "孱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57434, - "content": "討", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57435, - "content": "瀱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57436, - "content": "쇍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57437, - "content": "設", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57438, - "content": "읻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57439, - "content": "ృ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57440, - "content": "寤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57441, - "content": "點", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57442, - "content": "ㅡ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57443, - "content": "맕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57444, - "content": "硇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57445, - "content": "通", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57446, - "content": "걾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57447, - "content": "틦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57448, - "content": "撄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57449, - "content": "돛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57450, - "content": "硒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57451, - "content": "쏫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57452, - "content": "左", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57453, - "content": "ऩ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57454, - "content": "娆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57455, - "content": "壑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57456, - "content": "蛘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57457, - "content": "篷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57458, - "content": "룍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57459, - "content": "퐘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57460, - "content": "૮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57461, - "content": "ึ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57462, - "content": "胙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57463, - "content": "蹼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57464, - "content": "픐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57465, - "content": "ㅫ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57466, - "content": "偰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57467, - "content": "就", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57468, - "content": "𫐐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57469, - "content": "埤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57470, - "content": "曈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57471, - "content": "튡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57472, - "content": "咭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57473, - "content": "蒟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57474, - "content": "傻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57475, - "content": "艚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57476, - "content": "賴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57477, - "content": "뒡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57478, - "content": "봥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57479, - "content": "뚮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57480, - "content": "؅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57481, - "content": "ਾ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57482, - "content": "욇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57483, - "content": "𫚖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57484, - "content": "쬧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57485, - "content": "钴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57486, - "content": "퀣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57487, - "content": "仇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57488, - "content": "洣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57489, - "content": "뾳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57490, - "content": "ఔ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57491, - "content": "墒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57492, - "content": "졛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57493, - "content": "瀨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57494, - "content": "벅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57495, - "content": "犍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57496, - "content": "便", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57497, - "content": "ೀ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57498, - "content": "綻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57499, - "content": "쎒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57500, - "content": "于", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57501, - "content": "聃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57502, - "content": "갭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57503, - "content": "罂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57504, - "content": "쪞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57505, - "content": "욝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57506, - "content": "셉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57507, - "content": "驲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57508, - "content": "藐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57509, - "content": "敵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57510, - "content": "腮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57511, - "content": "쟖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57512, - "content": "阑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57513, - "content": "嶄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57514, - "content": "௬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57515, - "content": "繭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57516, - "content": "鴕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57517, - "content": "洙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57518, - "content": "单", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57519, - "content": "饰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57520, - "content": "뮽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57521, - "content": "핲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57522, - "content": "熒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57523, - "content": "谖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57524, - "content": "刪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57525, - "content": "뢳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57526, - "content": "읱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57527, - "content": "뗳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57528, - "content": "擦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57529, - "content": "쇎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57530, - "content": "컂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57531, - "content": "걌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57532, - "content": "爪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57533, - "content": "피", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57534, - "content": "쪐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57535, - "content": "뇠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57536, - "content": "킬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57537, - "content": "륫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57538, - "content": "켽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57539, - "content": "妧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57540, - "content": "뾏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57541, - "content": "삿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57542, - "content": "뜪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57543, - "content": "혥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57544, - "content": "芙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57545, - "content": "냂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57546, - "content": "蛰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57547, - "content": "棫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57548, - "content": "뵨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57549, - "content": "𫷷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57550, - "content": "跡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57551, - "content": "杳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57552, - "content": "픀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57553, - "content": "읂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57554, - "content": "鴣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57555, - "content": "펻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57556, - "content": "쁵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57557, - "content": "놪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57558, - "content": "种", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57559, - "content": "꾓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57560, - "content": "윉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57561, - "content": "硖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57562, - "content": "还", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57563, - "content": "渥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57564, - "content": "蝈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57565, - "content": "귴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57566, - "content": "瘅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57567, - "content": "휦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57568, - "content": "疔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57569, - "content": "槐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57570, - "content": "댗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57571, - "content": "뽣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57572, - "content": "猯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57573, - "content": "殚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57574, - "content": "왧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57575, - "content": "ឆ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57576, - "content": "芸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57577, - "content": "퍑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57578, - "content": "瑄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57579, - "content": "釭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57580, - "content": "헼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57581, - "content": "贼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57582, - "content": "橡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57583, - "content": "坌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57584, - "content": "곈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57585, - "content": "몛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57586, - "content": "勲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57587, - "content": "篯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57588, - "content": "钣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57589, - "content": "닽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57590, - "content": "펷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57591, - "content": "澧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57592, - "content": "压", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57593, - "content": "닟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57594, - "content": "宕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57595, - "content": "詬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57596, - "content": "唖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57597, - "content": "쑴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57598, - "content": "쭳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57599, - "content": "退", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57600, - "content": "辒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57601, - "content": "녑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57602, - "content": "௺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57603, - "content": "샼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57604, - "content": "뵓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57605, - "content": "昊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57606, - "content": "룱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57607, - "content": "쿉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57608, - "content": "쭴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57609, - "content": "금", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57610, - "content": "젨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57611, - "content": "肅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57612, - "content": "炉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57613, - "content": "뿊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57614, - "content": "렊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57615, - "content": "곆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57616, - "content": "澠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57617, - "content": "ض", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57618, - "content": "뀂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57619, - "content": "놀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57620, - "content": "빥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57621, - "content": "治", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57622, - "content": "圆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57623, - "content": "ǰ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57624, - "content": "靥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57625, - "content": "肠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57626, - "content": "速", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57627, - "content": "숥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57628, - "content": "淬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57629, - "content": "啥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57630, - "content": "둟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57631, - "content": "蹁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57632, - "content": "馋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57633, - "content": "ڤ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57634, - "content": "꼛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57635, - "content": "笳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57636, - "content": "赐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57637, - "content": "짊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57638, - "content": "휭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57639, - "content": "公", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57640, - "content": "굽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57641, - "content": "锪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57642, - "content": "籟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57643, - "content": "羞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57644, - "content": "搌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57645, - "content": "庾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57646, - "content": "穏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57647, - "content": "탥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57648, - "content": "异", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57649, - "content": "孃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57650, - "content": "榔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57651, - "content": "팯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57652, - "content": "莖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57653, - "content": "畢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57654, - "content": "柘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57655, - "content": "錾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57656, - "content": "எ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57657, - "content": "献", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57658, - "content": "븤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57659, - "content": "춎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57660, - "content": "빉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57661, - "content": "꾃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57662, - "content": "茼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57663, - "content": "횛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57664, - "content": "젭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57665, - "content": "葷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57666, - "content": "吥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57667, - "content": "𫑡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57668, - "content": "蚣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57669, - "content": "ഉ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57670, - "content": "苾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57671, - "content": "攒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57672, - "content": "傚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57673, - "content": "逄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57674, - "content": "悪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57675, - "content": "픠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57676, - "content": "侮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57677, - "content": "夕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57678, - "content": "斋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57679, - "content": "뒴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57680, - "content": "쟯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57681, - "content": "罄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57682, - "content": "﨑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57683, - "content": "邻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57684, - "content": "哭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57685, - "content": "嘔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57686, - "content": "沼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57687, - "content": "뗯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57688, - "content": "睾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57689, - "content": "큰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57690, - "content": "얈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57691, - "content": "엮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57692, - "content": "𫐄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57693, - "content": "ۂ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57694, - "content": "翘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57695, - "content": "訾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57696, - "content": "ഐ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57697, - "content": "뭟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57698, - "content": "緹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57699, - "content": "잠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57700, - "content": "꾨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57701, - "content": "В", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57702, - "content": "걈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57703, - "content": "諛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57704, - "content": "ݑ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57705, - "content": "읁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57706, - "content": "椽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57707, - "content": "赞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57708, - "content": "륔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57709, - "content": "牛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57710, - "content": "堀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57711, - "content": "戈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57712, - "content": "둇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57713, - "content": "츕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57714, - "content": "챆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57715, - "content": "カ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57716, - "content": "农", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57717, - "content": "颎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57718, - "content": "롧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57719, - "content": "넭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57720, - "content": "濯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57721, - "content": "쾲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57722, - "content": "쇋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57723, - "content": "싍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57724, - "content": "킗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57725, - "content": "뺮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57726, - "content": "臓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57727, - "content": "톄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57728, - "content": "뗧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57729, - "content": "歳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57730, - "content": "依", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57731, - "content": "廊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57732, - "content": "틓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57733, - "content": "峱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57734, - "content": "뭠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57735, - "content": "袭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57736, - "content": "뒨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57737, - "content": "퍯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57738, - "content": "웜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57739, - "content": "箄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57740, - "content": "奈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57741, - "content": "餉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57742, - "content": "쳚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57743, - "content": "傕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57744, - "content": "ݯ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57745, - "content": "칣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57746, - "content": "늠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57747, - "content": "檗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57748, - "content": "叠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57749, - "content": "銭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57750, - "content": "ハ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57751, - "content": "抽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57752, - "content": "ら", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57753, - "content": "힝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57754, - "content": "뀃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57755, - "content": "ح", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57756, - "content": "몿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57757, - "content": "氩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57758, - "content": "꺉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57759, - "content": "矫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57760, - "content": "퉯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57761, - "content": "镁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57762, - "content": "ু", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57763, - "content": "볔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57764, - "content": "턮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57765, - "content": "剴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57766, - "content": "ਬ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57767, - "content": "捺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57768, - "content": "뙋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57769, - "content": "ឣ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57770, - "content": "쬍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57771, - "content": "랝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57772, - "content": "깲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57773, - "content": "륕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57774, - "content": "橙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57775, - "content": "풌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57776, - "content": "쎩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57777, - "content": "댩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57778, - "content": "毁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57779, - "content": "캃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57780, - "content": "ق", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57781, - "content": "熔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57782, - "content": "壢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57783, - "content": "뒉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57784, - "content": "紛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57785, - "content": "诺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57786, - "content": "蚯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57787, - "content": "큲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57788, - "content": "煁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57789, - "content": "횚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57790, - "content": "뼯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57791, - "content": "벁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57792, - "content": "周", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57793, - "content": "곊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57794, - "content": "눕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57795, - "content": "点", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57796, - "content": "콖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57797, - "content": "陧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57798, - "content": "곯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57799, - "content": "섲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57800, - "content": "戦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57801, - "content": "씪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57802, - "content": "됷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57803, - "content": "筍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57804, - "content": "贸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57805, - "content": "共", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57806, - "content": "쏺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57807, - "content": "蕪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57808, - "content": "猢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57809, - "content": "绍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57810, - "content": "팇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57811, - "content": "겎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57812, - "content": "鳠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57813, - "content": "쮞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57814, - "content": "呦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57815, - "content": "庁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57816, - "content": "뚅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57817, - "content": "욕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57818, - "content": "둿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57819, - "content": "샻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57820, - "content": "芼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57821, - "content": "꾞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57822, - "content": "訃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57823, - "content": "姨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57824, - "content": "洳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57825, - "content": "暁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57826, - "content": "쀑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57827, - "content": "畚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57828, - "content": "꾙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57829, - "content": "깂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57830, - "content": "諜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57831, - "content": "讷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57832, - "content": "诮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57833, - "content": "碎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57834, - "content": "즵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57835, - "content": "簕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57836, - "content": "홙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57837, - "content": "뭄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57838, - "content": "쮊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57839, - "content": "툸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57840, - "content": "뻋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57841, - "content": "蛮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57842, - "content": "禀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57843, - "content": "嫖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57844, - "content": "ఙ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57845, - "content": "뫺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57846, - "content": "皺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57847, - "content": "ч", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57848, - "content": "惰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57849, - "content": "響", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57850, - "content": "폑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57851, - "content": "괘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57852, - "content": "챧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57853, - "content": "냼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57854, - "content": "仝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57855, - "content": "𫗴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57856, - "content": "퓨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57857, - "content": "꽃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57858, - "content": "헦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57859, - "content": "疲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57860, - "content": "塢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57861, - "content": "쳴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57862, - "content": "뉉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57863, - "content": "饩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57864, - "content": "챸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57865, - "content": "몇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57866, - "content": "풋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57867, - "content": "怒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57868, - "content": "졺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57869, - "content": "쵰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57870, - "content": "帻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57871, - "content": "畳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57872, - "content": "饵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57873, - "content": "딀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57874, - "content": "쾝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57875, - "content": "谝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57876, - "content": "馏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57877, - "content": "梗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57878, - "content": "㌔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57879, - "content": "怕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57880, - "content": "렟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57881, - "content": "걧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57882, - "content": "痺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57883, - "content": "д", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57884, - "content": "뤆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57885, - "content": "븅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57886, - "content": "ਲ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57887, - "content": "맧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57888, - "content": "쬱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57889, - "content": "퇍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57890, - "content": "霉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57891, - "content": "唇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57892, - "content": "漾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57893, - "content": "냥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57894, - "content": "杷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57895, - "content": "媪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57896, - "content": "꿨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57897, - "content": "냣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57898, - "content": "궫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57899, - "content": "镳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57900, - "content": "켡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57901, - "content": "௶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57902, - "content": "折", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57903, - "content": "쐫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57904, - "content": "탮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57905, - "content": "ও", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57906, - "content": "懃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57907, - "content": "쇣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57908, - "content": "飧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57909, - "content": "㫰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57910, - "content": "뛡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57911, - "content": "둜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57912, - "content": "吼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57913, - "content": "形", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57914, - "content": "陵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57915, - "content": "옺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57916, - "content": "埽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57917, - "content": "롉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57918, - "content": "눭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57919, - "content": "甑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57920, - "content": "濟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57921, - "content": "۰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57922, - "content": "痄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57923, - "content": "킯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57924, - "content": "슸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57925, - "content": "쀅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57926, - "content": "풭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57927, - "content": "홸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57928, - "content": "背", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57929, - "content": "勋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57930, - "content": "極", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57931, - "content": "隳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57932, - "content": "輦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57933, - "content": "맰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57934, - "content": "멹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57935, - "content": "诖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57936, - "content": "헝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57937, - "content": "鏑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57938, - "content": "ḍ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57939, - "content": "뫏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57940, - "content": "웇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57941, - "content": "웆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57942, - "content": "芣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57943, - "content": "쁤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57944, - "content": "꽙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57945, - "content": "紕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57946, - "content": "𬸘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57947, - "content": "៶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57948, - "content": "쬫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57949, - "content": "弼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57950, - "content": "蟯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57951, - "content": "텂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57952, - "content": "洹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57953, - "content": "攣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57954, - "content": "毂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57955, - "content": "쎄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57956, - "content": "샧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57957, - "content": "쒊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57958, - "content": "싙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57959, - "content": "맹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57960, - "content": "大", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57961, - "content": "죓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57962, - "content": "븇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57963, - "content": "厘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57964, - "content": "姐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57965, - "content": "뵥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57966, - "content": "炎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57967, - "content": "퉴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57968, - "content": "꾸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57969, - "content": "헍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57970, - "content": "鸟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57971, - "content": "椴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57972, - "content": "钝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57973, - "content": "抢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57974, - "content": "郊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57975, - "content": "쟑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57976, - "content": "톧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57977, - "content": "墨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57978, - "content": "섊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57979, - "content": "龄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57980, - "content": "疰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57981, - "content": "裙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57982, - "content": "텅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57983, - "content": "웺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57984, - "content": "۽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57985, - "content": "瓚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57986, - "content": "긢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57987, - "content": "纾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57988, - "content": "ٌ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57989, - "content": "먻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57990, - "content": "惬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57991, - "content": "걇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57992, - "content": "换", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57993, - "content": "돷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57994, - "content": "쎎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57995, - "content": "츺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57996, - "content": "쿜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57997, - "content": "妪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57998, - "content": "霞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 57999, - "content": "轧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58000, - "content": "뿡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58001, - "content": "뮎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58002, - "content": "윥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58003, - "content": "짒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58004, - "content": "급", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58005, - "content": "ઁ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58006, - "content": "ீ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58007, - "content": "酗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58008, - "content": "渲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58009, - "content": "瓘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58010, - "content": "枨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58011, - "content": "迦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58012, - "content": "뛽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58013, - "content": "国", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58014, - "content": "痦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58015, - "content": "ه", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58016, - "content": "졲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58017, - "content": "쒵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58018, - "content": "琛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58019, - "content": "勐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58020, - "content": "톁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58021, - "content": "乗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58022, - "content": "政", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58023, - "content": "栃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58024, - "content": "幣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58025, - "content": "髫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58026, - "content": "鳴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58027, - "content": "恙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58028, - "content": "蜥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58029, - "content": "연", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58030, - "content": "쫁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58031, - "content": "硿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58032, - "content": "抆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58033, - "content": "푻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58034, - "content": "髹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58035, - "content": "蓥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58036, - "content": "撰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58037, - "content": "띋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58038, - "content": "钼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58039, - "content": "ல", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58040, - "content": "븳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58041, - "content": "낤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58042, - "content": "뫱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58043, - "content": "ۅ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58044, - "content": "볈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58045, - "content": "祷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58046, - "content": "黴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58047, - "content": "컿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58048, - "content": "끢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58049, - "content": "패", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58050, - "content": "肇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58051, - "content": "劈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58052, - "content": "贛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58053, - "content": "澭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58054, - "content": "耀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58055, - "content": "沫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58056, - "content": "첪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58057, - "content": "軏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58058, - "content": "庞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58059, - "content": "怆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58060, - "content": "宛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58061, - "content": "늓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58062, - "content": "냲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58063, - "content": "茜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58064, - "content": "쯔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58065, - "content": "넖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58066, - "content": "铿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58067, - "content": "泣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58068, - "content": "梨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58069, - "content": "힗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58070, - "content": "总", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58071, - "content": "넦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58072, - "content": "뻐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58073, - "content": "쯃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58074, - "content": "葫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58075, - "content": "廝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58076, - "content": "я", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58077, - "content": "烘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58078, - "content": "く", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58079, - "content": "훵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58080, - "content": "瞞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58081, - "content": "깳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58082, - "content": "瘭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58083, - "content": "뒮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58084, - "content": "컮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58085, - "content": "洛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58086, - "content": "룬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58087, - "content": "覚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58088, - "content": "溪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58089, - "content": "릶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58090, - "content": "渋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58091, - "content": "꽼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58092, - "content": "샞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58093, - "content": "횹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58094, - "content": "浩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58095, - "content": "똅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58096, - "content": "톰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58097, - "content": "佳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58098, - "content": "렇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58099, - "content": "Φ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58100, - "content": "豔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58101, - "content": "얩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58102, - "content": "찊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58103, - "content": "쉏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58104, - "content": "돘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58105, - "content": "氛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58106, - "content": "큚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58107, - "content": "扊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58108, - "content": "ㅙ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58109, - "content": "뿤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58110, - "content": "쯈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58111, - "content": "쥦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58112, - "content": "ொ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58113, - "content": "铲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58114, - "content": "メ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58115, - "content": "쫻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58116, - "content": "덜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58117, - "content": "笆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58118, - "content": "蒨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58119, - "content": "곌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58120, - "content": "꼬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58121, - "content": "徽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58122, - "content": "岙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58123, - "content": "퓘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58124, - "content": "耢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58125, - "content": "ื", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58126, - "content": "仙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58127, - "content": "뫛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58128, - "content": "병", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58129, - "content": "웠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58130, - "content": "贮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58131, - "content": "픋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58132, - "content": "흵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58133, - "content": "沧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58134, - "content": "뎋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58135, - "content": "痔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58136, - "content": "턻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58137, - "content": "矢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58138, - "content": "쥓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58139, - "content": "싼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58140, - "content": "옜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58141, - "content": "妍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58142, - "content": "鋰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58143, - "content": "鷺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58144, - "content": "쑇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58145, - "content": "瘩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58146, - "content": "绝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58147, - "content": "ご", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58148, - "content": "땭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58149, - "content": "沔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58150, - "content": "丢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58151, - "content": "隸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58152, - "content": "뼎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58153, - "content": "竖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58154, - "content": "括", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58155, - "content": "뻲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58156, - "content": "쨅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58157, - "content": "홽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58158, - "content": "딮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58159, - "content": "뮂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58160, - "content": "타", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58161, - "content": "亨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58162, - "content": "툲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58163, - "content": "棂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58164, - "content": "擱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58165, - "content": "醯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58166, - "content": "履", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58167, - "content": "秋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58168, - "content": "ブ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58169, - "content": "塚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58170, - "content": "쩹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58171, - "content": "ப", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58172, - "content": "죱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58173, - "content": "ㄳ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58174, - "content": "꿽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58175, - "content": "फ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58176, - "content": "뱖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58177, - "content": "셇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58178, - "content": "궵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58179, - "content": "览", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58180, - "content": "뮠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58181, - "content": "욀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58182, - "content": "塞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58183, - "content": "猸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58184, - "content": "ங", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58185, - "content": "쮄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58186, - "content": "繼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58187, - "content": "튁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58188, - "content": "塍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58189, - "content": "夺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58190, - "content": "餓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58191, - "content": "杉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58192, - "content": "쎕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58193, - "content": "꺙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58194, - "content": "춫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58195, - "content": "닞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58196, - "content": "芤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58197, - "content": "盤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58198, - "content": "聴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58199, - "content": "炮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58200, - "content": "键", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58201, - "content": "짐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58202, - "content": "諼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58203, - "content": "돊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58204, - "content": "슁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58205, - "content": "䢼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58206, - "content": "侉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58207, - "content": "菔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58208, - "content": "믏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58209, - "content": "罱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58210, - "content": "롄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58211, - "content": "娘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58212, - "content": "琏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58213, - "content": "꿃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58214, - "content": "噘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58215, - "content": "狴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58216, - "content": "뛪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58217, - "content": "썶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58218, - "content": "尜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58219, - "content": "脩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58220, - "content": "广", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58221, - "content": "샖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58222, - "content": "碥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58223, - "content": "舖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58224, - "content": "렺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58225, - "content": "섧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58226, - "content": "▪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58227, - "content": "棒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58228, - "content": "훶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58229, - "content": "锕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58230, - "content": "咄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58231, - "content": "줃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58232, - "content": "鏖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58233, - "content": "鳛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58234, - "content": "岞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58235, - "content": "밤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58236, - "content": "멦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58237, - "content": "冻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58238, - "content": "퐩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58239, - "content": "벛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58240, - "content": "긺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58241, - "content": "삉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58242, - "content": "쌍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58243, - "content": "袼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58244, - "content": "뽻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58245, - "content": "쵧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58246, - "content": "쒰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58247, - "content": "徘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58248, - "content": "귌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58249, - "content": "恋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58250, - "content": "픪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58251, - "content": "컄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58252, - "content": "즊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58253, - "content": "佁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58254, - "content": "츋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58255, - "content": "助", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58256, - "content": "।", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58257, - "content": "爇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58258, - "content": "궟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58259, - "content": "崾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58260, - "content": "涡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58261, - "content": "쥪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58262, - "content": "퉎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58263, - "content": "꽔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58264, - "content": "콀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58265, - "content": "됐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58266, - "content": "醅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58267, - "content": "ਐ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58268, - "content": "Я", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58269, - "content": "녟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58270, - "content": "Θ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58271, - "content": "쓱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58272, - "content": "〔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58273, - "content": "죳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58274, - "content": "腘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58275, - "content": "섐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58276, - "content": "碧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58277, - "content": "草", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58278, - "content": "女", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58279, - "content": "왼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58280, - "content": "綾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58281, - "content": "쉨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58282, - "content": "뎈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58283, - "content": "씥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58284, - "content": "溝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58285, - "content": "늒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58286, - "content": "鈞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58287, - "content": "덵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58288, - "content": "龃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58289, - "content": "냗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58290, - "content": "哥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58291, - "content": "ബ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58292, - "content": "颚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58293, - "content": "쓅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58294, - "content": "틍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58295, - "content": "ㅹ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58296, - "content": "訢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58297, - "content": "卺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58298, - "content": "똠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58299, - "content": "狳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58300, - "content": "۱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58301, - "content": "봅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58302, - "content": "肴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58303, - "content": "퍧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58304, - "content": "汐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58305, - "content": "狩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58306, - "content": "鬈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58307, - "content": "𬌗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58308, - "content": "匀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58309, - "content": "史", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58310, - "content": "鲣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58311, - "content": "賻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58312, - "content": "갼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58313, - "content": "褪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58314, - "content": "呀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58315, - "content": "걚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58316, - "content": "ǒ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58317, - "content": "棪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58318, - "content": "핵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58319, - "content": "汼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58320, - "content": "鲘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58321, - "content": "퇑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58322, - "content": "뙫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58323, - "content": "캺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58324, - "content": "儴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58325, - "content": "๙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58326, - "content": "뽭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58327, - "content": "留", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58328, - "content": "稟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58329, - "content": "卓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58330, - "content": "杗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58331, - "content": "ఊ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58332, - "content": "말", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58333, - "content": "맵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58334, - "content": "媧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58335, - "content": "驥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58336, - "content": "뫧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58337, - "content": "镪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58338, - "content": "췊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58339, - "content": "揿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58340, - "content": "೩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58341, - "content": "问", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58342, - "content": "빩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58343, - "content": "쐰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58344, - "content": "쩨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58345, - "content": "룟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58346, - "content": "췃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58347, - "content": "눨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58348, - "content": "뎻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58349, - "content": "홢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58350, - "content": "呪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58351, - "content": "ឳ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58352, - "content": "岂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58353, - "content": "岁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58354, - "content": "鹝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58355, - "content": "튩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58356, - "content": "뻂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58357, - "content": "돣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58358, - "content": "蝽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58359, - "content": "뒔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58360, - "content": "Н", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58361, - "content": "킢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58362, - "content": "饳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58363, - "content": "븰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58364, - "content": "胪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58365, - "content": "ぬ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58366, - "content": "詆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58367, - "content": "믷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58368, - "content": "젖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58369, - "content": "텄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58370, - "content": "셆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58371, - "content": "먙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58372, - "content": "쁅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58373, - "content": "할", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58374, - "content": "븀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58375, - "content": "죄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58376, - "content": "텐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58377, - "content": "坽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58378, - "content": "ル", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58379, - "content": "觱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58380, - "content": "ย", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58381, - "content": "盪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58382, - "content": "炤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58383, - "content": "邺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58384, - "content": "뱄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58385, - "content": "檫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58386, - "content": "젎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58387, - "content": "罕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58388, - "content": "됗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58389, - "content": "翙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58390, - "content": "뼳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58391, - "content": "쁽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58392, - "content": "퓄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58393, - "content": "谐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58394, - "content": "輌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58395, - "content": "퇖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58396, - "content": "哮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58397, - "content": "둷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58398, - "content": "좂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58399, - "content": "染", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58400, - "content": "넴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58401, - "content": "皇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58402, - "content": "낃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58403, - "content": "剝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58404, - "content": "绚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58405, - "content": "േ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58406, - "content": "壜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58407, - "content": "녲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58408, - "content": "퐾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58409, - "content": "겧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58410, - "content": "츊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58411, - "content": "𥔲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58412, - "content": "좽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58413, - "content": "뇕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58414, - "content": "뱊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58415, - "content": "럷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58416, - "content": "浟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58417, - "content": "널", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58418, - "content": "훼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58419, - "content": "琡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58420, - "content": "퍃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58421, - "content": "풛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58422, - "content": "黯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58423, - "content": "붝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58424, - "content": "㏄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58425, - "content": "좣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58426, - "content": "楼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58427, - "content": "愐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58428, - "content": "词", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58429, - "content": "뻠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58430, - "content": "썥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58431, - "content": "骓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58432, - "content": "씖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58433, - "content": "뱾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58434, - "content": "덙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58435, - "content": "诙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58436, - "content": "뻉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58437, - "content": "폙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58438, - "content": "満", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58439, - "content": "돤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58440, - "content": "뤈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58441, - "content": "죪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58442, - "content": "极", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58443, - "content": "쿍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58444, - "content": "阗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58445, - "content": "꽜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58446, - "content": "긤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58447, - "content": "껚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58448, - "content": "忆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58449, - "content": "禽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58450, - "content": "ア", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58451, - "content": "浕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58452, - "content": "놻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58453, - "content": "씸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58454, - "content": "젌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58455, - "content": "션", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58456, - "content": "骙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58457, - "content": "좥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58458, - "content": "뿃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58459, - "content": "鍬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58460, - "content": "뙗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58461, - "content": "팑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58462, - "content": "鏢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58463, - "content": "셥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58464, - "content": "踉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58465, - "content": "诊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58466, - "content": "唱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58467, - "content": "폾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58468, - "content": "뫊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58469, - "content": "읰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58470, - "content": "箱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58471, - "content": "拠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58472, - "content": "ф", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58473, - "content": "럟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58474, - "content": "뾬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58475, - "content": "줖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58476, - "content": "퇾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58477, - "content": "挞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58478, - "content": "礓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58479, - "content": "ズ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58480, - "content": "ٗ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58481, - "content": "ऎ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58482, - "content": "醚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58483, - "content": "芩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58484, - "content": "벩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58485, - "content": "密", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58486, - "content": "즳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58487, - "content": "맺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58488, - "content": "콾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58489, - "content": "쪲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58490, - "content": "帜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58491, - "content": "걟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58492, - "content": "ㄽ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58493, - "content": "멽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58494, - "content": "쉝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58495, - "content": "ỉ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58496, - "content": "먫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58497, - "content": "죙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58498, - "content": "냽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58499, - "content": "赎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58500, - "content": "옎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58501, - "content": "휡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58502, - "content": "픬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58503, - "content": "冇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58504, - "content": "刎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58505, - "content": "윝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58506, - "content": "炼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58507, - "content": "눪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58508, - "content": "贻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58509, - "content": "폪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58510, - "content": "ڽ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58511, - "content": "沄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58512, - "content": "高", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58513, - "content": "먍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58514, - "content": "罫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58515, - "content": "鱽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58516, - "content": "晔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58517, - "content": "앴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58518, - "content": "棁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58519, - "content": "仪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58520, - "content": "캲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58521, - "content": "摟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58522, - "content": "뎸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58523, - "content": "ッ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58524, - "content": "佛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58525, - "content": "콨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58526, - "content": "꼔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58527, - "content": "偶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58528, - "content": "陟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58529, - "content": "몼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58530, - "content": "쩌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58531, - "content": "涕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58532, - "content": "븐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58533, - "content": "켮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58534, - "content": "螵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58535, - "content": "匿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58536, - "content": "득", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58537, - "content": "缣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58538, - "content": "쭘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58539, - "content": "쀉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58540, - "content": "켕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58541, - "content": "퍤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58542, - "content": "굝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58543, - "content": "夲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58544, - "content": "ख", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58545, - "content": "琵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58546, - "content": "揞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58547, - "content": "镛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58548, - "content": "냶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58549, - "content": "듆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58550, - "content": "씚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58551, - "content": "砥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58552, - "content": "쁼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58553, - "content": "셽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58554, - "content": "卦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58555, - "content": "樨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58556, - "content": "깠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58557, - "content": "掌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58558, - "content": "쟎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58559, - "content": "욬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58560, - "content": "戀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58561, - "content": "粹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58562, - "content": "퓸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58563, - "content": "쁬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58564, - "content": "栤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58565, - "content": "η", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58566, - "content": "췣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58567, - "content": "탽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58568, - "content": "앷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58569, - "content": "컢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58570, - "content": "쯑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58571, - "content": "챋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58572, - "content": "𬂩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58573, - "content": "쓶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58574, - "content": "忑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58575, - "content": "渝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58576, - "content": "꺷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58577, - "content": "릇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58578, - "content": "兒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58579, - "content": "硗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58580, - "content": "崃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58581, - "content": "鲆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58582, - "content": "贋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58583, - "content": "炻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58584, - "content": "唸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58585, - "content": "窅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58586, - "content": "؁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58587, - "content": "됮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58588, - "content": "樅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58589, - "content": "뀛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58590, - "content": "눘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58591, - "content": "遲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58592, - "content": "먛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58593, - "content": "귈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58594, - "content": "꺠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58595, - "content": "㬚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58596, - "content": "삎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58597, - "content": "즤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58598, - "content": "푫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58599, - "content": "神", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58600, - "content": "扂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58601, - "content": "让", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58602, - "content": "틳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58603, - "content": "얢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58604, - "content": "麺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58605, - "content": "팞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58606, - "content": "롭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58607, - "content": "犨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58608, - "content": "芫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58609, - "content": "푅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58610, - "content": "徬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58611, - "content": "茴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58612, - "content": "争", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58613, - "content": "嚄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58614, - "content": "薤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58615, - "content": "嘶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58616, - "content": "т", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58617, - "content": "햱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58618, - "content": "퀇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58619, - "content": "ਓ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58620, - "content": "힄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58621, - "content": "跫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58622, - "content": "簫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58623, - "content": "鏝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58624, - "content": "可", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58625, - "content": "뾩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58626, - "content": "镦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58627, - "content": "폵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58628, - "content": "쁠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58629, - "content": "뼜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58630, - "content": "킐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58631, - "content": "濡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58632, - "content": "쯄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58633, - "content": "恫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58634, - "content": "탇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58635, - "content": "뗹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58636, - "content": "煦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58637, - "content": "왇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58638, - "content": "텯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58639, - "content": "畹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58640, - "content": "팠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58641, - "content": "퍸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58642, - "content": "框", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58643, - "content": "Λ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58644, - "content": "ㇿ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58645, - "content": "辉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58646, - "content": "쳎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58647, - "content": "뢷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58648, - "content": "锳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58649, - "content": "흞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58650, - "content": "뢫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58651, - "content": "។", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58652, - "content": "뽳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58653, - "content": "缘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58654, - "content": "鳉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58655, - "content": "น", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58656, - "content": "勝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58657, - "content": "褕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58658, - "content": "ಭ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58659, - "content": "덯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58660, - "content": "풺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58661, - "content": "탵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58662, - "content": "盉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58663, - "content": "鉛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58664, - "content": "賠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58665, - "content": "䐃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58666, - "content": "祕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58667, - "content": "ﻑ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58668, - "content": "빘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58669, - "content": "썙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58670, - "content": "佣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58671, - "content": "缦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58672, - "content": "퓗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58673, - "content": "滷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58674, - "content": "퓊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58675, - "content": "읿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58676, - "content": "管", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58677, - "content": "吾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58678, - "content": "듺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58679, - "content": "똮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58680, - "content": "줷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58681, - "content": "璞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58682, - "content": "뢟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58683, - "content": "캒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58684, - "content": "먖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58685, - "content": "汆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58686, - "content": "撖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58687, - "content": "頰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58688, - "content": "겏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58689, - "content": "얽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58690, - "content": "처", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58691, - "content": "끖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58692, - "content": "맟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58693, - "content": "錳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58694, - "content": "布", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58695, - "content": "瀬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58696, - "content": "걹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58697, - "content": "곧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58698, - "content": "十", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58699, - "content": "눺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58700, - "content": "쩸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58701, - "content": "嫻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58702, - "content": "핡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58703, - "content": "瘌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58704, - "content": "ㅾ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58705, - "content": "൭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58706, - "content": "촶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58707, - "content": "簸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58708, - "content": "뎣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58709, - "content": "锧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58710, - "content": "颂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58711, - "content": "ڣ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58712, - "content": "漯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58713, - "content": "툅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58714, - "content": "틧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58715, - "content": "챊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58716, - "content": "읠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58717, - "content": "歲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58718, - "content": "娌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58719, - "content": "恕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58720, - "content": "ふ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58721, - "content": "릅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58722, - "content": "쀏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58723, - "content": "엍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58724, - "content": "ਥ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58725, - "content": "뢱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58726, - "content": "뵔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58727, - "content": "훾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58728, - "content": "뽿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58729, - "content": "ന", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58730, - "content": "懿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58731, - "content": "닌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58732, - "content": "臜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58733, - "content": "恽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58734, - "content": "흆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58735, - "content": "阍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58736, - "content": "밣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58737, - "content": "떽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58738, - "content": "뚁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58739, - "content": "뻴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58740, - "content": "鄗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58741, - "content": "땙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58742, - "content": "웫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58743, - "content": "ݺ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58744, - "content": "펊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58745, - "content": "越", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58746, - "content": "腒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58747, - "content": "뭻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58748, - "content": "험", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58749, - "content": "ৰ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58750, - "content": "슕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58751, - "content": "痪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58752, - "content": "対", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58753, - "content": "诠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58754, - "content": "様", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58755, - "content": "휏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58756, - "content": "ಘ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58757, - "content": "澈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58758, - "content": "힑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58759, - "content": "Ŕ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58760, - "content": "沪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58761, - "content": "캙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58762, - "content": "촓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58763, - "content": "瘍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58764, - "content": "퇗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58765, - "content": "쫣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58766, - "content": "榆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58767, - "content": "촉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58768, - "content": "쇻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58769, - "content": "髄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58770, - "content": "퓐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58771, - "content": "쾌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58772, - "content": "术", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58773, - "content": "馝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58774, - "content": "뇤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58775, - "content": "格", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58776, - "content": "終", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58777, - "content": "邏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58778, - "content": "鲚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58779, - "content": "츢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58780, - "content": "ഝ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58781, - "content": "ラ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58782, - "content": "嘏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58783, - "content": "甌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58784, - "content": "菠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58785, - "content": "셃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58786, - "content": "玞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58787, - "content": "훴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58788, - "content": "่", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58789, - "content": "屿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58790, - "content": "횉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58791, - "content": "涓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58792, - "content": "꿝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58793, - "content": "珺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58794, - "content": "퓎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58795, - "content": "툼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58796, - "content": "蛴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58797, - "content": "氯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58798, - "content": "뀝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58799, - "content": "혷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58800, - "content": "촤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58801, - "content": "疮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58802, - "content": "郴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58803, - "content": "喆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58804, - "content": "췦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58805, - "content": "埝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58806, - "content": "괰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58807, - "content": "췧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58808, - "content": "왟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58809, - "content": "륃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58810, - "content": "枼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58811, - "content": "肪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58812, - "content": "거", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58813, - "content": "롯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58814, - "content": "牽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58815, - "content": "쬗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58816, - "content": "쌰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58817, - "content": "탫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58818, - "content": "浛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58819, - "content": "舐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58820, - "content": "博", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58821, - "content": "齜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58822, - "content": "俫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58823, - "content": "숢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58824, - "content": "檯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58825, - "content": "꿁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58826, - "content": "武", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58827, - "content": "垿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58828, - "content": "协", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58829, - "content": "싾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58830, - "content": "俞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58831, - "content": "阋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58832, - "content": "칕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58833, - "content": "첡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58834, - "content": "툑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58835, - "content": "防", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58836, - "content": "쓯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58837, - "content": "諍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58838, - "content": "黛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58839, - "content": "먀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58840, - "content": "쌃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58841, - "content": "뙓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58842, - "content": "녺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58843, - "content": "쉳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58844, - "content": "ۤ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58845, - "content": "꽠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58846, - "content": "쌤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58847, - "content": "弱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58848, - "content": "礌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58849, - "content": "옽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58850, - "content": "츳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58851, - "content": "懈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58852, - "content": "巨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58853, - "content": "鑪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58854, - "content": "雱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58855, - "content": "鹫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58856, - "content": "덚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58857, - "content": "퉳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58858, - "content": "祧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58859, - "content": "铉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58860, - "content": "셱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58861, - "content": "褡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58862, - "content": "恆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58863, - "content": "낂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58864, - "content": "疢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58865, - "content": "汁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58866, - "content": "汋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58867, - "content": "潴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58868, - "content": "鲠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58869, - "content": "ર", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58870, - "content": "뜣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58871, - "content": "踬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58872, - "content": "९", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58873, - "content": "昭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58874, - "content": "狽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58875, - "content": "筑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58876, - "content": "삓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58877, - "content": "摩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58878, - "content": "듂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58879, - "content": "릯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58880, - "content": "杩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58881, - "content": "紺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58882, - "content": "ε", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58883, - "content": "셼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58884, - "content": "륥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58885, - "content": "哞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58886, - "content": "퀦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58887, - "content": "껽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58888, - "content": "둌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58889, - "content": "붾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58890, - "content": "賒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58891, - "content": "덼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58892, - "content": "嗄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58893, - "content": "튘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58894, - "content": "쒂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58895, - "content": "赌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58896, - "content": "쐏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58897, - "content": "쏘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58898, - "content": "澼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58899, - "content": "餘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58900, - "content": "똣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58901, - "content": "与", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58902, - "content": "簏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58903, - "content": "毯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58904, - "content": "进", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58905, - "content": "쭊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58906, - "content": "爍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58907, - "content": "儼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58908, - "content": "켉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58909, - "content": "௮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58910, - "content": "二", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58911, - "content": "悬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58912, - "content": "퀮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58913, - "content": "律", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58914, - "content": "묖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58915, - "content": "祁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58916, - "content": "쩰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58917, - "content": "냆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58918, - "content": "좟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58919, - "content": "剖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58920, - "content": "뵠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58921, - "content": "缶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58922, - "content": "넻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58923, - "content": "싎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58924, - "content": "雩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58925, - "content": "卜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58926, - "content": "崑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58927, - "content": "낅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58928, - "content": "놂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58929, - "content": "硊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58930, - "content": "퍌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58931, - "content": "띺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58932, - "content": "株", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58933, - "content": "듒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58934, - "content": "퇥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58935, - "content": "苊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58936, - "content": "꿧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58937, - "content": "쳞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58938, - "content": "鵡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58939, - "content": "ౙ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58940, - "content": "囯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58941, - "content": "쉘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58942, - "content": "毖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58943, - "content": "ڀ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58944, - "content": "붌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58945, - "content": "饷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58946, - "content": "긭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58947, - "content": "汨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58948, - "content": "ِ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58949, - "content": "뙶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58950, - "content": "綰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58951, - "content": "環", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58952, - "content": "튓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58953, - "content": "푼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58954, - "content": "僧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58955, - "content": "쇘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58956, - "content": "뺀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58957, - "content": "攸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58958, - "content": "늏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58959, - "content": "됲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58960, - "content": "꿹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58961, - "content": "綢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58962, - "content": "飨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58963, - "content": "殊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58964, - "content": "粥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58965, - "content": "蹽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58966, - "content": "體", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58967, - "content": "찬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58968, - "content": "旵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58969, - "content": "痉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58970, - "content": "箬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58971, - "content": "挖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58972, - "content": "끼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58973, - "content": "兜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58974, - "content": "숵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58975, - "content": "꾊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58976, - "content": "결", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58977, - "content": "퇁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58978, - "content": "勉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58979, - "content": "潅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58980, - "content": "汚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58981, - "content": "訌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58982, - "content": "벋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58983, - "content": "ィ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58984, - "content": "ಯ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58985, - "content": "晓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58986, - "content": "쌈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58987, - "content": "씭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58988, - "content": "傒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58989, - "content": "ペ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58990, - "content": "淮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58991, - "content": "鞨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58992, - "content": "檠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58993, - "content": "赊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58994, - "content": "툳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58995, - "content": "칢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58996, - "content": "묶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58997, - "content": "뮁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58998, - "content": "蚌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 58999, - "content": "旷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59000, - "content": "弇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59001, - "content": "衹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59002, - "content": "厲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59003, - "content": "뫓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59004, - "content": "헯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59005, - "content": "홓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59006, - "content": "돠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59007, - "content": "鮑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59008, - "content": "嫭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59009, - "content": "ੀ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59010, - "content": "叶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59011, - "content": "훗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59012, - "content": "Α", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59013, - "content": "뒭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59014, - "content": "흑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59015, - "content": "팏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59016, - "content": "笄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59017, - "content": "输", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59018, - "content": "뾁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59019, - "content": "鲎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59020, - "content": "屨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59021, - "content": "僞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59022, - "content": "깰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59023, - "content": "쏨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59024, - "content": "㎡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59025, - "content": "큒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59026, - "content": "됨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59027, - "content": "퐫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59028, - "content": "넩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59029, - "content": "嬋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59030, - "content": "卅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59031, - "content": "믋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59032, - "content": "망", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59033, - "content": "蛙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59034, - "content": "昴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59035, - "content": "鐫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59036, - "content": "꿤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59037, - "content": "랍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59038, - "content": "폶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59039, - "content": "陎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59040, - "content": "鐘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59041, - "content": "녬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59042, - "content": "뷍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59043, - "content": "莫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59044, - "content": "ݔ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59045, - "content": "寂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59046, - "content": "휯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59047, - "content": "뜌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59048, - "content": "첊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59049, - "content": "夆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59050, - "content": "윙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59051, - "content": "緯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59052, - "content": "砖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59053, - "content": "떶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59054, - "content": "쎙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59055, - "content": "튻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59056, - "content": "씿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59057, - "content": "뚨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59058, - "content": "赜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59059, - "content": "똱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59060, - "content": "쮮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59061, - "content": "用", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59062, - "content": "慊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59063, - "content": "騨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59064, - "content": "髽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59065, - "content": "ﺹ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59066, - "content": "ピ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59067, - "content": "ਖ਼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59068, - "content": "냞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59069, - "content": "蜿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59070, - "content": "બ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59071, - "content": "락", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59072, - "content": "칷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59073, - "content": "쭹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59074, - "content": "럍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59075, - "content": "宰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59076, - "content": "澍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59077, - "content": "죗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59078, - "content": "톇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59079, - "content": "鄭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59080, - "content": "ฃ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59081, - "content": "퍨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59082, - "content": "노", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59083, - "content": "얁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59084, - "content": "떿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59085, - "content": "凘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59086, - "content": "购", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59087, - "content": "榘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59088, - "content": "꼇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59089, - "content": "岿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59090, - "content": "뼨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59091, - "content": "폅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59092, - "content": "뷃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59093, - "content": "沟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59094, - "content": "뿶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59095, - "content": "눀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59096, - "content": "륒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59097, - "content": "暻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59098, - "content": "ۖ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59099, - "content": "뇙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59100, - "content": "哜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59101, - "content": "縒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59102, - "content": "腸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59103, - "content": "꾢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59104, - "content": "《", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59105, - "content": "촪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59106, - "content": "蕞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59107, - "content": "똨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59108, - "content": "俨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59109, - "content": "덢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59110, - "content": "뷂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59111, - "content": "賽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59112, - "content": "皂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59113, - "content": "춖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59114, - "content": "둹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59115, - "content": "遽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59116, - "content": "췟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59117, - "content": "銘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59118, - "content": "좔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59119, - "content": "壁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59120, - "content": "둬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59121, - "content": "붱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59122, - "content": "닅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59123, - "content": "둁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59124, - "content": "扞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59125, - "content": "놡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59126, - "content": "텁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59127, - "content": "鳇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59128, - "content": "뫎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59129, - "content": "愷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59130, - "content": "锎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59131, - "content": "헌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59132, - "content": "몌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59133, - "content": "쎨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59134, - "content": "눈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59135, - "content": "総", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59136, - "content": "껝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59137, - "content": "뺍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59138, - "content": "좑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59139, - "content": "짴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59140, - "content": "遆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59141, - "content": "艤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59142, - "content": "猓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59143, - "content": "늍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59144, - "content": "붃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59145, - "content": "Ў", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59146, - "content": "躾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59147, - "content": "뙌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59148, - "content": "嗶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59149, - "content": "霽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59150, - "content": "꽧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59151, - "content": "퇐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59152, - "content": "憮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59153, - "content": "슐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59154, - "content": "젍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59155, - "content": "뽵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59156, - "content": "骜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59157, - "content": "耙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59158, - "content": "雌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59159, - "content": "폧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59160, - "content": "ゎ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59161, - "content": "峤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59162, - "content": "Ҷ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59163, - "content": "ط", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59164, - "content": "ㄺ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59165, - "content": "혁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59166, - "content": "垭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59167, - "content": "텆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59168, - "content": "乌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59169, - "content": "谪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59170, - "content": "梏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59171, - "content": "랶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59172, - "content": "촖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59173, - "content": "飢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59174, - "content": "摒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59175, - "content": "鞲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59176, - "content": "潍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59177, - "content": "갖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59178, - "content": "巍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59179, - "content": "ウ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59180, - "content": "넸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59181, - "content": "쨜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59182, - "content": "剕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59183, - "content": "砑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59184, - "content": "起", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59185, - "content": "놽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59186, - "content": "졤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59187, - "content": "涢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59188, - "content": "录", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59189, - "content": "낛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59190, - "content": "भ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59191, - "content": "냍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59192, - "content": "ಌ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59193, - "content": "漑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59194, - "content": "쟕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59195, - "content": "뒣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59196, - "content": "뤪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59197, - "content": "넰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59198, - "content": "뇼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59199, - "content": "굊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59200, - "content": "燒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59201, - "content": "꺳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59202, - "content": "꼫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59203, - "content": "琶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59204, - "content": "昱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59205, - "content": "큡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59206, - "content": "茉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59207, - "content": "蚪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59208, - "content": "孀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59209, - "content": "财", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59210, - "content": "蒋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59211, - "content": "歜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59212, - "content": "ಪ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59213, - "content": "댔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59214, - "content": "辕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59215, - "content": "琇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59216, - "content": "뼅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59217, - "content": "湝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59218, - "content": "벥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59219, - "content": "∑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59220, - "content": "쏖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59221, - "content": "욱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59222, - "content": "댖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59223, - "content": "刃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59224, - "content": "胃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59225, - "content": "즣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59226, - "content": "淪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59227, - "content": "渊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59228, - "content": "溇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59229, - "content": "뱨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59230, - "content": "搦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59231, - "content": "쒦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59232, - "content": "谣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59233, - "content": "쉂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59234, - "content": "骕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59235, - "content": "迆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59236, - "content": "飘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59237, - "content": "卧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59238, - "content": "蠋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59239, - "content": "៌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59240, - "content": "阶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59241, - "content": "빛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59242, - "content": "뷹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59243, - "content": "쏇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59244, - "content": "倨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59245, - "content": "쏐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59246, - "content": "؏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59247, - "content": "寛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59248, - "content": "채", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59249, - "content": "뀺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59250, - "content": "詮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59251, - "content": "栄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59252, - "content": "쐢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59253, - "content": "ൡ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59254, - "content": "糊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59255, - "content": "賁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59256, - "content": "끉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59257, - "content": "됥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59258, - "content": "먮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59259, - "content": "蟈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59260, - "content": "쩴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59261, - "content": "松", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59262, - "content": "愃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59263, - "content": "傭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59264, - "content": "堾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59265, - "content": "뮪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59266, - "content": "돼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59267, - "content": "会", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59268, - "content": "翎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59269, - "content": "இ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59270, - "content": "౯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59271, - "content": "棚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59272, - "content": "浈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59273, - "content": "넣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59274, - "content": "쵄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59275, - "content": "젧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59276, - "content": "练", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59277, - "content": "鸫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59278, - "content": "蛉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59279, - "content": "蔼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59280, - "content": "쀗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59281, - "content": "뢩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59282, - "content": "瑚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59283, - "content": "쬓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59284, - "content": "뿐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59285, - "content": "첲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59286, - "content": "陛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59287, - "content": "믮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59288, - "content": "𪩘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59289, - "content": "훜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59290, - "content": "暍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59291, - "content": "凱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59292, - "content": "턅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59293, - "content": "岡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59294, - "content": "揽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59295, - "content": "岭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59296, - "content": "꼌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59297, - "content": "筧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59298, - "content": "컛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59299, - "content": "៊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59300, - "content": "檞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59301, - "content": "섃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59302, - "content": "쳧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59303, - "content": "ざ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59304, - "content": "쯼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59305, - "content": "덴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59306, - "content": "ψ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59307, - "content": "援", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59308, - "content": "겨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59309, - "content": "業", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59310, - "content": "芪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59311, - "content": "뎼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59312, - "content": "鹪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59313, - "content": "엀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59314, - "content": "丼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59315, - "content": "휜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59316, - "content": "槃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59317, - "content": "訐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59318, - "content": "幖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59319, - "content": "槓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59320, - "content": "떃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59321, - "content": "뛱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59322, - "content": "뭼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59323, - "content": "锈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59324, - "content": "খ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59325, - "content": "剃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59326, - "content": "吖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59327, - "content": "峏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59328, - "content": "颉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59329, - "content": "阪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59330, - "content": "陂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59331, - "content": "玱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59332, - "content": "籤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59333, - "content": "옾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59334, - "content": "産", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59335, - "content": "膂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59336, - "content": "𬷕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59337, - "content": "弾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59338, - "content": "늲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59339, - "content": "렅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59340, - "content": "鶸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59341, - "content": "俭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59342, - "content": "囌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59343, - "content": "蹐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59344, - "content": "쒍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59345, - "content": "綛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59346, - "content": "횒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59347, - "content": "快", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59348, - "content": "眦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59349, - "content": "쇁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59350, - "content": "薷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59351, - "content": "鬻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59352, - "content": "훷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59353, - "content": "풇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59354, - "content": "畯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59355, - "content": "雷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59356, - "content": "뮖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59357, - "content": "젹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59358, - "content": "톋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59359, - "content": "缰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59360, - "content": "ㅘ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59361, - "content": "鈿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59362, - "content": "ज", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59363, - "content": "쵲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59364, - "content": "ؚ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59365, - "content": "찀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59366, - "content": "쑰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59367, - "content": "棧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59368, - "content": "톳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59369, - "content": "怠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59370, - "content": "❉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59371, - "content": "긏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59372, - "content": "꽉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59373, - "content": "졁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59374, - "content": "罡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59375, - "content": "빱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59376, - "content": "쳭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59377, - "content": "尺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59378, - "content": "菀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59379, - "content": "缳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59380, - "content": "锫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59381, - "content": "뿲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59382, - "content": "둈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59383, - "content": "톞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59384, - "content": "鄴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59385, - "content": "풯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59386, - "content": "痈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59387, - "content": "촁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59388, - "content": "膾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59389, - "content": "啐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59390, - "content": "꾯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59391, - "content": "죮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59392, - "content": "뭶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59393, - "content": "녢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59394, - "content": "慆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59395, - "content": "턃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59396, - "content": "뭨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59397, - "content": "삶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59398, - "content": "遍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59399, - "content": "繆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59400, - "content": "틸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59401, - "content": "袢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59402, - "content": "鲃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59403, - "content": "얞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59404, - "content": "搡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59405, - "content": "퍁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59406, - "content": "퓖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59407, - "content": "쐌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59408, - "content": "ぜ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59409, - "content": "射", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59410, - "content": "떙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59411, - "content": "늄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59412, - "content": "怫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59413, - "content": "牠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59414, - "content": "눊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59415, - "content": "釋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59416, - "content": "삲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59417, - "content": "뤗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59418, - "content": "뤟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59419, - "content": "浇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59420, - "content": "웈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59421, - "content": "辮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59422, - "content": "천", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59423, - "content": "눱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59424, - "content": "晋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59425, - "content": "즑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59426, - "content": "ൻ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59427, - "content": "张", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59428, - "content": "渰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59429, - "content": "춄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59430, - "content": "缭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59431, - "content": "绎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59432, - "content": "闕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59433, - "content": "举", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59434, - "content": "뼊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59435, - "content": "퍟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59436, - "content": "툉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59437, - "content": "佞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59438, - "content": "퉸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59439, - "content": "猰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59440, - "content": "盷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59441, - "content": "濠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59442, - "content": "み", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59443, - "content": "볠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59444, - "content": "駕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59445, - "content": "대", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59446, - "content": "夸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59447, - "content": "굂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59448, - "content": "瞪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59449, - "content": "쐧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59450, - "content": "譜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59451, - "content": "줉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59452, - "content": "機", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59453, - "content": "伤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59454, - "content": "涪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59455, - "content": "좴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59456, - "content": "ㅩ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59457, - "content": "툎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59458, - "content": "댢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59459, - "content": "蝥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59460, - "content": "笞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59461, - "content": "혅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59462, - "content": "艹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59463, - "content": "싽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59464, - "content": "偎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59465, - "content": "렢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59466, - "content": "蝘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59467, - "content": "폣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59468, - "content": "쬐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59469, - "content": "低", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59470, - "content": "怪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59471, - "content": "俬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59472, - "content": "酮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59473, - "content": "輯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59474, - "content": "೮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59475, - "content": "훟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59476, - "content": "黎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59477, - "content": "뭣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59478, - "content": "쒌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59479, - "content": "裡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59480, - "content": "훭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59481, - "content": "欂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59482, - "content": "گ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59483, - "content": "덨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59484, - "content": "氢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59485, - "content": "떹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59486, - "content": "뢋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59487, - "content": "퓝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59488, - "content": "櫛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59489, - "content": "짟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59490, - "content": "턖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59491, - "content": "뱸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59492, - "content": "쥥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59493, - "content": "쮠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59494, - "content": "붠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59495, - "content": "穎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59496, - "content": "闶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59497, - "content": "녚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59498, - "content": "辄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59499, - "content": "蒴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59500, - "content": "義", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59501, - "content": "推", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59502, - "content": "澀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59503, - "content": "旗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59504, - "content": "闸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59505, - "content": "쩽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59506, - "content": "뤊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59507, - "content": "켌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59508, - "content": "컦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59509, - "content": "ल", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59510, - "content": "밎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59511, - "content": "튬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59512, - "content": "쪗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59513, - "content": "嵝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59514, - "content": "滏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59515, - "content": "슎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59516, - "content": "毛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59517, - "content": "𬳵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59518, - "content": "瘤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59519, - "content": "쇸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59520, - "content": "韋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59521, - "content": "潤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59522, - "content": "哌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59523, - "content": "핏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59524, - "content": "懐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59525, - "content": "녜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59526, - "content": "둯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59527, - "content": "孺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59528, - "content": "泙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59529, - "content": "폜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59530, - "content": "뼿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59531, - "content": "樘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59532, - "content": "썈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59533, - "content": "컖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59534, - "content": "ڇ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59535, - "content": "쯒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59536, - "content": "鲜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59537, - "content": "똬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59538, - "content": "툵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59539, - "content": "몷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59540, - "content": "쑑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59541, - "content": "ở", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59542, - "content": "엏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59543, - "content": "뻶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59544, - "content": "왗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59545, - "content": "븴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59546, - "content": "쌐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59547, - "content": "邑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59548, - "content": "퉢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59549, - "content": "絮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59550, - "content": "骈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59551, - "content": "뾶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59552, - "content": "荽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59553, - "content": "껍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59554, - "content": "줂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59555, - "content": "즺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59556, - "content": "牾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59557, - "content": "탐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59558, - "content": "娜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59559, - "content": "ឥ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59560, - "content": "덊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59561, - "content": "硭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59562, - "content": "ツ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59563, - "content": "쉎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59564, - "content": "瑟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59565, - "content": "酒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59566, - "content": "學", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59567, - "content": "썴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59568, - "content": "빓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59569, - "content": "킖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59570, - "content": "Ŭ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59571, - "content": "츙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59572, - "content": "糇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59573, - "content": "要", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59574, - "content": "싲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59575, - "content": "ǧ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59576, - "content": "к", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59577, - "content": "巳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59578, - "content": "壘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59579, - "content": "흨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59580, - "content": "틱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59581, - "content": "樱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59582, - "content": "덾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59583, - "content": "뚏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59584, - "content": "堙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59585, - "content": "列", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59586, - "content": "钫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59587, - "content": "쪀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59588, - "content": "超", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59589, - "content": "뷘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59590, - "content": "쫂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59591, - "content": "賜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59592, - "content": "Ǧ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59593, - "content": "륷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59594, - "content": "욾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59595, - "content": "್", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59596, - "content": "窭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59597, - "content": "ㆆ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59598, - "content": "瞰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59599, - "content": "깴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59600, - "content": "켟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59601, - "content": "玚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59602, - "content": "쁕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59603, - "content": "站", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59604, - "content": "푟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59605, - "content": "쏰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59606, - "content": "蔵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59607, - "content": "쩆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59608, - "content": "轵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59609, - "content": "딫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59610, - "content": "댞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59611, - "content": "٩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59612, - "content": "迤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59613, - "content": "믿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59614, - "content": "꺶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59615, - "content": "逃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59616, - "content": "뺁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59617, - "content": "匝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59618, - "content": "児", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59619, - "content": "좮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59620, - "content": "脐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59621, - "content": "몽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59622, - "content": "囤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59623, - "content": "쁯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59624, - "content": "柠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59625, - "content": "엕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59626, - "content": "돞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59627, - "content": "ủ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59628, - "content": "众", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59629, - "content": "딞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59630, - "content": "뜨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59631, - "content": "햸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59632, - "content": "훲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59633, - "content": "뷻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59634, - "content": "괒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59635, - "content": "孑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59636, - "content": "햖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59637, - "content": "씐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59638, - "content": "栋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59639, - "content": "쯺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59640, - "content": "嶇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59641, - "content": "栞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59642, - "content": "耑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59643, - "content": "뗖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59644, - "content": "溥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59645, - "content": "쑄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59646, - "content": "긄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59647, - "content": "啁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59648, - "content": "윾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59649, - "content": "伎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59650, - "content": "턫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59651, - "content": "ㆃ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59652, - "content": "뮧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59653, - "content": "ݶ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59654, - "content": "ڹ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59655, - "content": "쭓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59656, - "content": "꼙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59657, - "content": "势", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59658, - "content": "疋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59659, - "content": "놭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59660, - "content": "揳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59661, - "content": "즅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59662, - "content": "뾱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59663, - "content": "鸷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59664, - "content": "哑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59665, - "content": "긞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59666, - "content": "嘰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59667, - "content": "늮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59668, - "content": "댈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59669, - "content": "뿫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59670, - "content": "츑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59671, - "content": "땇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59672, - "content": "쪎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59673, - "content": "띿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59674, - "content": "좹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59675, - "content": "틹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59676, - "content": "얱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59677, - "content": "Ṣ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59678, - "content": "귿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59679, - "content": "撒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59680, - "content": "滍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59681, - "content": "끨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59682, - "content": "ா", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59683, - "content": "詞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59684, - "content": "쩍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59685, - "content": "Ӯ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59686, - "content": "桟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59687, - "content": "맱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59688, - "content": "槱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59689, - "content": "靸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59690, - "content": "뗕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59691, - "content": "소", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59692, - "content": "쨗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59693, - "content": "ೃ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59694, - "content": "屁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59695, - "content": "꼓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59696, - "content": "넷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59697, - "content": "ਖ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59698, - "content": "웷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59699, - "content": "탗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59700, - "content": "ી", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59701, - "content": "걎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59702, - "content": "줰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59703, - "content": "ؾ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59704, - "content": "缂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59705, - "content": "찔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59706, - "content": "蜗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59707, - "content": "娑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59708, - "content": "锬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59709, - "content": "럫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59710, - "content": "峋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59711, - "content": "铯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59712, - "content": "缤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59713, - "content": "汉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59714, - "content": "泰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59715, - "content": "輛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59716, - "content": "惩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59717, - "content": "ഔ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59718, - "content": "曽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59719, - "content": "괩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59720, - "content": "갸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59721, - "content": "뒅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59722, - "content": "늈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59723, - "content": "痧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59724, - "content": "ے", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59725, - "content": "酥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59726, - "content": "뿂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59727, - "content": "줭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59728, - "content": "绛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59729, - "content": "浯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59730, - "content": "玡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59731, - "content": "웂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59732, - "content": "펾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59733, - "content": "扌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59734, - "content": "洱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59735, - "content": "꾤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59736, - "content": "劫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59737, - "content": "杲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59738, - "content": "瞩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59739, - "content": "ௌ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59740, - "content": "슋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59741, - "content": "실", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59742, - "content": "ш", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59743, - "content": "呂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59744, - "content": "枰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59745, - "content": "춻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59746, - "content": "驍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59747, - "content": "퓫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59748, - "content": "锗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59749, - "content": "诒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59750, - "content": "墅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59751, - "content": "竟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59752, - "content": "怜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59753, - "content": "岚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59754, - "content": "렓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59755, - "content": "憷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59756, - "content": "협", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59757, - "content": "뻩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59758, - "content": "묄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59759, - "content": "슟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59760, - "content": "薦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59761, - "content": "큗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59762, - "content": "괢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59763, - "content": "퀕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59764, - "content": "駝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59765, - "content": "別", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59766, - "content": "엗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59767, - "content": "靄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59768, - "content": "쭶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59769, - "content": "펁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59770, - "content": "찗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59771, - "content": "튴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59772, - "content": "삣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59773, - "content": "圣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59774, - "content": "髀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59775, - "content": "★", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59776, - "content": "레", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59777, - "content": "첨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59778, - "content": "騖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59779, - "content": "嵩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59780, - "content": "衛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59781, - "content": "ই", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59782, - "content": "笊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59783, - "content": "汾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59784, - "content": "쑫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59785, - "content": "臁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59786, - "content": "弦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59787, - "content": "촽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59788, - "content": "쟺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59789, - "content": "뀞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59790, - "content": "五", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59791, - "content": "亀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59792, - "content": "塊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59793, - "content": "ೋ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59794, - "content": "ۑ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59795, - "content": "芃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59796, - "content": "틃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59797, - "content": "后", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59798, - "content": "륡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59799, - "content": "큭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59800, - "content": "른", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59801, - "content": "붇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59802, - "content": "쪮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59803, - "content": "총", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59804, - "content": "ड़", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59805, - "content": "꺣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59806, - "content": "튫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59807, - "content": "ੰ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59808, - "content": "胛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59809, - "content": "윀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59810, - "content": "છ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59811, - "content": "뺦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59812, - "content": "੍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59813, - "content": "ะ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59814, - "content": "Ǵ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59815, - "content": "땣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59816, - "content": "玓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59817, - "content": "즰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59818, - "content": "怹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59819, - "content": "媚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59820, - "content": "퀏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59821, - "content": "벐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59822, - "content": "퀒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59823, - "content": "玀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59824, - "content": "烧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59825, - "content": "ؼ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59826, - "content": "텙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59827, - "content": "𫇭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59828, - "content": "栲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59829, - "content": "瘡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59830, - "content": "쨛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59831, - "content": "좎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59832, - "content": "넽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59833, - "content": "卩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59834, - "content": "궤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59835, - "content": "ắ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59836, - "content": "褛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59837, - "content": "돪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59838, - "content": "伭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59839, - "content": "낕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59840, - "content": "怅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59841, - "content": "뙥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59842, - "content": "恐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59843, - "content": "쳝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59844, - "content": "쮟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59845, - "content": "훅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59846, - "content": "蚝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59847, - "content": "桑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59848, - "content": "赈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59849, - "content": "掷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59850, - "content": "拽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59851, - "content": "폼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59852, - "content": "쀲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59853, - "content": "瞢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59854, - "content": "밸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59855, - "content": "픁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59856, - "content": "췉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59857, - "content": "숧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59858, - "content": "궑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59859, - "content": "楱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59860, - "content": "г", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59861, - "content": "밗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59862, - "content": "桕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59863, - "content": "쫧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59864, - "content": "迥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59865, - "content": "늉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59866, - "content": "滝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59867, - "content": "쌹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59868, - "content": "岳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59869, - "content": "螗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59870, - "content": "解", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59871, - "content": "觇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59872, - "content": "납", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59873, - "content": "톛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59874, - "content": "鹱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59875, - "content": "甍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59876, - "content": "焜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59877, - "content": "ড", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59878, - "content": "驯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59879, - "content": "蘧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59880, - "content": "쨈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59881, - "content": "滲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59882, - "content": "젴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59883, - "content": "影", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59884, - "content": "쮸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59885, - "content": "쁙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59886, - "content": "照", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59887, - "content": "載", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59888, - "content": "뜖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59889, - "content": "塀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59890, - "content": "륆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59891, - "content": "Ẳ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59892, - "content": "鞯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59893, - "content": "隷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59894, - "content": "칸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59895, - "content": "觯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59896, - "content": "꿊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59897, - "content": "嵇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59898, - "content": "आ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59899, - "content": "蘇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59900, - "content": "ឦ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59901, - "content": "拯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59902, - "content": "퀬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59903, - "content": "闪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59904, - "content": "맘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59905, - "content": "럘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59906, - "content": "삐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59907, - "content": "铴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59908, - "content": "缟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59909, - "content": "겊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59910, - "content": "쁑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59911, - "content": "츤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59912, - "content": "캭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59913, - "content": "皎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59914, - "content": "苉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59915, - "content": "햳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59916, - "content": "鉴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59917, - "content": "웗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59918, - "content": "뉆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59919, - "content": "接", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59920, - "content": "뽽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59921, - "content": "왕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59922, - "content": "롢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59923, - "content": "뉺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59924, - "content": "诃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59925, - "content": "ฟ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59926, - "content": "륺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59927, - "content": "砵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59928, - "content": "큕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59929, - "content": "缠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59930, - "content": "죋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59931, - "content": "휗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59932, - "content": "滞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59933, - "content": "쌌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59934, - "content": "넮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59935, - "content": "줨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59936, - "content": "퇫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59937, - "content": "妯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59938, - "content": "뷞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59939, - "content": "떅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59940, - "content": "醪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59941, - "content": "ि", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59942, - "content": "췛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59943, - "content": "셖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59944, - "content": "쏒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59945, - "content": "뙚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59946, - "content": "踟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59947, - "content": "腟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59948, - "content": "흚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59949, - "content": "쿴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59950, - "content": "절", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59951, - "content": "쏦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59952, - "content": "뛔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59953, - "content": "엌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59954, - "content": "쎴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59955, - "content": "呔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59956, - "content": "텪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59957, - "content": "냘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59958, - "content": "倹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59959, - "content": "ౄ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59960, - "content": "늽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59961, - "content": "댾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59962, - "content": "쪇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59963, - "content": "鿏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59964, - "content": "꺄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59965, - "content": "쒥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59966, - "content": "骏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59967, - "content": "ب", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59968, - "content": "钨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59969, - "content": "迂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59970, - "content": "☆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59971, - "content": "첑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59972, - "content": "鋆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59973, - "content": "쌁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59974, - "content": "渌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59975, - "content": "芡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59976, - "content": "늤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59977, - "content": "縊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59978, - "content": "뼀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59979, - "content": "嫡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59980, - "content": "谲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59981, - "content": "麋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59982, - "content": "㙘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59983, - "content": "红", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59984, - "content": "딷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59985, - "content": "邈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59986, - "content": "웼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59987, - "content": "쭗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59988, - "content": "뭱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59989, - "content": "삠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59990, - "content": "珽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59991, - "content": "쇔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59992, - "content": "뚩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59993, - "content": "랣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59994, - "content": "踱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59995, - "content": "땅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59996, - "content": "珵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59997, - "content": "헂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59998, - "content": "럜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 59999, - "content": "ề", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60000, - "content": "父", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60001, - "content": "츃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60002, - "content": "쿟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60003, - "content": "屹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60004, - "content": "哩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60005, - "content": "亻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60006, - "content": "릦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60007, - "content": "瘀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60008, - "content": "듡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60009, - "content": "켄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60010, - "content": "虷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60011, - "content": "ब", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60012, - "content": "ឩ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60013, - "content": "逝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60014, - "content": "髏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60015, - "content": "紹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60016, - "content": "쫙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60017, - "content": "솬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60018, - "content": "箕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60019, - "content": "冔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60020, - "content": "ॐ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60021, - "content": "졢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60022, - "content": "仮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60023, - "content": "滟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60024, - "content": "綬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60025, - "content": "툈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60026, - "content": "ỡ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60027, - "content": "ㅊ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60028, - "content": "笙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60029, - "content": "寫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60030, - "content": "匕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60031, - "content": "ナ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60032, - "content": "걢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60033, - "content": "蛑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60034, - "content": "엁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60035, - "content": "돇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60036, - "content": "쑓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60037, - "content": "뾽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60038, - "content": "찋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60039, - "content": "賎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60040, - "content": "甲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60041, - "content": "滅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60042, - "content": "缫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60043, - "content": "쩗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60044, - "content": "룜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60045, - "content": "왴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60046, - "content": "챁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60047, - "content": "擭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60048, - "content": "উ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60049, - "content": "淼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60050, - "content": "咬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60051, - "content": "쾹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60052, - "content": "훓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60053, - "content": "听", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60054, - "content": "봛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60055, - "content": "꼿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60056, - "content": "俘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60057, - "content": "긚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60058, - "content": "恿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60059, - "content": "쵽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60060, - "content": "볁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60061, - "content": "췽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60062, - "content": "몑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60063, - "content": "磏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60064, - "content": "ಸ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60065, - "content": "씋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60066, - "content": "蒞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60067, - "content": "军", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60068, - "content": "슠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60069, - "content": "伟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60070, - "content": "喤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60071, - "content": "탺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60072, - "content": "긗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60073, - "content": "鸾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60074, - "content": "蟫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60075, - "content": "뀢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60076, - "content": "疆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60077, - "content": "쎃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60078, - "content": "ಲ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60079, - "content": "윖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60080, - "content": "菅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60081, - "content": "凊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60082, - "content": "荥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60083, - "content": "б", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60084, - "content": "膠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60085, - "content": "웹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60086, - "content": "脲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60087, - "content": "삅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60088, - "content": "얇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60089, - "content": "쯣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60090, - "content": "쎂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60091, - "content": "룯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60092, - "content": "摯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60093, - "content": "砩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60094, - "content": "쉉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60095, - "content": "丟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60096, - "content": "ঔ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60097, - "content": "蒎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60098, - "content": "ៅ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60099, - "content": "께", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60100, - "content": "閑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60101, - "content": "仄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60102, - "content": "킈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60103, - "content": "럝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60104, - "content": "걬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60105, - "content": "賦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60106, - "content": "鹸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60107, - "content": "뽤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60108, - "content": "묍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60109, - "content": "괴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60110, - "content": "캱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60111, - "content": "뱟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60112, - "content": "롙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60113, - "content": "婆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60114, - "content": "俗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60115, - "content": "乖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60116, - "content": "湯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60117, - "content": "۵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60118, - "content": "툭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60119, - "content": "؍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60120, - "content": "腌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60121, - "content": "羟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60122, - "content": "긑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60123, - "content": "홁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60124, - "content": "弗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60125, - "content": "愫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60126, - "content": "꾖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60127, - "content": "뿭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60128, - "content": "递", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60129, - "content": "囩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60130, - "content": "푸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60131, - "content": "엫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60132, - "content": "掩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60133, - "content": "鏽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60134, - "content": "姤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60135, - "content": "芐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60136, - "content": "澹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60137, - "content": "춡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60138, - "content": "퉀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60139, - "content": "還", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60140, - "content": "斝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60141, - "content": "찺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60142, - "content": "丑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60143, - "content": "챉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60144, - "content": "茸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60145, - "content": "쮆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60146, - "content": "륈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60147, - "content": "뷙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60148, - "content": "聩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60149, - "content": "跽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60150, - "content": "뙑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60151, - "content": "脓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60152, - "content": "쒱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60153, - "content": "띅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60154, - "content": "脿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60155, - "content": "뮣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60156, - "content": "萳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60157, - "content": "Л", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60158, - "content": "鬣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60159, - "content": "걵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60160, - "content": "荪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60161, - "content": "쎤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60162, - "content": "埵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60163, - "content": "യ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60164, - "content": "谆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60165, - "content": "싌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60166, - "content": "麸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60167, - "content": "莩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60168, - "content": "锌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60169, - "content": "포", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60170, - "content": "뙖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60171, - "content": "뚍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60172, - "content": "쁁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60173, - "content": "쀪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60174, - "content": "슄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60175, - "content": "篩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60176, - "content": "쁂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60177, - "content": "硁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60178, - "content": "롓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60179, - "content": "嬴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60180, - "content": "쿔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60181, - "content": "繳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60182, - "content": "坉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60183, - "content": "쓊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60184, - "content": "沒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60185, - "content": "һ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60186, - "content": "홷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60187, - "content": "봪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60188, - "content": "똦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60189, - "content": "嬷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60190, - "content": "ـ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60191, - "content": "菲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60192, - "content": "間", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60193, - "content": "챒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60194, - "content": "譬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60195, - "content": "署", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60196, - "content": "괟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60197, - "content": "큔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60198, - "content": "냿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60199, - "content": "뿎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60200, - "content": "硕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60201, - "content": "쬨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60202, - "content": "涠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60203, - "content": "충", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60204, - "content": "ứ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60205, - "content": "옼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60206, - "content": "혠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60207, - "content": "堍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60208, - "content": "墐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60209, - "content": "뽌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60210, - "content": "앯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60211, - "content": "틌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60212, - "content": "싪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60213, - "content": "폯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60214, - "content": "ỵ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60215, - "content": "签", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60216, - "content": "뵢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60217, - "content": "翂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60218, - "content": "蟠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60219, - "content": "続", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60220, - "content": "뵬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60221, - "content": "揪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60222, - "content": "웾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60223, - "content": "왰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60224, - "content": "싦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60225, - "content": "悻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60226, - "content": "가", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60227, - "content": "쫘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60228, - "content": "吧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60229, - "content": "逵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60230, - "content": "珛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60231, - "content": "냎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60232, - "content": "룝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60233, - "content": "릳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60234, - "content": "뙄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60235, - "content": "衲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60236, - "content": "巭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60237, - "content": "辁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60238, - "content": "꼈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60239, - "content": "鈾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60240, - "content": "钔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60241, - "content": "뷝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60242, - "content": "옰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60243, - "content": "귨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60244, - "content": "뫳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60245, - "content": "ㅸ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60246, - "content": "榍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60247, - "content": "늘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60248, - "content": "봦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60249, - "content": "쿱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60250, - "content": "ง", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60251, - "content": "톦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60252, - "content": "냏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60253, - "content": "넝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60254, - "content": "혐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60255, - "content": "뽖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60256, - "content": "ជ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60257, - "content": "쥘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60258, - "content": "뒼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60259, - "content": "蘅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60260, - "content": "꿈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60261, - "content": "썇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60262, - "content": "蒔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60263, - "content": "듏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60264, - "content": "륵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60265, - "content": "費", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60266, - "content": "坎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60267, - "content": "属", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60268, - "content": "杀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60269, - "content": "颳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60270, - "content": "蜃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60271, - "content": "燋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60272, - "content": "析", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60273, - "content": "먿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60274, - "content": "ੵ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60275, - "content": "羽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60276, - "content": "쇛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60277, - "content": "鄑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60278, - "content": "櫻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60279, - "content": "뀍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60280, - "content": "鋤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60281, - "content": "칼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60282, - "content": "궄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60283, - "content": "깉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60284, - "content": "仰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60285, - "content": "뷋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60286, - "content": "枴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60287, - "content": "裛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60288, - "content": "乱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60289, - "content": "ీ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60290, - "content": "淹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60291, - "content": "镯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60292, - "content": "숛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60293, - "content": "棨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60294, - "content": "椰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60295, - "content": "쇂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60296, - "content": "荁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60297, - "content": "씨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60298, - "content": "隕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60299, - "content": "掦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60300, - "content": "缙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60301, - "content": "덀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60302, - "content": "扳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60303, - "content": "గ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60304, - "content": "๘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60305, - "content": "댏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60306, - "content": "掄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60307, - "content": "焼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60308, - "content": "鎰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60309, - "content": "띇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60310, - "content": "욻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60311, - "content": "믧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60312, - "content": "힛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60313, - "content": "픹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60314, - "content": "놏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60315, - "content": "常", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60316, - "content": "뇾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60317, - "content": "杼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60318, - "content": "츚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60319, - "content": "緩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60320, - "content": "蝕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60321, - "content": "珰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60322, - "content": "漫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60323, - "content": "ೂ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60324, - "content": "憙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60325, - "content": "눿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60326, - "content": "솱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60327, - "content": "寰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60328, - "content": "菈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60329, - "content": "톉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60330, - "content": "썐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60331, - "content": "ř", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60332, - "content": "疬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60333, - "content": "퓛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60334, - "content": "묫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60335, - "content": "鲞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60336, - "content": "굵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60337, - "content": "遨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60338, - "content": "혽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60339, - "content": "跹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60340, - "content": "죒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60341, - "content": "텨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60342, - "content": "븯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60343, - "content": "瓜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60344, - "content": "럢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60345, - "content": "덤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60346, - "content": "떉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60347, - "content": "౨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60348, - "content": "띩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60349, - "content": "붦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60350, - "content": "뫶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60351, - "content": "粉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60352, - "content": "픟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60353, - "content": "敔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60354, - "content": "震", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60355, - "content": "蛞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60356, - "content": "껎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60357, - "content": "Ỷ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60358, - "content": "噂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60359, - "content": "쭻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60360, - "content": "勣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60361, - "content": "깜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60362, - "content": "숂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60363, - "content": "輓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60364, - "content": "𫠜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60365, - "content": "マ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60366, - "content": "溠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60367, - "content": "绾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60368, - "content": "区", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60369, - "content": "펟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60370, - "content": "溻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60371, - "content": "鸿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60372, - "content": "휎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60373, - "content": "쉻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60374, - "content": "ป", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60375, - "content": "개", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60376, - "content": "숋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60377, - "content": "计", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60378, - "content": "漲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60379, - "content": "偿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60380, - "content": "ぽ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60381, - "content": "좃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60382, - "content": "嬸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60383, - "content": "迸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60384, - "content": "콻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60385, - "content": "ர", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60386, - "content": "컼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60387, - "content": "○", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60388, - "content": "쇼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60389, - "content": "ŭ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60390, - "content": "橋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60391, - "content": "袈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60392, - "content": "뒋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60393, - "content": "删", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60394, - "content": "益", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60395, - "content": "쵒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60396, - "content": "멞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60397, - "content": "쵩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60398, - "content": "뽥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60399, - "content": "瓷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60400, - "content": "颛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60401, - "content": "낇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60402, - "content": "셧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60403, - "content": "醤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60404, - "content": "볕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60405, - "content": "较", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60406, - "content": "뢻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60407, - "content": "岍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60408, - "content": "齄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60409, - "content": "쩤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60410, - "content": "笠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60411, - "content": "垏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60412, - "content": "껮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60413, - "content": "ݦ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60414, - "content": "뭌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60415, - "content": "짧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60416, - "content": "俯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60417, - "content": "』", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60418, - "content": "툛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60419, - "content": "巛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60420, - "content": "伽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60421, - "content": "絲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60422, - "content": "퇕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60423, - "content": "읪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60424, - "content": "呸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60425, - "content": "컁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60426, - "content": "邶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60427, - "content": "羱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60428, - "content": "샥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60429, - "content": "慍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60430, - "content": "逊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60431, - "content": "猫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60432, - "content": "뺭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60433, - "content": "崌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60434, - "content": "솠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60435, - "content": "꾍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60436, - "content": "틋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60437, - "content": "堉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60438, - "content": "낰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60439, - "content": "릢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60440, - "content": "炭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60441, - "content": "廛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60442, - "content": "얂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60443, - "content": "뚯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60444, - "content": "궏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60445, - "content": "둨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60446, - "content": "考", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60447, - "content": "樑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60448, - "content": "鳓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60449, - "content": "삌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60450, - "content": "퀗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60451, - "content": "筀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60452, - "content": "쵀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60453, - "content": "惘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60454, - "content": "钐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60455, - "content": "靭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60456, - "content": "쒬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60457, - "content": "噩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60458, - "content": "衿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60459, - "content": "꽮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60460, - "content": "桲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60461, - "content": "曆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60462, - "content": "媒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60463, - "content": "蓠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60464, - "content": "ฑ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60465, - "content": "뇍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60466, - "content": "쪧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60467, - "content": "턞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60468, - "content": "縢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60469, - "content": "祠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60470, - "content": "쥔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60471, - "content": "鲽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60472, - "content": "앨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60473, - "content": "줽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60474, - "content": "떲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60475, - "content": "콂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60476, - "content": "珖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60477, - "content": "뺶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60478, - "content": "꿎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60479, - "content": "鲕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60480, - "content": "蓓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60481, - "content": "긅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60482, - "content": "왞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60483, - "content": "嶅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60484, - "content": "肆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60485, - "content": "릖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60486, - "content": "뉰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60487, - "content": "哱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60488, - "content": "波", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60489, - "content": "쐦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60490, - "content": "웣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60491, - "content": "珹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60492, - "content": "렿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60493, - "content": "켔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60494, - "content": "ക", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60495, - "content": "ా", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60496, - "content": "심", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60497, - "content": "践", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60498, - "content": "ډ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60499, - "content": "厨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60500, - "content": "前", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60501, - "content": "淆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60502, - "content": "뾣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60503, - "content": "柩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60504, - "content": "뾭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60505, - "content": "쪣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60506, - "content": "蜾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60507, - "content": "队", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60508, - "content": "퐻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60509, - "content": "バ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60510, - "content": "蛳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60511, - "content": "邊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60512, - "content": "쬸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60513, - "content": "癡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60514, - "content": "煖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60515, - "content": "餅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60516, - "content": "虿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60517, - "content": "왥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60518, - "content": "魃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60519, - "content": "쁇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60520, - "content": "샱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60521, - "content": "ㆈ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60522, - "content": "蒈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60523, - "content": "蕈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60524, - "content": "ㆄ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60525, - "content": "鲅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60526, - "content": "믐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60527, - "content": "으", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60528, - "content": "儷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60529, - "content": "쒮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60530, - "content": "쨣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60531, - "content": "류", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60532, - "content": "씛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60533, - "content": "뵵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60534, - "content": "॥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60535, - "content": "鹄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60536, - "content": "뜥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60537, - "content": "꽊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60538, - "content": "编", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60539, - "content": "솇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60540, - "content": "渔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60541, - "content": "有", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60542, - "content": "僳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60543, - "content": "댮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60544, - "content": "폲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60545, - "content": "쨸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60546, - "content": "ত", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60547, - "content": "벖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60548, - "content": "パ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60549, - "content": "滬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60550, - "content": "냴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60551, - "content": "胄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60552, - "content": "벏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60553, - "content": "扩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60554, - "content": "줵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60555, - "content": "喪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60556, - "content": "跸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60557, - "content": "풚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60558, - "content": "뜼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60559, - "content": "馌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60560, - "content": "벬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60561, - "content": "댅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60562, - "content": "啜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60563, - "content": "妈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60564, - "content": "ぷ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60565, - "content": "粿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60566, - "content": "죬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60567, - "content": "𬶏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60568, - "content": "葵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60569, - "content": "욫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60570, - "content": "늫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60571, - "content": "菏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60572, - "content": "옋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60573, - "content": "밢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60574, - "content": "叹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60575, - "content": "욧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60576, - "content": "轎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60577, - "content": "왷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60578, - "content": "歷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60579, - "content": "쨽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60580, - "content": "홣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60581, - "content": "촢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60582, - "content": "캥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60583, - "content": "게", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60584, - "content": "復", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60585, - "content": "浸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60586, - "content": "놤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60587, - "content": "톱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60588, - "content": "퍝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60589, - "content": "푆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60590, - "content": "睑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60591, - "content": "钿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60592, - "content": "늋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60593, - "content": "즻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60594, - "content": "ट", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60595, - "content": "뒿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60596, - "content": "뤥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60597, - "content": "뒒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60598, - "content": "챥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60599, - "content": "钥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60600, - "content": "願", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60601, - "content": "꽬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60602, - "content": "ځ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60603, - "content": "헱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60604, - "content": "떳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60605, - "content": "ザ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60606, - "content": "腚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60607, - "content": "湘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60608, - "content": "뢞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60609, - "content": "饱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60610, - "content": "압", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60611, - "content": "翚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60612, - "content": "똂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60613, - "content": "戬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60614, - "content": "苤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60615, - "content": "붵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60616, - "content": "容", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60617, - "content": "뤵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60618, - "content": "팮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60619, - "content": "헓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60620, - "content": "宠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60621, - "content": "理", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60622, - "content": "蛊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60623, - "content": "싖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60624, - "content": "𬺤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60625, - "content": "쯮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60626, - "content": "柬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60627, - "content": "좩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60628, - "content": "暝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60629, - "content": "흝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60630, - "content": "흉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60631, - "content": "淦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60632, - "content": "嘤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60633, - "content": "诜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60634, - "content": "뭈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60635, - "content": "꿆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60636, - "content": "腭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60637, - "content": "羡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60638, - "content": "ڻ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60639, - "content": "징", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60640, - "content": "舉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60641, - "content": "镃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60642, - "content": "꽑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60643, - "content": "쁀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60644, - "content": "忧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60645, - "content": "논", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60646, - "content": "惱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60647, - "content": "쎵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60648, - "content": "뼕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60649, - "content": "厉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60650, - "content": "犏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60651, - "content": "弯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60652, - "content": "咿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60653, - "content": "찁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60654, - "content": "냪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60655, - "content": "忾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60656, - "content": "짼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60657, - "content": "땠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60658, - "content": "恂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60659, - "content": "륢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60660, - "content": "蹠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60661, - "content": "뺛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60662, - "content": "芦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60663, - "content": "猩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60664, - "content": "획", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60665, - "content": "땼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60666, - "content": "귓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60667, - "content": "꼮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60668, - "content": "讫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60669, - "content": "죽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60670, - "content": "엣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60671, - "content": "鎂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60672, - "content": "暶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60673, - "content": "铂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60674, - "content": "糾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60675, - "content": "猟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60676, - "content": "먧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60677, - "content": "훠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60678, - "content": "峥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60679, - "content": "伧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60680, - "content": "モ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60681, - "content": "뿠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60682, - "content": "錢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60683, - "content": "픧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60684, - "content": "좋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60685, - "content": "眯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60686, - "content": "刍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60687, - "content": "뷨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60688, - "content": "仕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60689, - "content": "쩡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60690, - "content": "箩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60691, - "content": "懺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60692, - "content": "襴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60693, - "content": "띸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60694, - "content": "ે", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60695, - "content": "牍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60696, - "content": "큤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60697, - "content": "蟬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60698, - "content": "곗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60699, - "content": "걜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60700, - "content": "尽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60701, - "content": "혊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60702, - "content": "湛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60703, - "content": "뻤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60704, - "content": "볐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60705, - "content": "跨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60706, - "content": "쪉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60707, - "content": "툢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60708, - "content": "좦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60709, - "content": "骦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60710, - "content": "禔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60711, - "content": "伦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60712, - "content": "骡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60713, - "content": "ݞ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60714, - "content": "癃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60715, - "content": "氅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60716, - "content": "쥟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60717, - "content": "롨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60718, - "content": "碱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60719, - "content": "囡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60720, - "content": "얹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60721, - "content": "쭑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60722, - "content": "꾻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60723, - "content": "잖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60724, - "content": "덮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60725, - "content": "췙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60726, - "content": "透", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60727, - "content": "씉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60728, - "content": "ㅠ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60729, - "content": "巉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60730, - "content": "뎹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60731, - "content": "窦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60732, - "content": "졮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60733, - "content": "톝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60734, - "content": "쨐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60735, - "content": "គ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60736, - "content": "헜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60737, - "content": "솋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60738, - "content": "荊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60739, - "content": "뱷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60740, - "content": "ៈ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60741, - "content": "ే", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60742, - "content": "മ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60743, - "content": "蜇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60744, - "content": "뿹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60745, - "content": "寬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60746, - "content": "꿏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60747, - "content": "뀥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60748, - "content": "핰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60749, - "content": "쪟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60750, - "content": "職", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60751, - "content": "拱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60752, - "content": "ួ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60753, - "content": "쎷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60754, - "content": "𬃊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60755, - "content": "诈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60756, - "content": "敘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60757, - "content": "享", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60758, - "content": "冷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60759, - "content": "齁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60760, - "content": "뎌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60761, - "content": "の", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60762, - "content": "숱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60763, - "content": "椎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60764, - "content": "뢴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60765, - "content": "帱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60766, - "content": "홮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60767, - "content": "턢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60768, - "content": "堪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60769, - "content": "畖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60770, - "content": "씌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60771, - "content": "唪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60772, - "content": "௰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60773, - "content": "뭀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60774, - "content": "꼩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60775, - "content": "豉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60776, - "content": "쀫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60777, - "content": "쳡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60778, - "content": "툧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60779, - "content": "꾋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60780, - "content": "姘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60781, - "content": "现", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60782, - "content": "차", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60783, - "content": "뎢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60784, - "content": "슣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60785, - "content": "뾰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60786, - "content": "쬏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60787, - "content": "쭕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60788, - "content": "蹇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60789, - "content": "궁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60790, - "content": "뭘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60791, - "content": "蹢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60792, - "content": "낻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60793, - "content": "퀉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60794, - "content": "矶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60795, - "content": "딧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60796, - "content": "ؠ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60797, - "content": "흮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60798, - "content": "珣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60799, - "content": "룎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60800, - "content": "番", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60801, - "content": "쮧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60802, - "content": "𤩽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60803, - "content": "組", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60804, - "content": "뛮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60805, - "content": "쑡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60806, - "content": "悢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60807, - "content": "컊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60808, - "content": "夏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60809, - "content": "퓿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60810, - "content": "坷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60811, - "content": "缜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60812, - "content": "锸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60813, - "content": "饕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60814, - "content": "凪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60815, - "content": "灏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60816, - "content": "聿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60817, - "content": "靑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60818, - "content": "쒑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60819, - "content": "욖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60820, - "content": "밚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60821, - "content": "꿚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60822, - "content": "뽘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60823, - "content": "老", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60824, - "content": "蟓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60825, - "content": "튳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60826, - "content": "慬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60827, - "content": "벘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60828, - "content": "슿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60829, - "content": "璽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60830, - "content": "늟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60831, - "content": "铙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60832, - "content": "牴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60833, - "content": "闭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60834, - "content": "慶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60835, - "content": "衝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60836, - "content": "랱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60837, - "content": "싕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60838, - "content": "嘁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60839, - "content": "즸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60840, - "content": "껇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60841, - "content": "뀊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60842, - "content": "従", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60843, - "content": "ۨ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60844, - "content": "혾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60845, - "content": "吞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60846, - "content": "触", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60847, - "content": "㘎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60848, - "content": "먞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60849, - "content": "黥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60850, - "content": "峨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60851, - "content": "迩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60852, - "content": "朮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60853, - "content": "뼒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60854, - "content": "纜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60855, - "content": "υ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60856, - "content": "ർ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60857, - "content": "튋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60858, - "content": "您", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60859, - "content": "땉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60860, - "content": "좐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60861, - "content": "闷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60862, - "content": "蜱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60863, - "content": "疫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60864, - "content": "拃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60865, - "content": "췵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60866, - "content": "唬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60867, - "content": "뭬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60868, - "content": "默", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60869, - "content": "雞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60870, - "content": "黻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60871, - "content": "쮭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60872, - "content": "幃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60873, - "content": "놝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60874, - "content": "쀆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60875, - "content": "淑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60876, - "content": "丶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60877, - "content": "谼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60878, - "content": "寧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60879, - "content": "뭭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60880, - "content": "ದ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60881, - "content": "죑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60882, - "content": "辰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60883, - "content": "컜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60884, - "content": "ま", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60885, - "content": "쥈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60886, - "content": "婘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60887, - "content": "裳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60888, - "content": "뵚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60889, - "content": "𬶍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60890, - "content": "혇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60891, - "content": "깙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60892, - "content": "柔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60893, - "content": "い", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60894, - "content": "幅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60895, - "content": "잲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60896, - "content": "鹴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60897, - "content": "ю", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60898, - "content": "塁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60899, - "content": "๗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60900, - "content": "쨓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60901, - "content": "쀜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60902, - "content": "즾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60903, - "content": "탲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60904, - "content": "劉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60905, - "content": "쨤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60906, - "content": "쯲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60907, - "content": "팲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60908, - "content": "책", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60909, - "content": "含", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60910, - "content": "펅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60911, - "content": "퉖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60912, - "content": "哐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60913, - "content": "蓿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60914, - "content": "름", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60915, - "content": "驟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60916, - "content": "킁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60917, - "content": "ਟ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60918, - "content": "쩛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60919, - "content": "쑗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60920, - "content": "툫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60921, - "content": "뵗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60922, - "content": "뼭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60923, - "content": "渙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60924, - "content": "붅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60925, - "content": "௵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60926, - "content": "썞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60927, - "content": "粘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60928, - "content": "ड", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60929, - "content": "쵣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60930, - "content": "姽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60931, - "content": "젬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60932, - "content": "줝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60933, - "content": "Ừ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60934, - "content": "暴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60935, - "content": "컸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60936, - "content": "K", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60937, - "content": "뉹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60938, - "content": "躑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60939, - "content": "즹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60940, - "content": "埌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60941, - "content": "ㅚ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60942, - "content": "驛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60943, - "content": "괖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60944, - "content": "퀆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60945, - "content": "隐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60946, - "content": "誚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60947, - "content": "驰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60948, - "content": "頻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60949, - "content": "傅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60950, - "content": "잎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60951, - "content": "鄯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60952, - "content": "鴒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60953, - "content": "럻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60954, - "content": "콟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60955, - "content": "빷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60956, - "content": "桜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60957, - "content": "ж", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60958, - "content": "컅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60959, - "content": "都", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60960, - "content": "ㅦ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60961, - "content": "村", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60962, - "content": "뼣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60963, - "content": "稍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60964, - "content": "羝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60965, - "content": "샚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60966, - "content": "远", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60967, - "content": "娃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60968, - "content": "燮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60969, - "content": "뗊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60970, - "content": "랧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60971, - "content": "𬺚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60972, - "content": "荆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60973, - "content": "蛲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60974, - "content": "꼅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60975, - "content": "풳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60976, - "content": "监", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60977, - "content": "욣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60978, - "content": "旬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60979, - "content": "弊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60980, - "content": "쥅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60981, - "content": "갥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60982, - "content": "舜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60983, - "content": "他", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60984, - "content": "鲖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60985, - "content": "뙎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60986, - "content": "넯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60987, - "content": "팈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60988, - "content": "蹴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60989, - "content": "둃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60990, - "content": "瘠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60991, - "content": "턶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60992, - "content": "ٞ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60993, - "content": "슓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60994, - "content": "쵤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60995, - "content": "類", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60996, - "content": "踒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60997, - "content": "食", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60998, - "content": "뉴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 60999, - "content": "뤴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61000, - "content": "뎒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61001, - "content": "澂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61002, - "content": "퐣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61003, - "content": "贱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61004, - "content": "딽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61005, - "content": "颖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61006, - "content": "垩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61007, - "content": "枠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61008, - "content": "뛁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61009, - "content": "땪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61010, - "content": "康", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61011, - "content": "و", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61012, - "content": "в", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61013, - "content": "亙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61014, - "content": "嘭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61015, - "content": "ഓ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61016, - "content": "譟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61017, - "content": "ㅌ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61018, - "content": "쵍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61019, - "content": "・", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61020, - "content": "훫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61021, - "content": "쳽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61022, - "content": "碇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61023, - "content": "徒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61024, - "content": "膈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61025, - "content": "삷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61026, - "content": "完", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61027, - "content": "糯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61028, - "content": "圄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61029, - "content": "圳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61030, - "content": "믾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61031, - "content": "舡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61032, - "content": "꽹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61033, - "content": "𫛭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61034, - "content": "韬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61035, - "content": "싔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61036, - "content": "川", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61037, - "content": "텼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61038, - "content": "쾸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61039, - "content": "댆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61040, - "content": "첷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61041, - "content": "縞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61042, - "content": "챫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61043, - "content": "攝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61044, - "content": "웅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61045, - "content": "ầ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61046, - "content": "礪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61047, - "content": "픉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61048, - "content": "宗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61049, - "content": "쇾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61050, - "content": "ี", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61051, - "content": "錘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61052, - "content": "謁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61053, - "content": "臭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61054, - "content": "쵝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61055, - "content": "썓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61056, - "content": "쳮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61057, - "content": "垤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61058, - "content": "ೠ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61059, - "content": "卻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61060, - "content": "땸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61061, - "content": "偃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61062, - "content": "硫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61063, - "content": "땀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61064, - "content": "谧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61065, - "content": "β", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61066, - "content": "늸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61067, - "content": "惴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61068, - "content": "茓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61069, - "content": "쾵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61070, - "content": "舞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61071, - "content": "펪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61072, - "content": "칈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61073, - "content": "驚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61074, - "content": "숲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61075, - "content": "맸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61076, - "content": "퉚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61077, - "content": "舨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61078, - "content": "엑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61079, - "content": "뽬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61080, - "content": "桄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61081, - "content": "癮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61082, - "content": "툠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61083, - "content": "隗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61084, - "content": "𬘘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61085, - "content": "輾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61086, - "content": "迹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61087, - "content": "鬒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61088, - "content": "眬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61089, - "content": "薀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61090, - "content": "퓣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61091, - "content": "閣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61092, - "content": "뮹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61093, - "content": "뚞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61094, - "content": "煲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61095, - "content": "칛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61096, - "content": "侯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61097, - "content": "来", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61098, - "content": "걲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61099, - "content": "贄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61100, - "content": "馍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61101, - "content": "삙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61102, - "content": "뒹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61103, - "content": "옖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61104, - "content": "芨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61105, - "content": "때", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61106, - "content": "툞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61107, - "content": "샺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61108, - "content": "쇴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61109, - "content": "쑷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61110, - "content": "푿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61111, - "content": "몪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61112, - "content": "髙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61113, - "content": "퍺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61114, - "content": "묚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61115, - "content": "翮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61116, - "content": "锯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61117, - "content": "茳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61118, - "content": "𫍲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61119, - "content": "搛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61120, - "content": "糸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61121, - "content": "뺈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61122, - "content": "삔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61123, - "content": "䴖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61124, - "content": "उ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61125, - "content": "ើ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61126, - "content": "廃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61127, - "content": "님", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61128, - "content": "抓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61129, - "content": "铷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61130, - "content": "뛦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61131, - "content": "쏉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61132, - "content": "퓟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61133, - "content": "삮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61134, - "content": "줐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61135, - "content": "髪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61136, - "content": "噴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61137, - "content": "쳆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61138, - "content": "૧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61139, - "content": "韩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61140, - "content": "Ặ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61141, - "content": "閡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61142, - "content": "阔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61143, - "content": "∶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61144, - "content": "뾋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61145, - "content": "쏌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61146, - "content": "텣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61147, - "content": "홳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61148, - "content": "癫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61149, - "content": "퓕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61150, - "content": "邉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61151, - "content": "몒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61152, - "content": "𫘝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61153, - "content": "髡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61154, - "content": "윚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61155, - "content": "삁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61156, - "content": "쉔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61157, - "content": "绁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61158, - "content": "캐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61159, - "content": "洲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61160, - "content": "ҙ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61161, - "content": "램", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61162, - "content": "์", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61163, - "content": "쮖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61164, - "content": "뫬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61165, - "content": "뀋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61166, - "content": "躜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61167, - "content": "끰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61168, - "content": "私", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61169, - "content": "錡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61170, - "content": "더", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61171, - "content": "뿕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61172, - "content": "簌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61173, - "content": "晐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61174, - "content": "쭵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61175, - "content": "芒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61176, - "content": "填", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61177, - "content": "ㆉ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61178, - "content": "骍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61179, - "content": "뱡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61180, - "content": "뵫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61181, - "content": "唔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61182, - "content": "邱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61183, - "content": "៵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61184, - "content": "Ọ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61185, - "content": "뎙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61186, - "content": "뫮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61187, - "content": "怍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61188, - "content": "淺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61189, - "content": "훎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61190, - "content": "ఠ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61191, - "content": "式", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61192, - "content": "의", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61193, - "content": "섿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61194, - "content": "牒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61195, - "content": "言", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61196, - "content": "펢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61197, - "content": "抬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61198, - "content": "ㄻ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61199, - "content": "쓮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61200, - "content": "펣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61201, - "content": "둪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61202, - "content": "狯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61203, - "content": "敫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61204, - "content": "둚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61205, - "content": "릮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61206, - "content": "빀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61207, - "content": "쒁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61208, - "content": "푾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61209, - "content": "螨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61210, - "content": "𬍤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61211, - "content": "Ч", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61212, - "content": "띹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61213, - "content": "쁫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61214, - "content": "璬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61215, - "content": "뚊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61216, - "content": "렒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61217, - "content": "褻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61218, - "content": "왲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61219, - "content": "틡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61220, - "content": "耤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61221, - "content": "쮀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61222, - "content": "꿌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61223, - "content": "햏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61224, - "content": "픃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61225, - "content": "슻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61226, - "content": "ぅ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61227, - "content": "渫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61228, - "content": "숬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61229, - "content": "귎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61230, - "content": "또", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61231, - "content": "乡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61232, - "content": "횪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61233, - "content": "嗎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61234, - "content": "솅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61235, - "content": "挠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61236, - "content": "뼔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61237, - "content": "欢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61238, - "content": "儆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61239, - "content": "夫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61240, - "content": "𤧛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61241, - "content": "뚹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61242, - "content": "믰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61243, - "content": "靰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61244, - "content": "뉾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61245, - "content": "柽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61246, - "content": "엶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61247, - "content": "揕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61248, - "content": "镩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61249, - "content": "눫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61250, - "content": "帟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61251, - "content": "퐚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61252, - "content": "鄢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61253, - "content": "뭉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61254, - "content": "컆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61255, - "content": "ン", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61256, - "content": "쵫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61257, - "content": "尧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61258, - "content": "投", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61259, - "content": "큛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61260, - "content": "낱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61261, - "content": "캝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61262, - "content": "뾈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61263, - "content": "큐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61264, - "content": "뉄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61265, - "content": "鬷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61266, - "content": "꼊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61267, - "content": "쮌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61268, - "content": "乔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61269, - "content": "椀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61270, - "content": "斶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61271, - "content": "垅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61272, - "content": "라", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61273, - "content": "줢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61274, - "content": "跻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61275, - "content": "뽆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61276, - "content": "뾊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61277, - "content": "泡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61278, - "content": "캏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61279, - "content": "뀴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61280, - "content": "븹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61281, - "content": "籣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61282, - "content": "짤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61283, - "content": "赦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61284, - "content": "𬭩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61285, - "content": "褲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61286, - "content": "嗅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61287, - "content": "곳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61288, - "content": "陘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61289, - "content": "锇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61290, - "content": "蔻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61291, - "content": "跷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61292, - "content": "盗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61293, - "content": "쯷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61294, - "content": "痊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61295, - "content": "쩮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61296, - "content": "沖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61297, - "content": "洑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61298, - "content": "澆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61299, - "content": "隴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61300, - "content": "쪒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61301, - "content": "쇈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61302, - "content": "쥎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61303, - "content": "欷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61304, - "content": "臻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61305, - "content": "𬭼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61306, - "content": "挫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61307, - "content": "門", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61308, - "content": "뚤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61309, - "content": "ឪ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61310, - "content": "涉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61311, - "content": "퀯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61312, - "content": "稙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61313, - "content": "淌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61314, - "content": "뚑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61315, - "content": "瑩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61316, - "content": "갔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61317, - "content": "齡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61318, - "content": "芠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61319, - "content": "뾢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61320, - "content": "쮼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61321, - "content": "㧑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61322, - "content": "熄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61323, - "content": "歴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61324, - "content": "ஜ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61325, - "content": "翟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61326, - "content": "ग़", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61327, - "content": "깕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61328, - "content": "拿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61329, - "content": "췋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61330, - "content": "堂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61331, - "content": "灞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61332, - "content": "婿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61333, - "content": "𦰡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61334, - "content": "垒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61335, - "content": "뛅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61336, - "content": "팻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61337, - "content": "텟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61338, - "content": "蘿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61339, - "content": "裊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61340, - "content": "깒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61341, - "content": "쓣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61342, - "content": "쎭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61343, - "content": "둺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61344, - "content": "泠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61345, - "content": "侍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61346, - "content": "뒱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61347, - "content": "쓀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61348, - "content": "拉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61349, - "content": "횝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61350, - "content": "쒞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61351, - "content": "쐪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61352, - "content": "漳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61353, - "content": "얰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61354, - "content": "椠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61355, - "content": "灶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61356, - "content": "늯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61357, - "content": "𣗋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61358, - "content": "龚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61359, - "content": "댚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61360, - "content": "흸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61361, - "content": "턴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61362, - "content": "勞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61363, - "content": "굼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61364, - "content": "托", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61365, - "content": "댥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61366, - "content": "植", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61367, - "content": "測", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61368, - "content": "棋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61369, - "content": "彬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61370, - "content": "姞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61371, - "content": "顸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61372, - "content": "毎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61373, - "content": "줋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61374, - "content": "玆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61375, - "content": "냳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61376, - "content": "슦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61377, - "content": "쯏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61378, - "content": "뺔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61379, - "content": "噥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61380, - "content": "齷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61381, - "content": "舵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61382, - "content": "뮵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61383, - "content": "쎏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61384, - "content": "饨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61385, - "content": "㑇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61386, - "content": "鼫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61387, - "content": "৪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61388, - "content": "춺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61389, - "content": "앖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61390, - "content": "퐰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61391, - "content": "웥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61392, - "content": "裯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61393, - "content": "뺚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61394, - "content": "其", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61395, - "content": "슥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61396, - "content": "꾪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61397, - "content": "둠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61398, - "content": "쀍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61399, - "content": "吭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61400, - "content": "ũ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61401, - "content": "刂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61402, - "content": "ユ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61403, - "content": "늷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61404, - "content": "埆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61405, - "content": "꽲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61406, - "content": "뒠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61407, - "content": "룻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61408, - "content": "뒎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61409, - "content": "콏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61410, - "content": "안", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61411, - "content": "흷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61412, - "content": "書", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61413, - "content": "谊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61414, - "content": "狱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61415, - "content": "蒺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61416, - "content": "焖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61417, - "content": "峄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61418, - "content": "蛀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61419, - "content": "誹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61420, - "content": "끘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61421, - "content": "鲀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61422, - "content": "็", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61423, - "content": "턍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61424, - "content": "喘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61425, - "content": "粤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61426, - "content": "릺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61427, - "content": "뗷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61428, - "content": "憋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61429, - "content": "鄀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61430, - "content": "痂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61431, - "content": "욘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61432, - "content": "仏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61433, - "content": "玭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61434, - "content": "럐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61435, - "content": "偷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61436, - "content": "ท", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61437, - "content": "궝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61438, - "content": "쳈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61439, - "content": "섡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61440, - "content": "럌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61441, - "content": "怊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61442, - "content": "혢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61443, - "content": "촏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61444, - "content": "윱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61445, - "content": "廳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61446, - "content": "豊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61447, - "content": "뷳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61448, - "content": "숤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61449, - "content": "ತ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61450, - "content": "롺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61451, - "content": "쌆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61452, - "content": "苯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61453, - "content": "搐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61454, - "content": "漆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61455, - "content": "鯀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61456, - "content": "푕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61457, - "content": "岽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61458, - "content": "찿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61459, - "content": "툨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61460, - "content": "鄱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61461, - "content": "눇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61462, - "content": "쩏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61463, - "content": "싰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61464, - "content": "펖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61465, - "content": "輕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61466, - "content": "潮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61467, - "content": "्", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61468, - "content": "낷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61469, - "content": "핷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61470, - "content": "펌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61471, - "content": "譴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61472, - "content": "镥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61473, - "content": "쎔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61474, - "content": "릚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61475, - "content": "∗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61476, - "content": "硷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61477, - "content": "쥢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61478, - "content": "探", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61479, - "content": "Ə", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61480, - "content": "乘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61481, - "content": "삘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61482, - "content": "哝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61483, - "content": "읔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61484, - "content": "휟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61485, - "content": "渚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61486, - "content": "휚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61487, - "content": "扽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61488, - "content": "툓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61489, - "content": "勛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61490, - "content": "畜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61491, - "content": "請", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61492, - "content": "퀝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61493, - "content": "颟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61494, - "content": "𩽾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61495, - "content": "叙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61496, - "content": "밋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61497, - "content": "줾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61498, - "content": "뜔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61499, - "content": "昣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61500, - "content": "௴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61501, - "content": "쐷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61502, - "content": "슾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61503, - "content": "솄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61504, - "content": "욦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61505, - "content": "瘼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61506, - "content": "呃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61507, - "content": "퐿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61508, - "content": "ே", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61509, - "content": "봯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61510, - "content": "늚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61511, - "content": "텲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61512, - "content": "剁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61513, - "content": "圐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61514, - "content": "홋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61515, - "content": "厩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61516, - "content": "턾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61517, - "content": "𦒍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61518, - "content": "억", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61519, - "content": "얿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61520, - "content": "재", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61521, - "content": "ឝ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61522, - "content": "晰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61523, - "content": "仡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61524, - "content": "킩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61525, - "content": "뒁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61526, - "content": "ㅄ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61527, - "content": "뙣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61528, - "content": "뱔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61529, - "content": "块", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61530, - "content": "継", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61531, - "content": "쁸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61532, - "content": "쿺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61533, - "content": "희", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61534, - "content": "예", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61535, - "content": "楷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61536, - "content": "저", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61537, - "content": "갮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61538, - "content": "嘈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61539, - "content": "폻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61540, - "content": "紇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61541, - "content": "知", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61542, - "content": "럖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61543, - "content": "裼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61544, - "content": "堼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61545, - "content": "贾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61546, - "content": "쇗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61547, - "content": "脾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61548, - "content": "펗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61549, - "content": "껏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61550, - "content": "ム", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61551, - "content": "뢎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61552, - "content": "图", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61553, - "content": "걉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61554, - "content": "샡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61555, - "content": "딒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61556, - "content": "度", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61557, - "content": "洗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61558, - "content": "펕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61559, - "content": "뱹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61560, - "content": "큫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61561, - "content": "텺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61562, - "content": "쯬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61563, - "content": "豬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61564, - "content": "嬢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61565, - "content": "뷁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61566, - "content": "伲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61567, - "content": "姆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61568, - "content": "及", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61569, - "content": "覃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61570, - "content": "톏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61571, - "content": "耔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61572, - "content": "뎆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61573, - "content": "闢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61574, - "content": "祾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61575, - "content": "귍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61576, - "content": "泼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61577, - "content": "浴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61578, - "content": "븧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61579, - "content": "喜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61580, - "content": "墚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61581, - "content": "랜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61582, - "content": "眼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61583, - "content": "ร", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61584, - "content": "蛎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61585, - "content": "섘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61586, - "content": "𬜬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61587, - "content": "껼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61588, - "content": "嗾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61589, - "content": "븩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61590, - "content": "쒪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61591, - "content": "砠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61592, - "content": "这", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61593, - "content": "膵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61594, - "content": "猺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61595, - "content": "阇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61596, - "content": "க", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61597, - "content": "辣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61598, - "content": "胈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61599, - "content": "꺖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61600, - "content": "校", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61601, - "content": "껯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61602, - "content": "刺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61603, - "content": "껡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61604, - "content": "놶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61605, - "content": "햧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61606, - "content": "驮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61607, - "content": "狎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61608, - "content": "咋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61609, - "content": "맢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61610, - "content": "뿄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61611, - "content": "뢣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61612, - "content": "뿀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61613, - "content": "竣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61614, - "content": "矩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61615, - "content": "恵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61616, - "content": "糠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61617, - "content": "쉜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61618, - "content": "솢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61619, - "content": "댄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61620, - "content": "뚭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61621, - "content": "썃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61622, - "content": "恢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61623, - "content": "瀕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61624, - "content": "옶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61625, - "content": "甚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61626, - "content": "쥋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61627, - "content": "킰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61628, - "content": "뢇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61629, - "content": "겙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61630, - "content": "쬡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61631, - "content": "萊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61632, - "content": "礵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61633, - "content": "鹛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61634, - "content": "먷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61635, - "content": "Ắ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61636, - "content": "화", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61637, - "content": "阎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61638, - "content": "ݴ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61639, - "content": "龍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61640, - "content": "圪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61641, - "content": "뾻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61642, - "content": "옸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61643, - "content": "뾅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61644, - "content": "叨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61645, - "content": "쨞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61646, - "content": "퀡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61647, - "content": "闫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61648, - "content": "易", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61649, - "content": "돂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61650, - "content": "耍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61651, - "content": "௳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61652, - "content": "燹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61653, - "content": "뢓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61654, - "content": "막", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61655, - "content": "呉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61656, - "content": "쵐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61657, - "content": "搿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61658, - "content": "诹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61659, - "content": "쿪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61660, - "content": "쑸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61661, - "content": "捶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61662, - "content": "멶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61663, - "content": "뜜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61664, - "content": "𬳿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61665, - "content": "뱘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61666, - "content": "衤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61667, - "content": "도", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61668, - "content": "珑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61669, - "content": "租", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61670, - "content": "脬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61671, - "content": "國", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61672, - "content": "烻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61673, - "content": "쳖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61674, - "content": "핽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61675, - "content": "쾖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61676, - "content": "宓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61677, - "content": "쵛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61678, - "content": "船", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61679, - "content": "퉦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61680, - "content": "廢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61681, - "content": "쪍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61682, - "content": "坊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61683, - "content": "鄠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61684, - "content": "晗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61685, - "content": "싈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61686, - "content": "歧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61687, - "content": "ئ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61688, - "content": "쫉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61689, - "content": "誂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61690, - "content": "뛬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61691, - "content": "줞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61692, - "content": "요", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61693, - "content": "철", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61694, - "content": "쁮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61695, - "content": "闽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61696, - "content": "駿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61697, - "content": "뙇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61698, - "content": "饸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61699, - "content": "豨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61700, - "content": "술", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61701, - "content": "짞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61702, - "content": "窎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61703, - "content": "괏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61704, - "content": "젝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61705, - "content": "珈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61706, - "content": "荄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61707, - "content": "쌢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61708, - "content": "왙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61709, - "content": "몡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61710, - "content": "鹌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61711, - "content": "궸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61712, - "content": "쬯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61713, - "content": "촷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61714, - "content": "꽺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61715, - "content": "뭚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61716, - "content": "뜺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61717, - "content": "♀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61718, - "content": "惡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61719, - "content": "蕾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61720, - "content": "輳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61721, - "content": "贅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61722, - "content": "꿞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61723, - "content": "졥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61724, - "content": "틼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61725, - "content": "흳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61726, - "content": "뵛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61727, - "content": "壱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61728, - "content": "쳯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61729, - "content": "밾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61730, - "content": "쟉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61731, - "content": "莢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61732, - "content": "饉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61733, - "content": "龘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61734, - "content": "쪩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61735, - "content": "㛃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61736, - "content": "酈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61737, - "content": "굖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61738, - "content": "خ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61739, - "content": "鱷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61740, - "content": "첚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61741, - "content": "哆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61742, - "content": "崿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61743, - "content": "裟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61744, - "content": "얌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61745, - "content": "닆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61746, - "content": "돹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61747, - "content": "읳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61748, - "content": "屠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61749, - "content": "궋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61750, - "content": "곽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61751, - "content": "씝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61752, - "content": "톯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61753, - "content": "琿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61754, - "content": "凛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61755, - "content": "彘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61756, - "content": "쐠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61757, - "content": "톀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61758, - "content": "눅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61759, - "content": "풮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61760, - "content": "ㆂ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61761, - "content": "趴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61762, - "content": "缆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61763, - "content": "辅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61764, - "content": "켈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61765, - "content": "锆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61766, - "content": "៣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61767, - "content": "廿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61768, - "content": "굹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61769, - "content": "歡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61770, - "content": "웸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61771, - "content": "泫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61772, - "content": "鞋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61773, - "content": "췍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61774, - "content": "潇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61775, - "content": "ॄ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61776, - "content": "巔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61777, - "content": "칋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61778, - "content": "舛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61779, - "content": "렼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61780, - "content": "娩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61781, - "content": "켁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61782, - "content": "묢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61783, - "content": "갆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61784, - "content": "咤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61785, - "content": "혏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61786, - "content": "嶋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61787, - "content": "쎡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61788, - "content": "傖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61789, - "content": "빧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61790, - "content": "殉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61791, - "content": "焊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61792, - "content": "킔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61793, - "content": "ស", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61794, - "content": "艰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61795, - "content": "餾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61796, - "content": "홚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61797, - "content": "逆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61798, - "content": "쉸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61799, - "content": "뀖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61800, - "content": "촫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61801, - "content": "犧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61802, - "content": "졧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61803, - "content": "쒘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61804, - "content": "뭒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61805, - "content": "檻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61806, - "content": "츟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61807, - "content": "韁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61808, - "content": "뀁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61809, - "content": "먎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61810, - "content": "侁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61811, - "content": "颋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61812, - "content": "柖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61813, - "content": "쯦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61814, - "content": "潑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61815, - "content": "逋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61816, - "content": "린", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61817, - "content": "겤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61818, - "content": "직", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61819, - "content": "逓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61820, - "content": "痫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61821, - "content": "肄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61822, - "content": "骂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61823, - "content": "뻄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61824, - "content": "횜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61825, - "content": "爛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61826, - "content": "с", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61827, - "content": "勠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61828, - "content": "쓾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61829, - "content": "І", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61830, - "content": "둼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61831, - "content": "퓮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61832, - "content": "弟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61833, - "content": "๐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61834, - "content": "셹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61835, - "content": "𬺘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61836, - "content": "苗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61837, - "content": "嶺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61838, - "content": "路", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61839, - "content": "…", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61840, - "content": "慨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61841, - "content": "鑽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61842, - "content": "륦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61843, - "content": "뇩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61844, - "content": "꺟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61845, - "content": "뎎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61846, - "content": "괞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61847, - "content": "凋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61848, - "content": "욄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61849, - "content": "퓶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61850, - "content": "뀆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61851, - "content": "뮆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61852, - "content": "뤛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61853, - "content": "艷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61854, - "content": "쭜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61855, - "content": "蹜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61856, - "content": "뱶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61857, - "content": "읲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61858, - "content": "镬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61859, - "content": "쾰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61860, - "content": "𬺞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61861, - "content": "渣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61862, - "content": "晌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61863, - "content": "귁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61864, - "content": "튠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61865, - "content": "붲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61866, - "content": "侧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61867, - "content": "男", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61868, - "content": "퓉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61869, - "content": "鿍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61870, - "content": "向", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61871, - "content": "좛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61872, - "content": "弄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61873, - "content": "뙠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61874, - "content": "旱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61875, - "content": "؎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61876, - "content": "뒖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61877, - "content": "볉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61878, - "content": "胗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61879, - "content": "꺴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61880, - "content": "赗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61881, - "content": "労", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61882, - "content": "멖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61883, - "content": "蝨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61884, - "content": "핓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61885, - "content": "祛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61886, - "content": "씬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61887, - "content": "懼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61888, - "content": "쿕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61889, - "content": "좰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61890, - "content": "胚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61891, - "content": "舆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61892, - "content": "诽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61893, - "content": "핋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61894, - "content": "리", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61895, - "content": "췗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61896, - "content": "嘮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61897, - "content": "헉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61898, - "content": "琮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61899, - "content": "뙞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61900, - "content": "బ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61901, - "content": "銮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61902, - "content": "荛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61903, - "content": "矓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61904, - "content": "뀾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61905, - "content": "찚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61906, - "content": "渉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61907, - "content": "楊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61908, - "content": "血", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61909, - "content": "괆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61910, - "content": "흊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61911, - "content": "箜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61912, - "content": "돴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61913, - "content": "漭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61914, - "content": "誑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61915, - "content": "죸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61916, - "content": "ا", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61917, - "content": "죎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61918, - "content": "医", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61919, - "content": "뮞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61920, - "content": "怩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61921, - "content": "뽈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61922, - "content": "뇫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61923, - "content": "렑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61924, - "content": "銨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61925, - "content": "ヮ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61926, - "content": "賞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61927, - "content": "邨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61928, - "content": "춓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61929, - "content": "肸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61930, - "content": "믝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61931, - "content": "꿡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61932, - "content": "늹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61933, - "content": "雋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61934, - "content": "谨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61935, - "content": "긋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61936, - "content": "鲶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61937, - "content": "럲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61938, - "content": "쿿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61939, - "content": "鬱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61940, - "content": "埙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61941, - "content": "ఋ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61942, - "content": "犼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61943, - "content": "엢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61944, - "content": "۩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61945, - "content": "鳋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61946, - "content": "鹅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61947, - "content": "虞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61948, - "content": "팚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61949, - "content": "吐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61950, - "content": "췇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61951, - "content": "焦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61952, - "content": "착", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61953, - "content": "鸠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61954, - "content": "텽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61955, - "content": "렉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61956, - "content": "릉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61957, - "content": "殺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61958, - "content": "텛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61959, - "content": "蕻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61960, - "content": "陪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61961, - "content": "틟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61962, - "content": "萧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61963, - "content": "紋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61964, - "content": "읝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61965, - "content": "嗡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61966, - "content": "쭨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61967, - "content": "췌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61968, - "content": "팄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61969, - "content": "꿣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61970, - "content": "밶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61971, - "content": "쑨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61972, - "content": "죈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61973, - "content": "劁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61974, - "content": "꽇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61975, - "content": "项", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61976, - "content": "面", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61977, - "content": "筛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61978, - "content": "닔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61979, - "content": "잌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61980, - "content": "쎖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61981, - "content": "렵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61982, - "content": "띨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61983, - "content": "狗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61984, - "content": "쨀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61985, - "content": "쿠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61986, - "content": "ਛ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61987, - "content": "軟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61988, - "content": "톭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61989, - "content": "솩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61990, - "content": "银", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61991, - "content": "쎐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61992, - "content": "൩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61993, - "content": "谋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61994, - "content": "穟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61995, - "content": "졐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61996, - "content": "냖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61997, - "content": "헞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61998, - "content": "틔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 61999, - "content": "摸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62000, - "content": "誘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62001, - "content": "샽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62002, - "content": "먌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62003, - "content": "聍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62004, - "content": "반", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62005, - "content": "燧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62006, - "content": "৷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62007, - "content": "订", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62008, - "content": "噔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62009, - "content": "뱉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62010, - "content": "꾫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62011, - "content": "詁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62012, - "content": "뷟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62013, - "content": "𬘯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62014, - "content": "덎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62015, - "content": "훙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62016, - "content": "鵑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62017, - "content": "꼘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62018, - "content": "鄜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62019, - "content": "꾲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62020, - "content": "氨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62021, - "content": "亚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62022, - "content": "긘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62023, - "content": "炅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62024, - "content": "萆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62025, - "content": "뺵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62026, - "content": "똻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62027, - "content": "鹗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62028, - "content": "됀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62029, - "content": "誡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62030, - "content": "岩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62031, - "content": "졅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62032, - "content": "跆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62033, - "content": "닖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62034, - "content": "法", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62035, - "content": "駅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62036, - "content": "튏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62037, - "content": "委", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62038, - "content": "砉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62039, - "content": "踊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62040, - "content": "륋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62041, - "content": "훍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62042, - "content": "揀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62043, - "content": "髃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62044, - "content": "쟋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62045, - "content": "𬭬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62046, - "content": "泖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62047, - "content": "킄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62048, - "content": "匮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62049, - "content": "뎖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62050, - "content": "툣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62051, - "content": "捐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62052, - "content": "쪶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62053, - "content": "쫟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62054, - "content": "譽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62055, - "content": "잞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62056, - "content": "營", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62057, - "content": "뗪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62058, - "content": "끬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62059, - "content": "漓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62060, - "content": "늵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62061, - "content": "턄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62062, - "content": "힐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62063, - "content": "깗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62064, - "content": "둱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62065, - "content": "쳘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62066, - "content": "ಙ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62067, - "content": "씠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62068, - "content": "徐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62069, - "content": "굻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62070, - "content": "拔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62071, - "content": "焱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62072, - "content": "甯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62073, - "content": "즘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62074, - "content": "쿇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62075, - "content": "椸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62076, - "content": "市", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62077, - "content": "约", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62078, - "content": "숕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62079, - "content": "林", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62080, - "content": "끟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62081, - "content": "陕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62082, - "content": "묊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62083, - "content": "삏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62084, - "content": "퉁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62085, - "content": "맋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62086, - "content": "혔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62087, - "content": "턔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62088, - "content": "훌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62089, - "content": "뜑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62090, - "content": "춴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62091, - "content": "橄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62092, - "content": "냩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62093, - "content": "휖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62094, - "content": "్", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62095, - "content": "젛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62096, - "content": "隠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62097, - "content": "싘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62098, - "content": "萱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62099, - "content": "ڳ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62100, - "content": "疖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62101, - "content": "瘸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62102, - "content": "惯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62103, - "content": "椓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62104, - "content": "ज़", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62105, - "content": "畨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62106, - "content": "讃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62107, - "content": "쎳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62108, - "content": "톎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62109, - "content": "랸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62110, - "content": "넊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62111, - "content": "螋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62112, - "content": "潛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62113, - "content": "蛛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62114, - "content": "镱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62115, - "content": "유", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62116, - "content": "덷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62117, - "content": "섳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62118, - "content": "觎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62119, - "content": "च", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62120, - "content": "摄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62121, - "content": "쒼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62122, - "content": "禾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62123, - "content": "뽷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62124, - "content": "봨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62125, - "content": "霈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62126, - "content": "쇚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62127, - "content": "昆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62128, - "content": "杜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62129, - "content": "敝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62130, - "content": "嬪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62131, - "content": "맿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62132, - "content": "靖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62133, - "content": "顱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62134, - "content": "廒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62135, - "content": "탒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62136, - "content": "통", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62137, - "content": "疥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62138, - "content": "甗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62139, - "content": "鬘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62140, - "content": "삾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62141, - "content": "瑶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62142, - "content": "缑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62143, - "content": "솪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62144, - "content": "촒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62145, - "content": "뽮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62146, - "content": "뢕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62147, - "content": "眭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62148, - "content": "늗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62149, - "content": "겱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62150, - "content": "౻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62151, - "content": "켻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62152, - "content": "罈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62153, - "content": "볺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62154, - "content": "섚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62155, - "content": "햝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62156, - "content": "ಮ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62157, - "content": "孕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62158, - "content": "验", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62159, - "content": "挪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62160, - "content": "煮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62161, - "content": "鹘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62162, - "content": "쉌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62163, - "content": "떨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62164, - "content": "酩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62165, - "content": "럁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62166, - "content": "踐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62167, - "content": "꼪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62168, - "content": "읥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62169, - "content": "묧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62170, - "content": "阏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62171, - "content": "佗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62172, - "content": "贲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62173, - "content": "킟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62174, - "content": "枵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62175, - "content": "툏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62176, - "content": "ݣ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62177, - "content": "颏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62178, - "content": "덳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62179, - "content": "凜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62180, - "content": "킹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62181, - "content": "걫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62182, - "content": "牝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62183, - "content": "땞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62184, - "content": "밌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62185, - "content": "薑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62186, - "content": "褐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62187, - "content": "殖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62188, - "content": "웤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62189, - "content": "뿉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62190, - "content": "㌧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62191, - "content": "렕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62192, - "content": "熊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62193, - "content": "癲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62194, - "content": "磷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62195, - "content": "喟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62196, - "content": "惶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62197, - "content": "▶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62198, - "content": "软", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62199, - "content": "噓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62200, - "content": "쵬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62201, - "content": "챰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62202, - "content": "麾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62203, - "content": "ι", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62204, - "content": "꼖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62205, - "content": "𫖳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62206, - "content": "蓖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62207, - "content": "옔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62208, - "content": "喀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62209, - "content": "싩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62210, - "content": "獯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62211, - "content": "鲁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62212, - "content": "訇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62213, - "content": "恚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62214, - "content": "ఞ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62215, - "content": "됆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62216, - "content": "좢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62217, - "content": "뻼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62218, - "content": "遘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62219, - "content": "賓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62220, - "content": "ы", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62221, - "content": "袍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62222, - "content": "衩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62223, - "content": "서", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62224, - "content": "鸦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62225, - "content": "寇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62226, - "content": "飽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62227, - "content": "왅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62228, - "content": "潺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62229, - "content": "鐳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62230, - "content": "칾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62231, - "content": "米", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62232, - "content": "ݵ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62233, - "content": "푙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62234, - "content": "莨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62235, - "content": "ド", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62236, - "content": "쳫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62237, - "content": "熱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62238, - "content": "骅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62239, - "content": "옠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62240, - "content": "箐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62241, - "content": "篙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62242, - "content": "戆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62243, - "content": "锁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62244, - "content": "犟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62245, - "content": "멎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62246, - "content": "韜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62247, - "content": "괲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62248, - "content": "痠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62249, - "content": "쟻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62250, - "content": "럅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62251, - "content": "栢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62252, - "content": "菟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62253, - "content": "鸳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62254, - "content": "錦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62255, - "content": "忞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62256, - "content": "斛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62257, - "content": "牢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62258, - "content": "ً", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62259, - "content": "铵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62260, - "content": "횓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62261, - "content": "ٱ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62262, - "content": "핤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62263, - "content": "บ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62264, - "content": "轨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62265, - "content": "৮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62266, - "content": "ﺵ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62267, - "content": "儻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62268, - "content": "φ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62269, - "content": "䗪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62270, - "content": "پ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62271, - "content": "뛗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62272, - "content": "쏋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62273, - "content": "進", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62274, - "content": "៙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62275, - "content": "凰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62276, - "content": "胤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62277, - "content": "췻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62278, - "content": "큥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62279, - "content": "顺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62280, - "content": "옻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62281, - "content": "쑧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62282, - "content": "榇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62283, - "content": "ౠ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62284, - "content": "孪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62285, - "content": "玹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62286, - "content": "貫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62287, - "content": "쵻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62288, - "content": "ㅺ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62289, - "content": "룕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62290, - "content": "氖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62291, - "content": "큄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62292, - "content": "驷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62293, - "content": "苇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62294, - "content": "層", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62295, - "content": "뭔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62296, - "content": "歆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62297, - "content": "쏞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62298, - "content": "踩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62299, - "content": "췘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62300, - "content": "碛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62301, - "content": "璦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62302, - "content": "凸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62303, - "content": "뎚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62304, - "content": "텰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62305, - "content": "쥾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62306, - "content": "뾮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62307, - "content": "뷈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62308, - "content": "句", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62309, - "content": "뗛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62310, - "content": "붸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62311, - "content": "햜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62312, - "content": "爔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62313, - "content": "廬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62314, - "content": "욹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62315, - "content": "썉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62316, - "content": "졓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62317, - "content": "覲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62318, - "content": "껫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62319, - "content": "듬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62320, - "content": "맻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62321, - "content": "섎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62322, - "content": "횊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62323, - "content": "或", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62324, - "content": "彊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62325, - "content": "뭏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62326, - "content": "蘖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62327, - "content": "糵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62328, - "content": "活", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62329, - "content": "댣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62330, - "content": "ಈ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62331, - "content": "維", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62332, - "content": "댹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62333, - "content": "姪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62334, - "content": "寞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62335, - "content": "划", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62336, - "content": "暮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62337, - "content": "螃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62338, - "content": "짝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62339, - "content": "춣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62340, - "content": "쨊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62341, - "content": "퐆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62342, - "content": "搁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62343, - "content": "춅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62344, - "content": "庥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62345, - "content": "瞵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62346, - "content": "汩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62347, - "content": "쒽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62348, - "content": "ઔ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62349, - "content": "ല", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62350, - "content": "赁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62351, - "content": "変", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62352, - "content": "磙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62353, - "content": "ு", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62354, - "content": "掰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62355, - "content": "拈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62356, - "content": "钱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62357, - "content": "升", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62358, - "content": "푡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62359, - "content": "쌾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62360, - "content": "ک", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62361, - "content": "츮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62362, - "content": "꼻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62363, - "content": "㧟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62364, - "content": "횤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62365, - "content": "쳠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62366, - "content": "샟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62367, - "content": "황", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62368, - "content": "뼁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62369, - "content": "訳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62370, - "content": "咖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62371, - "content": "性", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62372, - "content": "탙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62373, - "content": "짙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62374, - "content": "犸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62375, - "content": "먓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62376, - "content": "恁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62377, - "content": "뾫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62378, - "content": "舄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62379, - "content": "켠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62380, - "content": "쇳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62381, - "content": "ぴ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62382, - "content": "ਔ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62383, - "content": "횞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62384, - "content": "밴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62385, - "content": "箝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62386, - "content": "哼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62387, - "content": "찠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62388, - "content": "룷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62389, - "content": "뿩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62390, - "content": "焆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62391, - "content": "덃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62392, - "content": "싫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62393, - "content": "쏪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62394, - "content": "汶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62395, - "content": "떊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62396, - "content": "泮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62397, - "content": "菡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62398, - "content": "萸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62399, - "content": "뿍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62400, - "content": "屣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62401, - "content": "計", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62402, - "content": "嗟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62403, - "content": "毬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62404, - "content": "풒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62405, - "content": "큃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62406, - "content": "禚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62407, - "content": "쌵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62408, - "content": "봷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62409, - "content": "炫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62410, - "content": "꼤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62411, - "content": "蠻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62412, - "content": "ચ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62413, - "content": "밆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62414, - "content": "썱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62415, - "content": "퀘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62416, - "content": "堺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62417, - "content": "炷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62418, - "content": "쇬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62419, - "content": "방", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62420, - "content": "랡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62421, - "content": "袜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62422, - "content": "鞅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62423, - "content": "蔈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62424, - "content": "諧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62425, - "content": "賅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62426, - "content": "뫰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62427, - "content": "診", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62428, - "content": "膪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62429, - "content": "굷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62430, - "content": "옦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62431, - "content": "瓤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62432, - "content": "쐲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62433, - "content": "귰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62434, - "content": "遒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62435, - "content": "璥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62436, - "content": "湔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62437, - "content": "쪳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62438, - "content": "缇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62439, - "content": "喳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62440, - "content": "돰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62441, - "content": "晁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62442, - "content": "괾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62443, - "content": "屑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62444, - "content": "飭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62445, - "content": "햶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62446, - "content": "듥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62447, - "content": "砦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62448, - "content": "횾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62449, - "content": "턷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62450, - "content": "뼲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62451, - "content": "垃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62452, - "content": "찂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62453, - "content": "趸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62454, - "content": "鳟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62455, - "content": "ಊ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62456, - "content": "潦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62457, - "content": "๑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62458, - "content": "蚁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62459, - "content": "ൊ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62460, - "content": "힃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62461, - "content": "仆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62462, - "content": "伱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62463, - "content": "즟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62464, - "content": "돜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62465, - "content": "뗻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62466, - "content": "놚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62467, - "content": "纨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62468, - "content": "沦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62469, - "content": "苦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62470, - "content": "ഠ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62471, - "content": "綞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62472, - "content": "댒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62473, - "content": "髭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62474, - "content": "័", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62475, - "content": "濉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62476, - "content": "잂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62477, - "content": "攔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62478, - "content": "늧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62479, - "content": "쓁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62480, - "content": "잾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62481, - "content": "亥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62482, - "content": "鍋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62483, - "content": "ओ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62484, - "content": "僎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62485, - "content": "됃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62486, - "content": "繊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62487, - "content": "귉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62488, - "content": "什", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62489, - "content": "영", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62490, - "content": "濤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62491, - "content": "뤃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62492, - "content": "뉵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62493, - "content": "빭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62494, - "content": "撇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62495, - "content": "俑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62496, - "content": "铜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62497, - "content": "垫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62498, - "content": "拋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62499, - "content": "薮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62500, - "content": "끔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62501, - "content": "뛑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62502, - "content": "번", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62503, - "content": "빪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62504, - "content": "鸧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62505, - "content": "别", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62506, - "content": "て", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62507, - "content": "멺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62508, - "content": "툤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62509, - "content": "夷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62510, - "content": "漱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62511, - "content": "𫮃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62512, - "content": "限", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62513, - "content": "‬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62514, - "content": "演", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62515, - "content": "킪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62516, - "content": "瞿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62517, - "content": "題", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62518, - "content": "শ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62519, - "content": "电", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62520, - "content": "锽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62521, - "content": "蜻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62522, - "content": "邿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62523, - "content": "ด", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62524, - "content": "詹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62525, - "content": "귟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62526, - "content": "儈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62527, - "content": "娠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62528, - "content": "躏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62529, - "content": "꺹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62530, - "content": "ถ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62531, - "content": "妙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62532, - "content": "從", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62533, - "content": "줒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62534, - "content": "月", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62535, - "content": "뜈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62536, - "content": "Ỵ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62537, - "content": "짥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62538, - "content": "쳛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62539, - "content": "畦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62540, - "content": "춛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62541, - "content": "研", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62542, - "content": "엳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62543, - "content": "찎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62544, - "content": "맫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62545, - "content": "췴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62546, - "content": "炘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62547, - "content": "욵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62548, - "content": "곁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62549, - "content": "딩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62550, - "content": "뺕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62551, - "content": "椪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62552, - "content": "ڈ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62553, - "content": "쾾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62554, - "content": "흒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62555, - "content": "离", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62556, - "content": "困", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62557, - "content": "坭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62558, - "content": "尉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62559, - "content": "攻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62560, - "content": "棘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62561, - "content": "谭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62562, - "content": "热", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62563, - "content": "・", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62564, - "content": "匱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62565, - "content": "붜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62566, - "content": "행", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62567, - "content": "呣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62568, - "content": "ગ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62569, - "content": "꿢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62570, - "content": "蜒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62571, - "content": "툦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62572, - "content": "噇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62573, - "content": "눹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62574, - "content": "肮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62575, - "content": "儦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62576, - "content": "뉧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62577, - "content": "웋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62578, - "content": "灈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62579, - "content": "쨭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62580, - "content": "ក", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62581, - "content": "萜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62582, - "content": "쫽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62583, - "content": "巫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62584, - "content": "뽙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62585, - "content": "뚦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62586, - "content": "멆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62587, - "content": "伫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62588, - "content": "闆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62589, - "content": "猡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62590, - "content": "훖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62591, - "content": "थ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62592, - "content": "ң", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62593, - "content": "膑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62594, - "content": "曙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62595, - "content": "刭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62596, - "content": "쥄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62597, - "content": "ỏ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62598, - "content": "戭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62599, - "content": "왒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62600, - "content": "휆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62601, - "content": "屯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62602, - "content": "았", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62603, - "content": "搅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62604, - "content": "궜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62605, - "content": "츴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62606, - "content": "튔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62607, - "content": "掼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62608, - "content": "괥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62609, - "content": "ฎ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62610, - "content": "侶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62611, - "content": "랤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62612, - "content": "瑬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62613, - "content": "俩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62614, - "content": "쬣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62615, - "content": "귵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62616, - "content": "홭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62617, - "content": "経", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62618, - "content": "岐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62619, - "content": "沬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62620, - "content": "剰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62621, - "content": "謙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62622, - "content": "蚋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62623, - "content": "饧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62624, - "content": "밟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62625, - "content": "뷗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62626, - "content": "빬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62627, - "content": "뗀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62628, - "content": "꼳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62629, - "content": "黜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62630, - "content": "땷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62631, - "content": "韃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62632, - "content": "똿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62633, - "content": "鰱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62634, - "content": "ऌ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62635, - "content": "鲡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62636, - "content": "島", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62637, - "content": "砸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62638, - "content": "쐂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62639, - "content": "憺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62640, - "content": "냫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62641, - "content": "븎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62642, - "content": "痞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62643, - "content": "덝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62644, - "content": "둫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62645, - "content": "ậ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62646, - "content": "磕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62647, - "content": "슡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62648, - "content": "鼒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62649, - "content": "세", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62650, - "content": "휌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62651, - "content": "镆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62652, - "content": "꺊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62653, - "content": "嚎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62654, - "content": "넕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62655, - "content": "쀦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62656, - "content": "톅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62657, - "content": "렔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62658, - "content": "鉻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62659, - "content": "鹰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62660, - "content": "선", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62661, - "content": "샕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62662, - "content": "礎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62663, - "content": "쎊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62664, - "content": "构", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62665, - "content": "െ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62666, - "content": "年", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62667, - "content": "跳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62668, - "content": "鹦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62669, - "content": "쓑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62670, - "content": "똛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62671, - "content": "憤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62672, - "content": "걛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62673, - "content": "企", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62674, - "content": "罪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62675, - "content": "맃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62676, - "content": "휷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62677, - "content": "카", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62678, - "content": "턋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62679, - "content": "겛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62680, - "content": "쀒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62681, - "content": "쯡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62682, - "content": "埋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62683, - "content": "놵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62684, - "content": "求", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62685, - "content": "僥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62686, - "content": "訫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62687, - "content": "於", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62688, - "content": "堆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62689, - "content": "뺋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62690, - "content": "௸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62691, - "content": "ऱ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62692, - "content": "晖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62693, - "content": "꿓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62694, - "content": "멮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62695, - "content": "闐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62696, - "content": "ۈ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62697, - "content": "擇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62698, - "content": "堽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62699, - "content": "综", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62700, - "content": "疭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62701, - "content": "艽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62702, - "content": "皛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62703, - "content": "톽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62704, - "content": "滉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62705, - "content": "핶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62706, - "content": "췬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62707, - "content": "崆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62708, - "content": "悽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62709, - "content": "己", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62710, - "content": "鮪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62711, - "content": "ധ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62712, - "content": "飔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62713, - "content": "肚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62714, - "content": "Ằ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62715, - "content": "뉲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62716, - "content": "렱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62717, - "content": "쥕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62718, - "content": "늕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62719, - "content": "벺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62720, - "content": "盆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62721, - "content": "뉓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62722, - "content": "얼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62723, - "content": "侨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62724, - "content": "蔚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62725, - "content": "雠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62726, - "content": "挥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62727, - "content": "폢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62728, - "content": "腧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62729, - "content": "嘉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62730, - "content": "鍛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62731, - "content": "ㅛ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62732, - "content": "嚇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62733, - "content": "応", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62734, - "content": "澥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62735, - "content": "쯿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62736, - "content": "뉎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62737, - "content": "댍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62738, - "content": "卍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62739, - "content": "앍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62740, - "content": "獠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62741, - "content": "횥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62742, - "content": "閩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62743, - "content": "똸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62744, - "content": "陑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62745, - "content": "츣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62746, - "content": "봞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62747, - "content": "货", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62748, - "content": "엷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62749, - "content": "섪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62750, - "content": "嚴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62751, - "content": "釁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62752, - "content": "舂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62753, - "content": "把", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62754, - "content": "껹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62755, - "content": "옟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62756, - "content": "𬮿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62757, - "content": "끥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62758, - "content": "螣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62759, - "content": "뾹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62760, - "content": "겢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62761, - "content": "圖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62762, - "content": "뻬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62763, - "content": "폩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62764, - "content": "붥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62765, - "content": "泾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62766, - "content": "쮴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62767, - "content": "끅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62768, - "content": "歉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62769, - "content": "뉙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62770, - "content": "ꚗ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62771, - "content": "죢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62772, - "content": "묛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62773, - "content": "唰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62774, - "content": "泚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62775, - "content": "웑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62776, - "content": "뛿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62777, - "content": "갈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62778, - "content": "𬱖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62779, - "content": "膦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62780, - "content": "녥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62781, - "content": "嶼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62782, - "content": "듃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62783, - "content": "햛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62784, - "content": "줁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62785, - "content": "偡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62786, - "content": "놦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62787, - "content": "꽫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62788, - "content": "쌝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62789, - "content": "읹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62790, - "content": "迮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62791, - "content": "횣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62792, - "content": "铠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62793, - "content": "丁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62794, - "content": "쐎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62795, - "content": "ﺫ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62796, - "content": "𬇙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62797, - "content": "暕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62798, - "content": "在", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62799, - "content": "툻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62800, - "content": "偭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62801, - "content": "뫨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62802, - "content": "귯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62803, - "content": "슗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62804, - "content": "힕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62805, - "content": "襟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62806, - "content": "삺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62807, - "content": "쪆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62808, - "content": "푬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62809, - "content": "휣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62810, - "content": "뺲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62811, - "content": "궘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62812, - "content": "钍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62813, - "content": "稻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62814, - "content": "璺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62815, - "content": "췜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62816, - "content": "적", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62817, - "content": "띈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62818, - "content": "跑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62819, - "content": "딱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62820, - "content": "疇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62821, - "content": "ㅵ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62822, - "content": "嬰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62823, - "content": "砾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62824, - "content": "氮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62825, - "content": "짍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62826, - "content": "命", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62827, - "content": "曬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62828, - "content": "뷑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62829, - "content": "氈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62830, - "content": "럸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62831, - "content": "흼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62832, - "content": "갨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62833, - "content": "찰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62834, - "content": "큹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62835, - "content": "졚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62836, - "content": "煸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62837, - "content": "쀵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62838, - "content": "꾚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62839, - "content": "者", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62840, - "content": "礁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62841, - "content": "诘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62842, - "content": "蘊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62843, - "content": "𬤝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62844, - "content": "띤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62845, - "content": "붊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62846, - "content": "줕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62847, - "content": "匣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62848, - "content": "뭞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62849, - "content": "놖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62850, - "content": "愕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62851, - "content": "쫊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62852, - "content": "غ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62853, - "content": "闔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62854, - "content": "푓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62855, - "content": "莸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62856, - "content": "졘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62857, - "content": "곩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62858, - "content": "ో", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62859, - "content": "퀴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62860, - "content": "쬃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62861, - "content": "풗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62862, - "content": "ệ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62863, - "content": "뛹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62864, - "content": "吁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62865, - "content": "碹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62866, - "content": "쒟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62867, - "content": "ះ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62868, - "content": "휉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62869, - "content": "큍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62870, - "content": "细", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62871, - "content": "쟝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62872, - "content": "꽣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62873, - "content": "훃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62874, - "content": "髅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62875, - "content": "嘆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62876, - "content": "퀖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62877, - "content": "롂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62878, - "content": "똁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62879, - "content": "뼏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62880, - "content": "훋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62881, - "content": "슊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62882, - "content": "낵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62883, - "content": "够", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62884, - "content": "쌺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62885, - "content": "폇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62886, - "content": "悚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62887, - "content": "猁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62888, - "content": "믌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62889, - "content": "牯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62890, - "content": "쭺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62891, - "content": "潜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62892, - "content": "뤩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62893, - "content": "戴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62894, - "content": "멇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62895, - "content": "얬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62896, - "content": "顽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62897, - "content": "煎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62898, - "content": "뉁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62899, - "content": "ઘ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62900, - "content": "泷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62901, - "content": "ৈ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62902, - "content": "ੴ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62903, - "content": "綱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62904, - "content": "끍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62905, - "content": "珅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62906, - "content": "곏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62907, - "content": "낊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62908, - "content": "截", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62909, - "content": "诵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62910, - "content": "껴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62911, - "content": "묻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62912, - "content": "滑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62913, - "content": "췁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62914, - "content": "靽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62915, - "content": "쏵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62916, - "content": "謄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62917, - "content": "봿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62918, - "content": "뛄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62919, - "content": "쓍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62920, - "content": "꿼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62921, - "content": "릌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62922, - "content": "ព", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62923, - "content": "喱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62924, - "content": "伥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62925, - "content": "ಆ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62926, - "content": "芊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62927, - "content": "玢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62928, - "content": "侖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62929, - "content": "ㅖ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62930, - "content": "쿒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62931, - "content": "웍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62932, - "content": "배", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62933, - "content": "拨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62934, - "content": "격", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62935, - "content": "茈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62936, - "content": "즜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62937, - "content": "൬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62938, - "content": "짻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62939, - "content": "쑙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62940, - "content": "탬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62941, - "content": "싻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62942, - "content": "쇤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62943, - "content": "養", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62944, - "content": "궰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62945, - "content": "훇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62946, - "content": "驪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62947, - "content": "즧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62948, - "content": "두", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62949, - "content": "冶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62950, - "content": "ജ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62951, - "content": "圬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62952, - "content": "瞎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62953, - "content": "ڛ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62954, - "content": "ィ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62955, - "content": "久", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62956, - "content": "盥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62957, - "content": "웵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62958, - "content": "分", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62959, - "content": "螅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62960, - "content": "陈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62961, - "content": "촋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62962, - "content": "쪸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62963, - "content": "த", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62964, - "content": "뮌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62965, - "content": "谚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62966, - "content": "冒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62967, - "content": "舾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62968, - "content": "뢢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62969, - "content": "柰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62970, - "content": "얓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62971, - "content": "髒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62972, - "content": "秒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62973, - "content": "④", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62974, - "content": "担", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62975, - "content": "펡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62976, - "content": "릵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62977, - "content": "댴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62978, - "content": "蚍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62979, - "content": "킷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62980, - "content": "얏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62981, - "content": "콗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62982, - "content": "誇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62983, - "content": "籐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62984, - "content": "볭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62985, - "content": "뺽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62986, - "content": "虾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62987, - "content": "늪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62988, - "content": "깶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62989, - "content": "췀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62990, - "content": "튑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62991, - "content": "激", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62992, - "content": "ṇ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62993, - "content": "➡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62994, - "content": "펭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62995, - "content": "푩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62996, - "content": "ڷ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62997, - "content": "逅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62998, - "content": "恔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 62999, - "content": "벒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63000, - "content": "钌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63001, - "content": "妾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63002, - "content": "櫃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63003, - "content": "팬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63004, - "content": "製", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63005, - "content": "합", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63006, - "content": "쪑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63007, - "content": "摛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63008, - "content": "뫕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63009, - "content": "쥇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63010, - "content": "舟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63011, - "content": "喁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63012, - "content": "绗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63013, - "content": "졩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63014, - "content": "싛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63015, - "content": "싮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63016, - "content": "귋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63017, - "content": "頓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63018, - "content": "섑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63019, - "content": "넑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63020, - "content": "被", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63021, - "content": "漸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63022, - "content": "燄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63023, - "content": "≌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63024, - "content": "펔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63025, - "content": "빇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63026, - "content": "龆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63027, - "content": "쥸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63028, - "content": "溉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63029, - "content": "첋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63030, - "content": "깪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63031, - "content": "ォ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63032, - "content": "辂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63033, - "content": "痖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63034, - "content": "벃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63035, - "content": "싇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63036, - "content": "ോ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63037, - "content": "샊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63038, - "content": "깆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63039, - "content": "댬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63040, - "content": "즨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63041, - "content": "吗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63042, - "content": "燻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63043, - "content": "逴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63044, - "content": "芟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63045, - "content": "撙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63046, - "content": "汹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63047, - "content": "煤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63048, - "content": "쓹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63049, - "content": "謗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63050, - "content": "荦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63051, - "content": "땜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63052, - "content": "렶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63053, - "content": "셟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63054, - "content": "묐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63055, - "content": "夂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63056, - "content": "愈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63057, - "content": "篆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63058, - "content": "띷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63059, - "content": "쪨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63060, - "content": "쌿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63061, - "content": "雎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63062, - "content": "涴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63063, - "content": "딨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63064, - "content": "뷆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63065, - "content": "ゆ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63066, - "content": "逐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63067, - "content": "뀳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63068, - "content": "觀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63069, - "content": "딑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63070, - "content": "딚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63071, - "content": "置", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63072, - "content": "蓣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63073, - "content": "숩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63074, - "content": "쿩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63075, - "content": "𬘬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63076, - "content": "괙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63077, - "content": "돏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63078, - "content": "촼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63079, - "content": "謠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63080, - "content": "ਘ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63081, - "content": "沅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63082, - "content": "믁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63083, - "content": "銼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63084, - "content": "큶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63085, - "content": "帧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63086, - "content": "冗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63087, - "content": "쭼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63088, - "content": "꼭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63089, - "content": "初", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63090, - "content": "숖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63091, - "content": "嚀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63092, - "content": "틄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63093, - "content": "뮛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63094, - "content": "랖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63095, - "content": "瀚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63096, - "content": "쎟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63097, - "content": "쌪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63098, - "content": "皰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63099, - "content": "줈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63100, - "content": "寄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63101, - "content": "쵮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63102, - "content": "휾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63103, - "content": "춥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63104, - "content": "뵎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63105, - "content": "缒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63106, - "content": "苡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63107, - "content": "券", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63108, - "content": "옿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63109, - "content": "씅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63110, - "content": "ь", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63111, - "content": "♂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63112, - "content": "抛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63113, - "content": "댨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63114, - "content": "뺐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63115, - "content": "夼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63116, - "content": "먑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63117, - "content": "籮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63118, - "content": "씗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63119, - "content": "나", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63120, - "content": "몘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63121, - "content": "뢿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63122, - "content": "갞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63123, - "content": "쥼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63124, - "content": "뽏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63125, - "content": "銅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63126, - "content": "朳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63127, - "content": "暇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63128, - "content": "锅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63129, - "content": "ấ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63130, - "content": "줚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63131, - "content": "魆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63132, - "content": "蕖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63133, - "content": "៝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63134, - "content": "尋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63135, - "content": "枕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63136, - "content": "묈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63137, - "content": "κ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63138, - "content": "厭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63139, - "content": "캌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63140, - "content": "홺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63141, - "content": "딁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63142, - "content": "윒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63143, - "content": "퇸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63144, - "content": "习", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63145, - "content": "뚺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63146, - "content": "ण", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63147, - "content": "皓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63148, - "content": "筥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63149, - "content": "돑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63150, - "content": "萏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63151, - "content": "蟋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63152, - "content": "А", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63153, - "content": "朓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63154, - "content": "饴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63155, - "content": "팳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63156, - "content": "辛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63157, - "content": "始", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63158, - "content": "롰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63159, - "content": "픵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63160, - "content": "냐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63161, - "content": "척", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63162, - "content": "ਃ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63163, - "content": "慌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63164, - "content": "倍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63165, - "content": "鉉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63166, - "content": "냟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63167, - "content": "浐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63168, - "content": "軍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63169, - "content": "빹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63170, - "content": "豌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63171, - "content": "纬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63172, - "content": "懾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63173, - "content": "壷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63174, - "content": "꺑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63175, - "content": "秩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63176, - "content": "६", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63177, - "content": "붚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63178, - "content": "栳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63179, - "content": "璮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63180, - "content": "龙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63181, - "content": "릥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63182, - "content": "専", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63183, - "content": "匹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63184, - "content": "댲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63185, - "content": "坡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63186, - "content": "쬠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63187, - "content": "닢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63188, - "content": "阝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63189, - "content": "쮳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63190, - "content": "睦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63191, - "content": "퐱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63192, - "content": "쀣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63193, - "content": "홍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63194, - "content": "铈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63195, - "content": "뇵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63196, - "content": "鲔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63197, - "content": "쁊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63198, - "content": "巡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63199, - "content": "狍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63200, - "content": "볡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63201, - "content": "鄌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63202, - "content": "똳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63203, - "content": "佶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63204, - "content": "塹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63205, - "content": "估", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63206, - "content": "坫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63207, - "content": "富", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63208, - "content": "븿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63209, - "content": "롍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63210, - "content": "鐲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63211, - "content": "뭡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63212, - "content": "ಽ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63213, - "content": "쇹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63214, - "content": "올", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63215, - "content": "〒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63216, - "content": "뢡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63217, - "content": "鲗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63218, - "content": "릞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63219, - "content": "诿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63220, - "content": "逞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63221, - "content": "언", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63222, - "content": "자", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63223, - "content": "馒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63224, - "content": "쿹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63225, - "content": "먢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63226, - "content": "篠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63227, - "content": "ば", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63228, - "content": "呜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63229, - "content": "谮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63230, - "content": "끞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63231, - "content": "𬶐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63232, - "content": "빴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63233, - "content": "纖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63234, - "content": "𨱏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63235, - "content": "큏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63236, - "content": "癪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63237, - "content": "昺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63238, - "content": "쑐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63239, - "content": "깋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63240, - "content": "霅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63241, - "content": "蝦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63242, - "content": "떥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63243, - "content": "펳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63244, - "content": "䃅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63245, - "content": "砄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63246, - "content": "頼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63247, - "content": "蟊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63248, - "content": "퐞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63249, - "content": "鎏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63250, - "content": "唾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63251, - "content": "헨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63252, - "content": "튐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63253, - "content": "鍥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63254, - "content": "넱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63255, - "content": "뽊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63256, - "content": "뙡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63257, - "content": "堊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63258, - "content": "켜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63259, - "content": "侬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63260, - "content": "흢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63261, - "content": "癔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63262, - "content": "룫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63263, - "content": "傷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63264, - "content": "訏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63265, - "content": "펼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63266, - "content": "챳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63267, - "content": "멾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63268, - "content": "凭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63269, - "content": "玿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63270, - "content": "荮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63271, - "content": "쿢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63272, - "content": "遝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63273, - "content": "뇻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63274, - "content": "찦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63275, - "content": "쬥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63276, - "content": "둎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63277, - "content": "릪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63278, - "content": "严", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63279, - "content": "瘛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63280, - "content": "累", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63281, - "content": "쿑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63282, - "content": "翡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63283, - "content": "苧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63284, - "content": "럦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63285, - "content": "扫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63286, - "content": "뺎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63287, - "content": "캿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63288, - "content": "幻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63289, - "content": "짛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63290, - "content": "倩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63291, - "content": "裔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63292, - "content": "洺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63293, - "content": "녎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63294, - "content": "㠇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63295, - "content": "날", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63296, - "content": "٫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63297, - "content": "윅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63298, - "content": "脒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63299, - "content": "层", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63300, - "content": "樋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63301, - "content": "聯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63302, - "content": "ク", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63303, - "content": "悔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63304, - "content": "꺍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63305, - "content": "哺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63306, - "content": "颼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63307, - "content": "古", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63308, - "content": "ন", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63309, - "content": "嘖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63310, - "content": "횻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63311, - "content": "솾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63312, - "content": "跟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63313, - "content": "푉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63314, - "content": "륇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63315, - "content": "찷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63316, - "content": "倞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63317, - "content": "庱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63318, - "content": "릲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63319, - "content": "奧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63320, - "content": "俸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63321, - "content": "錮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63322, - "content": "켨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63323, - "content": "늻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63324, - "content": "찥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63325, - "content": "褰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63326, - "content": "呐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63327, - "content": "劃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63328, - "content": "둴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63329, - "content": "쾳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63330, - "content": "換", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63331, - "content": "泊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63332, - "content": "ঠ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63333, - "content": "뱧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63334, - "content": "눩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63335, - "content": "펋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63336, - "content": "쀮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63337, - "content": "击", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63338, - "content": "橇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63339, - "content": "文", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63340, - "content": "쑽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63341, - "content": "덡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63342, - "content": "쒅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63343, - "content": "斧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63344, - "content": "辌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63345, - "content": "얆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63346, - "content": "칡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63347, - "content": "蔑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63348, - "content": "쯰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63349, - "content": "쎠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63350, - "content": "좧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63351, - "content": "鍮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63352, - "content": "ํ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63353, - "content": "슰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63354, - "content": "짰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63355, - "content": "밧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63356, - "content": "뾧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63357, - "content": "ঘ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63358, - "content": "츦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63359, - "content": "莙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63360, - "content": "ネ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63361, - "content": "곔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63362, - "content": "淚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63363, - "content": "탆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63364, - "content": "苴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63365, - "content": "쇊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63366, - "content": "去", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63367, - "content": "닀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63368, - "content": "윢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63369, - "content": "嬛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63370, - "content": "栀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63371, - "content": "幺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63372, - "content": "섹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63373, - "content": "榭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63374, - "content": "鴻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63375, - "content": "吡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63376, - "content": "뱱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63377, - "content": "當", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63378, - "content": "桁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63379, - "content": "욈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63380, - "content": "藺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63381, - "content": "孩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63382, - "content": "쬷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63383, - "content": "盍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63384, - "content": "直", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63385, - "content": "쭦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63386, - "content": "鉄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63387, - "content": "এ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63388, - "content": "혓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63389, - "content": "婪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63390, - "content": "懣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63391, - "content": "仲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63392, - "content": "耪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63393, - "content": "혬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63394, - "content": "ષ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63395, - "content": "餒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63396, - "content": "冢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63397, - "content": "肉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63398, - "content": "칀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63399, - "content": "脏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63400, - "content": "۳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63401, - "content": "傈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63402, - "content": "棹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63403, - "content": "뱰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63404, - "content": "ট", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63405, - "content": "섥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63406, - "content": "룥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63407, - "content": "쀊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63408, - "content": "玷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63409, - "content": "禧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63410, - "content": "牖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63411, - "content": "胁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63412, - "content": "ŕ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63413, - "content": "偬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63414, - "content": "荖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63415, - "content": "푳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63416, - "content": "获", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63417, - "content": "瓖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63418, - "content": "斎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63419, - "content": "儳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63420, - "content": "쑂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63421, - "content": "뽪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63422, - "content": "钳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63423, - "content": "칑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63424, - "content": "逻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63425, - "content": "渓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63426, - "content": "Ё", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63427, - "content": "柿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63428, - "content": "쬪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63429, - "content": "詛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63430, - "content": "뇊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63431, - "content": "휀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63432, - "content": "쩢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63433, - "content": "哉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63434, - "content": "祇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63435, - "content": "弒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63436, - "content": "쯟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63437, - "content": "赙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63438, - "content": "扑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63439, - "content": "廋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63440, - "content": "纓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63441, - "content": "쬆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63442, - "content": "근", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63443, - "content": "鑤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63444, - "content": "뢏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63445, - "content": "鸣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63446, - "content": "퇷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63447, - "content": "룮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63448, - "content": "辀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63449, - "content": "졖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63450, - "content": "ؖ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63451, - "content": "퍍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63452, - "content": "镭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63453, - "content": "럛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63454, - "content": "𬶭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63455, - "content": "捆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63456, - "content": "暨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63457, - "content": "塱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63458, - "content": "鬏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63459, - "content": "贍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63460, - "content": "싂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63461, - "content": "뭕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63462, - "content": "述", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63463, - "content": "ង", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63464, - "content": "댊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63465, - "content": "틊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63466, - "content": "肝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63467, - "content": "콍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63468, - "content": "旐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63469, - "content": "셐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63470, - "content": "篓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63471, - "content": "匆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63472, - "content": "瘗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63473, - "content": "唿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63474, - "content": "츸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63475, - "content": "净", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63476, - "content": "隆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63477, - "content": "돬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63478, - "content": "冊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63479, - "content": "赖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63480, - "content": "跗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63481, - "content": "客", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63482, - "content": "鉚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63483, - "content": "쥿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63484, - "content": "뫂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63485, - "content": "ੳ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63486, - "content": "櫺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63487, - "content": "곺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63488, - "content": "栝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63489, - "content": "땝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63490, - "content": "筵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63491, - "content": "퇢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63492, - "content": "冼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63493, - "content": "玦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63494, - "content": "蔽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63495, - "content": "뾐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63496, - "content": "跱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63497, - "content": "쨡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63498, - "content": "怛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63499, - "content": "扮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63500, - "content": "魯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63501, - "content": "쫿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63502, - "content": "욽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63503, - "content": "砂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63504, - "content": "긃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63505, - "content": "擿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63506, - "content": "똡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63507, - "content": "쬜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63508, - "content": "௱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63509, - "content": "쨴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63510, - "content": "煃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63511, - "content": "効", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63512, - "content": "磁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63513, - "content": "잧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63514, - "content": "齟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63515, - "content": "쏂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63516, - "content": "钧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63517, - "content": "董", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63518, - "content": "合", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63519, - "content": "贈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63520, - "content": "컗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63521, - "content": "꾆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63522, - "content": "鯊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63523, - "content": "濛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63524, - "content": "턹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63525, - "content": "猾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63526, - "content": "꾱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63527, - "content": "矾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63528, - "content": "핸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63529, - "content": "帔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63530, - "content": "팁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63531, - "content": "퉿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63532, - "content": "凯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63533, - "content": "映", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63534, - "content": "퓌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63535, - "content": "黇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63536, - "content": "탖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63537, - "content": "瘆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63538, - "content": "퇅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63539, - "content": "꺆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63540, - "content": "듧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63541, - "content": "द", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63542, - "content": "춢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63543, - "content": "窨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63544, - "content": "잚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63545, - "content": "듋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63546, - "content": "纲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63547, - "content": "憚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63548, - "content": "虫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63549, - "content": "퇋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63550, - "content": "颌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63551, - "content": "฿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63552, - "content": "쏙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63553, - "content": "턘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63554, - "content": "럄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63555, - "content": "볎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63556, - "content": "뀇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63557, - "content": "퇃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63558, - "content": "솲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63559, - "content": "𫫇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63560, - "content": "먾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63561, - "content": "霍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63562, - "content": "매", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63563, - "content": "빂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63564, - "content": "脎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63565, - "content": "ૈ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63566, - "content": "콙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63567, - "content": "醛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63568, - "content": "끤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63569, - "content": "雨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63570, - "content": "둳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63571, - "content": "뇚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63572, - "content": "껟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63573, - "content": "뫋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63574, - "content": "ೄ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63575, - "content": "쑭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63576, - "content": "롽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63577, - "content": "햚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63578, - "content": "骃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63579, - "content": "钷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63580, - "content": "좯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63581, - "content": "烤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63582, - "content": "챴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63583, - "content": "뫥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63584, - "content": "쟂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63585, - "content": "푃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63586, - "content": "簰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63587, - "content": "饜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63588, - "content": "옩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63589, - "content": "ọ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63590, - "content": "띥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63591, - "content": "ഭ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63592, - "content": "厢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63593, - "content": "暌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63594, - "content": "ൿ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63595, - "content": "깫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63596, - "content": "쵢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63597, - "content": "飓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63598, - "content": "睥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63599, - "content": "切", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63600, - "content": "៎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63601, - "content": "쫖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63602, - "content": "흄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63603, - "content": "略", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63604, - "content": "ﻁ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63605, - "content": "퉮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63606, - "content": "捃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63607, - "content": "픖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63608, - "content": "퐵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63609, - "content": "킿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63610, - "content": "拾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63611, - "content": "纮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63612, - "content": "夢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63613, - "content": "铬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63614, - "content": "剷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63615, - "content": "곣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63616, - "content": "羕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63617, - "content": "Ỏ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63618, - "content": "쓆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63619, - "content": "旺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63620, - "content": "꾟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63621, - "content": "솉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63622, - "content": "ญ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63623, - "content": "궕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63624, - "content": "倘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63625, - "content": "揶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63626, - "content": "歹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63627, - "content": "吴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63628, - "content": "谅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63629, - "content": "흇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63630, - "content": "쪴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63631, - "content": "꼟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63632, - "content": "명", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63633, - "content": "ν", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63634, - "content": "챃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63635, - "content": "舭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63636, - "content": "쨒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63637, - "content": "袯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63638, - "content": "쇟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63639, - "content": "겦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63640, - "content": "惺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63641, - "content": "쵱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63642, - "content": "脖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63643, - "content": "鏗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63644, - "content": "长", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63645, - "content": "揭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63646, - "content": "ラ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63647, - "content": "彐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63648, - "content": "胼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63649, - "content": "௫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63650, - "content": "慷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63651, - "content": "뷺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63652, - "content": "缍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63653, - "content": "阻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63654, - "content": "版", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63655, - "content": "襄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63656, - "content": "튿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63657, - "content": "獷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63658, - "content": "啴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63659, - "content": "뮿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63660, - "content": "莳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63661, - "content": "и", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63662, - "content": "刊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63663, - "content": "袒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63664, - "content": "砌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63665, - "content": "꼶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63666, - "content": "숑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63667, - "content": "뇅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63668, - "content": "껆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63669, - "content": "廙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63670, - "content": "趔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63671, - "content": "摔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63672, - "content": "켃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63673, - "content": "瞼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63674, - "content": "큓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63675, - "content": "撫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63676, - "content": "勍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63677, - "content": "煽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63678, - "content": "槚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63679, - "content": "൦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63680, - "content": "얦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63681, - "content": "ឯ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63682, - "content": "过", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63683, - "content": "쬘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63684, - "content": "휩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63685, - "content": "풴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63686, - "content": "𫔎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63687, - "content": "僩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63688, - "content": "例", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63689, - "content": "棕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63690, - "content": "묿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63691, - "content": "짳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63692, - "content": "黨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63693, - "content": "쑩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63694, - "content": "쾨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63695, - "content": "丘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63696, - "content": "壇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63697, - "content": "쇯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63698, - "content": "杞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63699, - "content": "럆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63700, - "content": "诫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63701, - "content": "再", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63702, - "content": "펉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63703, - "content": "뎷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63704, - "content": "臢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63705, - "content": "叚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63706, - "content": "쉛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63707, - "content": "푰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63708, - "content": "堇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63709, - "content": "瑀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63710, - "content": "镞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63711, - "content": "텵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63712, - "content": "짃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63713, - "content": "秉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63714, - "content": "붹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63715, - "content": "篚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63716, - "content": "퓂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63717, - "content": "槨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63718, - "content": "墁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63719, - "content": "屆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63720, - "content": "琈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63721, - "content": "良", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63722, - "content": "菄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63723, - "content": "哕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63724, - "content": "蝮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63725, - "content": "薊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63726, - "content": "祯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63727, - "content": "촦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63728, - "content": "튮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63729, - "content": "큑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63730, - "content": "ひ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63731, - "content": "汀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63732, - "content": "톫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63733, - "content": "뜫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63734, - "content": "鲿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63735, - "content": "о", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63736, - "content": "飴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63737, - "content": "岈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63738, - "content": "뫠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63739, - "content": "郜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63740, - "content": "뜾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63741, - "content": "겐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63742, - "content": "당", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63743, - "content": "蝲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63744, - "content": "敬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63745, - "content": "섖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63746, - "content": "茫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63747, - "content": "績", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63748, - "content": "颇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63749, - "content": "韫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63750, - "content": "푘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63751, - "content": "튱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63752, - "content": "珞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63753, - "content": "固", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63754, - "content": "轮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63755, - "content": "葴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63756, - "content": "讒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63757, - "content": "혹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63758, - "content": "ㅏ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63759, - "content": "쉷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63760, - "content": "煓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63761, - "content": "쬼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63762, - "content": "ៀ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63763, - "content": "뿨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63764, - "content": "챮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63765, - "content": "馑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63766, - "content": "申", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63767, - "content": "召", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63768, - "content": "솺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63769, - "content": "认", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63770, - "content": "刿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63771, - "content": "뿌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63772, - "content": "쫅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63773, - "content": "灼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63774, - "content": "쿶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63775, - "content": "饫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63776, - "content": "掮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63777, - "content": "깘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63778, - "content": "祀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63779, - "content": "홱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63780, - "content": "횿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63781, - "content": "搖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63782, - "content": "ㅬ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63783, - "content": "蔬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63784, - "content": "谡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63785, - "content": "휴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63786, - "content": "츪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63787, - "content": "썬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63788, - "content": "掻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63789, - "content": "策", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63790, - "content": "钢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63791, - "content": "侴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63792, - "content": "舳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63793, - "content": "쐯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63794, - "content": "꽋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63795, - "content": "븃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63796, - "content": "娵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63797, - "content": "뚧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63798, - "content": "귽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63799, - "content": "표", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63800, - "content": "ఇ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63801, - "content": "먣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63802, - "content": "틝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63803, - "content": "섻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63804, - "content": "쿐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63805, - "content": "妘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63806, - "content": "섩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63807, - "content": "쁥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63808, - "content": "췱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63809, - "content": "训", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63810, - "content": "쀙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63811, - "content": "넌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63812, - "content": "ڎ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63813, - "content": "ぞ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63814, - "content": "懶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63815, - "content": "篤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63816, - "content": "춘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63817, - "content": "꾩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63818, - "content": "헧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63819, - "content": "铤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63820, - "content": "럎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63821, - "content": "榈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63822, - "content": "촣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63823, - "content": "뢧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63824, - "content": "↓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63825, - "content": "并", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63826, - "content": "朋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63827, - "content": "켑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63828, - "content": "𬶨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63829, - "content": "뼻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63830, - "content": "岀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63831, - "content": "욶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63832, - "content": "뗓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63833, - "content": "쇆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63834, - "content": "拼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63835, - "content": "룤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63836, - "content": "锃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63837, - "content": "厥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63838, - "content": "쌂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63839, - "content": "뭖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63840, - "content": "뗲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63841, - "content": "퀨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63842, - "content": "親", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63843, - "content": "텓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63844, - "content": "츶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63845, - "content": "昳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63846, - "content": "쥌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63847, - "content": "풁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63848, - "content": "좜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63849, - "content": "썂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63850, - "content": "븋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63851, - "content": "瑳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63852, - "content": "骰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63853, - "content": "ទ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63854, - "content": "ݫ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63855, - "content": "蔫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63856, - "content": "멢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63857, - "content": "祓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63858, - "content": "掉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63859, - "content": "巻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63860, - "content": "惹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63861, - "content": "곝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63862, - "content": "鱉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63863, - "content": "덧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63864, - "content": "틁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63865, - "content": "啷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63866, - "content": "쎍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63867, - "content": "묒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63868, - "content": "൯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63869, - "content": "哙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63870, - "content": "펚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63871, - "content": "巖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63872, - "content": "遁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63873, - "content": "茅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63874, - "content": "쭪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63875, - "content": "碉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63876, - "content": "馬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63877, - "content": "輊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63878, - "content": "慼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63879, - "content": "犯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63880, - "content": "Ꚗ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63881, - "content": "白", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63882, - "content": "梃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63883, - "content": "뵒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63884, - "content": "盏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63885, - "content": "쮷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63886, - "content": "퓳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63887, - "content": "믽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63888, - "content": "參", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63889, - "content": "볖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63890, - "content": "叵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63891, - "content": "澦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63892, - "content": "틾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63893, - "content": "뚙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63894, - "content": "쵏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63895, - "content": "볼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63896, - "content": "웛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63897, - "content": "溴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63898, - "content": "哋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63899, - "content": "껠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63900, - "content": "뫪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63901, - "content": "飒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63902, - "content": "౼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63903, - "content": "퇒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63904, - "content": "쳏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63905, - "content": "탛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63906, - "content": "쾧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63907, - "content": "篇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63908, - "content": "俾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63909, - "content": "罔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63910, - "content": "륳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63911, - "content": "恛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63912, - "content": "똲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63913, - "content": "醣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63914, - "content": "気", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63915, - "content": "儂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63916, - "content": "꺕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63917, - "content": "莉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63918, - "content": "狰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63919, - "content": "됛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63920, - "content": "ശ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63921, - "content": "떷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63922, - "content": "酚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63923, - "content": "굲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63924, - "content": "宽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63925, - "content": "뤼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63926, - "content": "휨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63927, - "content": "ヤ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63928, - "content": "뢺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63929, - "content": "膻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63930, - "content": "쭐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63931, - "content": "뀰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63932, - "content": "穌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63933, - "content": "耐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63934, - "content": "滩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63935, - "content": "深", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63936, - "content": "왽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63937, - "content": "स", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63938, - "content": "탴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63939, - "content": "拶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63940, - "content": "扇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63941, - "content": "贺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63942, - "content": "㟃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63943, - "content": "셵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63944, - "content": "偁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63945, - "content": "뮓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63946, - "content": "サ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63947, - "content": "컋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63948, - "content": "눢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63949, - "content": "嗨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63950, - "content": "낧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63951, - "content": "耖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63952, - "content": "榕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63953, - "content": "튇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63954, - "content": "쌗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63955, - "content": "퓼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63956, - "content": "굣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63957, - "content": "纸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63958, - "content": "꾶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63959, - "content": "틩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63960, - "content": "鄒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63961, - "content": "妣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63962, - "content": "닺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63963, - "content": "氦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63964, - "content": "핉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63965, - "content": "ッ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63966, - "content": "훚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63967, - "content": "咝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63968, - "content": "馳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63969, - "content": "츫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63970, - "content": "헎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63971, - "content": "걥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63972, - "content": "一", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63973, - "content": "뀪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63974, - "content": "춈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63975, - "content": "놗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63976, - "content": "륪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63977, - "content": "婻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63978, - "content": "峂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63979, - "content": "损", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63980, - "content": "氲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63981, - "content": "斓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63982, - "content": "搵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63983, - "content": "憩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63984, - "content": "𫗧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63985, - "content": "ݒ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63986, - "content": "옏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63987, - "content": "氚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63988, - "content": "濃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63989, - "content": "꾮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63990, - "content": "検", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63991, - "content": "ಎ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63992, - "content": "둩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63993, - "content": "비", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63994, - "content": "힞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63995, - "content": "쥠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63996, - "content": "뚂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63997, - "content": "𦝼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63998, - "content": "聶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 63999, - "content": "굢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64000, - "content": "鉍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64001, - "content": "阐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64002, - "content": "퀻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64003, - "content": "쮰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64004, - "content": "뮬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64005, - "content": "枯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64006, - "content": "腆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64007, - "content": "뻢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64008, - "content": "緬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64009, - "content": "훕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64010, - "content": "採", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64011, - "content": "껄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64012, - "content": "쓤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64013, - "content": "梂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64014, - "content": "瘁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64015, - "content": "쨧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64016, - "content": "쬦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64017, - "content": "掃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64018, - "content": "돦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64019, - "content": "픺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64020, - "content": "셲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64021, - "content": "ೌ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64022, - "content": "뾂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64023, - "content": "′", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64024, - "content": "𫔶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64025, - "content": "𣲗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64026, - "content": "羲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64027, - "content": "빏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64028, - "content": "딂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64029, - "content": "醒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64030, - "content": "猃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64031, - "content": "瘊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64032, - "content": "打", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64033, - "content": "콿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64034, - "content": "躇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64035, - "content": "腎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64036, - "content": "쇲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64037, - "content": "鉸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64038, - "content": "歼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64039, - "content": "쮤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64040, - "content": "窳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64041, - "content": "颶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64042, - "content": "妥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64043, - "content": "呖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64044, - "content": "氡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64045, - "content": "싓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64046, - "content": "湫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64047, - "content": "泌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64048, - "content": "롋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64049, - "content": "拥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64050, - "content": "겘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64051, - "content": "뫑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64052, - "content": "訣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64053, - "content": "许", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64054, - "content": "٭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64055, - "content": "뒶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64056, - "content": "科", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64057, - "content": "鑑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64058, - "content": "孛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64059, - "content": "薹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64060, - "content": "약", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64061, - "content": "觃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64062, - "content": "쯾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64063, - "content": "뷎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64064, - "content": "쫤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64065, - "content": "ి", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64066, - "content": "졹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64067, - "content": "隧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64068, - "content": "贿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64069, - "content": "艎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64070, - "content": "떸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64071, - "content": "蒇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64072, - "content": "閒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64073, - "content": "곶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64074, - "content": "믫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64075, - "content": "䝙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64076, - "content": "밿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64077, - "content": "죁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64078, - "content": "ݬ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64079, - "content": "豚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64080, - "content": "祺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64081, - "content": "찱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64082, - "content": "맅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64083, - "content": "艦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64084, - "content": "뼓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64085, - "content": "뼰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64086, - "content": "녘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64087, - "content": "쟌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64088, - "content": "睪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64089, - "content": "纶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64090, - "content": "鲇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64091, - "content": "遜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64092, - "content": "똓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64093, - "content": "粟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64094, - "content": "쨺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64095, - "content": "爝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64096, - "content": "循", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64097, - "content": "픒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64098, - "content": "摺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64099, - "content": "꾿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64100, - "content": "졨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64101, - "content": "쏯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64102, - "content": "될", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64103, - "content": "챎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64104, - "content": "琥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64105, - "content": "蛃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64106, - "content": "띴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64107, - "content": "杙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64108, - "content": "빳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64109, - "content": "萵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64110, - "content": "쇢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64111, - "content": "놞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64112, - "content": "몆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64113, - "content": "訛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64114, - "content": "됝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64115, - "content": "쏳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64116, - "content": "쎋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64117, - "content": "멳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64118, - "content": "撲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64119, - "content": "軼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64120, - "content": "玠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64121, - "content": "葩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64122, - "content": "婕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64123, - "content": "묦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64124, - "content": "엜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64125, - "content": "뛼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64126, - "content": "왫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64127, - "content": "崭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64128, - "content": "股", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64129, - "content": "𬇹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64130, - "content": "걨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64131, - "content": "뢃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64132, - "content": "딌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64133, - "content": "쉪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64134, - "content": "뛛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64135, - "content": "잓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64136, - "content": "墺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64137, - "content": "册", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64138, - "content": "舣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64139, - "content": "헿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64140, - "content": "덅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64141, - "content": "쀴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64142, - "content": "옕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64143, - "content": "骶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64144, - "content": "嬅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64145, - "content": "겞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64146, - "content": "渇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64147, - "content": "쓼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64148, - "content": "쌫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64149, - "content": "풧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64150, - "content": "뾖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64151, - "content": "ہ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64152, - "content": "쬊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64153, - "content": "轶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64154, - "content": "픂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64155, - "content": "ặ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64156, - "content": "ㅢ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64157, - "content": "奄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64158, - "content": "뻮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64159, - "content": "풀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64160, - "content": "取", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64161, - "content": "ม", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64162, - "content": "ョ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64163, - "content": "겝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64164, - "content": "菴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64165, - "content": "雅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64166, - "content": "る", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64167, - "content": "缕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64168, - "content": "욉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64169, - "content": "턂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64170, - "content": "柈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64171, - "content": "蔔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64172, - "content": "탿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64173, - "content": "撻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64174, - "content": "转", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64175, - "content": "沢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64176, - "content": "縵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64177, - "content": "팢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64178, - "content": "걻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64179, - "content": "풻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64180, - "content": "鉾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64181, - "content": "擗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64182, - "content": "뷦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64183, - "content": "뤷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64184, - "content": "誶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64185, - "content": "腻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64186, - "content": "锜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64187, - "content": "쐞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64188, - "content": "う", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64189, - "content": "쥚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64190, - "content": "冑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64191, - "content": "伏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64192, - "content": "욞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64193, - "content": "迭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64194, - "content": "穜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64195, - "content": "鲏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64196, - "content": "불", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64197, - "content": "縠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64198, - "content": "髖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64199, - "content": "幂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64200, - "content": "閨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64201, - "content": "ឤ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64202, - "content": "흕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64203, - "content": "뽝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64204, - "content": "젞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64205, - "content": "붴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64206, - "content": "発", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64207, - "content": "咐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64208, - "content": "勘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64209, - "content": "莺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64210, - "content": "멙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64211, - "content": "ऽ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64212, - "content": "拧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64213, - "content": "齪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64214, - "content": "垓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64215, - "content": "៚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64216, - "content": "떝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64217, - "content": "嗳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64218, - "content": "婦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64219, - "content": "捻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64220, - "content": "傳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64221, - "content": "곷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64222, - "content": "뻃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64223, - "content": "旴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64224, - "content": "췩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64225, - "content": "欐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64226, - "content": "젾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64227, - "content": "充", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64228, - "content": "舠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64229, - "content": "緖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64230, - "content": "百", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64231, - "content": "뤜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64232, - "content": "砹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64233, - "content": "환", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64234, - "content": "릑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64235, - "content": "伪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64236, - "content": "壩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64237, - "content": "팹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64238, - "content": "鹕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64239, - "content": "ៜ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64240, - "content": "撓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64241, - "content": "혭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64242, - "content": "菼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64243, - "content": "า", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64244, - "content": "猿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64245, - "content": "췚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64246, - "content": "萇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64247, - "content": "载", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64248, - "content": "뀓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64249, - "content": "盐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64250, - "content": "턧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64251, - "content": "묬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64252, - "content": "풣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64253, - "content": "惕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64254, - "content": "掴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64255, - "content": "쎉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64256, - "content": "띄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64257, - "content": "뱥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64258, - "content": "𫓹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64259, - "content": "矯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64260, - "content": "쟶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64261, - "content": "츍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64262, - "content": "캎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64263, - "content": "랑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64264, - "content": "쑍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64265, - "content": "蟪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64266, - "content": "盃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64267, - "content": "敷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64268, - "content": "垟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64269, - "content": "맾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64270, - "content": "빑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64271, - "content": "뱌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64272, - "content": "꿫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64273, - "content": "츔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64274, - "content": "墓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64275, - "content": "뙲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64276, - "content": "帅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64277, - "content": "귦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64278, - "content": "੧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64279, - "content": "슯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64280, - "content": "갢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64281, - "content": "ನ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64282, - "content": "먨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64283, - "content": "릠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64284, - "content": "맀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64285, - "content": "嚯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64286, - "content": "葬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64287, - "content": "李", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64288, - "content": "뙼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64289, - "content": "댦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64290, - "content": "礞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64291, - "content": "囚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64292, - "content": "锄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64293, - "content": "慄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64294, - "content": "霧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64295, - "content": "谓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64296, - "content": "近", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64297, - "content": "틣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64298, - "content": "붫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64299, - "content": "앂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64300, - "content": "턤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64301, - "content": "嫣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64302, - "content": "꼯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64303, - "content": "똴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64304, - "content": "艏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64305, - "content": "Ә", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64306, - "content": "厣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64307, - "content": "쿨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64308, - "content": "댽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64309, - "content": "州", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64310, - "content": "蚴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64311, - "content": "鍵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64312, - "content": "콷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64313, - "content": "甕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64314, - "content": "핼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64315, - "content": "ㅴ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64316, - "content": "쾴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64317, - "content": "봓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64318, - "content": "텡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64319, - "content": "씵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64320, - "content": "럑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64321, - "content": "궐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64322, - "content": "蝤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64323, - "content": "솆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64324, - "content": "웬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64325, - "content": "铨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64326, - "content": "鐸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64327, - "content": "걓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64328, - "content": "캕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64329, - "content": "훮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64330, - "content": "鲨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64331, - "content": "确", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64332, - "content": "펴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64333, - "content": "셭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64334, - "content": "ោ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64335, - "content": "담", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64336, - "content": "驼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64337, - "content": "૫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64338, - "content": "蹯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64339, - "content": "徉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64340, - "content": "矗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64341, - "content": "줥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64342, - "content": "麖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64343, - "content": "앋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64344, - "content": "迎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64345, - "content": "ت", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64346, - "content": "虹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64347, - "content": "홹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64348, - "content": "褫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64349, - "content": "𬘡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64350, - "content": "춍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64351, - "content": "礱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64352, - "content": "앗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64353, - "content": "ก", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64354, - "content": "昝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64355, - "content": "볩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64356, - "content": "묆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64357, - "content": "જ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64358, - "content": "蕭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64359, - "content": "튈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64360, - "content": "圙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64361, - "content": "嗵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64362, - "content": "밷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64363, - "content": "畔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64364, - "content": "갣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64365, - "content": "蛆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64366, - "content": "愠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64367, - "content": "쮹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64368, - "content": "嶔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64369, - "content": "뛓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64370, - "content": "퍋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64371, - "content": "댻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64372, - "content": "璱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64373, - "content": "뻺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64374, - "content": "敲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64375, - "content": "쁉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64376, - "content": "쳌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64377, - "content": "幼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64378, - "content": "𫄧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64379, - "content": "腐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64380, - "content": "互", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64381, - "content": "떧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64382, - "content": "痓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64383, - "content": "뿙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64384, - "content": "瑷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64385, - "content": "究", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64386, - "content": "沁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64387, - "content": "葱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64388, - "content": "뙍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64389, - "content": "룵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64390, - "content": "荫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64391, - "content": "罠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64392, - "content": "片", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64393, - "content": "畈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64394, - "content": "溽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64395, - "content": "藤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64396, - "content": "涂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64397, - "content": "눣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64398, - "content": "쯐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64399, - "content": "耧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64400, - "content": "푒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64401, - "content": "핞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64402, - "content": "쿽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64403, - "content": "時", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64404, - "content": "撐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64405, - "content": "럂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64406, - "content": "鋸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64407, - "content": "뎧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64408, - "content": "픰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64409, - "content": "怖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64410, - "content": "돋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64411, - "content": "윐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64412, - "content": "蒙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64413, - "content": "컔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64414, - "content": "촞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64415, - "content": "햲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64416, - "content": "坶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64417, - "content": "뿆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64418, - "content": "뺅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64419, - "content": "왂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64420, - "content": "뗱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64421, - "content": "롎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64422, - "content": "ۢ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64423, - "content": "헬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64424, - "content": "咔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64425, - "content": "욁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64426, - "content": "뫽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64427, - "content": "圻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64428, - "content": "펽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64429, - "content": "ả", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64430, - "content": "淟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64431, - "content": "붗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64432, - "content": "颢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64433, - "content": "흭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64434, - "content": "芬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64435, - "content": "㶲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64436, - "content": "冤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64437, - "content": "횩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64438, - "content": "긵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64439, - "content": "祏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64440, - "content": "菂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64441, - "content": "뭳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64442, - "content": "긓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64443, - "content": "퐥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64444, - "content": "≡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64445, - "content": "𨱔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64446, - "content": "놲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64447, - "content": "效", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64448, - "content": "쳥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64449, - "content": "ਠ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64450, - "content": "宫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64451, - "content": "ऒ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64452, - "content": "볒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64453, - "content": "饼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64454, - "content": "ಐ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64455, - "content": "쑬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64456, - "content": "汇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64457, - "content": "※", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64458, - "content": "밍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64459, - "content": "顯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64460, - "content": "윏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64461, - "content": "쪾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64462, - "content": "쯵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64463, - "content": "洘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64464, - "content": "抿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64465, - "content": "獒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64466, - "content": "露", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64467, - "content": "쒴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64468, - "content": "돳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64469, - "content": "땻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64470, - "content": "想", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64471, - "content": "뿧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64472, - "content": "훿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64473, - "content": "呎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64474, - "content": "뿵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64475, - "content": "儇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64476, - "content": "٧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64477, - "content": "뛋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64478, - "content": "횏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64479, - "content": "빻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64480, - "content": "초", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64481, - "content": "꿙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64482, - "content": "늼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64483, - "content": "ษ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64484, - "content": "뙮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64485, - "content": "쫄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64486, - "content": "掙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64487, - "content": "턳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64488, - "content": "둤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64489, - "content": "휹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64490, - "content": "커", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64491, - "content": "脹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64492, - "content": "糍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64493, - "content": "歯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64494, - "content": "氫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64495, - "content": "禊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64496, - "content": "锹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64497, - "content": "쑒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64498, - "content": "針", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64499, - "content": "꺈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64500, - "content": "톘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64501, - "content": "貽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64502, - "content": "픳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64503, - "content": "뇿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64504, - "content": "렖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64505, - "content": "往", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64506, - "content": "绞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64507, - "content": "됒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64508, - "content": "턙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64509, - "content": "醫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64510, - "content": "昙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64511, - "content": "榃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64512, - "content": "彝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64513, - "content": "벵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64514, - "content": "萃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64515, - "content": "릆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64516, - "content": "뼍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64517, - "content": "脘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64518, - "content": "煟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64519, - "content": "몢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64520, - "content": "楯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64521, - "content": "经", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64522, - "content": "۪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64523, - "content": "떜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64524, - "content": "噻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64525, - "content": "똇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64526, - "content": "看", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64527, - "content": "眈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64528, - "content": "쏬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64529, - "content": "八", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64530, - "content": "뾓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64531, - "content": "ఽ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64532, - "content": "裒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64533, - "content": "퉏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64534, - "content": "崇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64535, - "content": "몙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64536, - "content": "륓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64537, - "content": "즌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64538, - "content": "첗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64539, - "content": "쪌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64540, - "content": "凿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64541, - "content": "泯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64542, - "content": "츬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64543, - "content": "꼹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64544, - "content": "룀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64545, - "content": "룼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64546, - "content": "휈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64547, - "content": "쇪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64548, - "content": "酉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64549, - "content": "꼲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64550, - "content": "쨏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64551, - "content": "本", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64552, - "content": "쁧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64553, - "content": "騫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64554, - "content": "亍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64555, - "content": "獣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64556, - "content": "겼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64557, - "content": "썠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64558, - "content": "ឨ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64559, - "content": "뷓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64560, - "content": "粢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64561, - "content": "뾠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64562, - "content": "쾛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64563, - "content": "뮈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64564, - "content": "篌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64565, - "content": "谔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64566, - "content": "蒜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64567, - "content": "쒛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64568, - "content": "뵭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64569, - "content": "૨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64570, - "content": "边", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64571, - "content": "흘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64572, - "content": "ช", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64573, - "content": "黢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64574, - "content": "쨍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64575, - "content": "뻸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64576, - "content": "鲊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64577, - "content": "뮏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64578, - "content": "쎦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64579, - "content": "흾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64580, - "content": "砘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64581, - "content": "铛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64582, - "content": "淵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64583, - "content": "姦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64584, - "content": "奥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64585, - "content": "쭏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64586, - "content": "艳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64587, - "content": "빆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64588, - "content": "鵲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64589, - "content": "ឞ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64590, - "content": "狐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64591, - "content": "覗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64592, - "content": "땄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64593, - "content": "좷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64594, - "content": "蘼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64595, - "content": "홪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64596, - "content": "똆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64597, - "content": "멑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64598, - "content": "쉃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64599, - "content": "ಕ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64600, - "content": "踵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64601, - "content": "뺿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64602, - "content": "꺱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64603, - "content": "曰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64604, - "content": "ς", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64605, - "content": "뱒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64606, - "content": "믩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64607, - "content": "嵁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64608, - "content": "๎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64609, - "content": "샗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64610, - "content": "쮘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64611, - "content": "甄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64612, - "content": "뭵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64613, - "content": "톗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64614, - "content": "뷫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64615, - "content": "飏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64616, - "content": "攘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64617, - "content": "녳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64618, - "content": "삇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64619, - "content": "휲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64620, - "content": "뫟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64621, - "content": "彗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64622, - "content": "쌎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64623, - "content": "ٙ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64624, - "content": "沨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64625, - "content": "对", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64626, - "content": "纤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64627, - "content": "𫸩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64628, - "content": "៸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64629, - "content": "쀓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64630, - "content": "适", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64631, - "content": "놾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64632, - "content": "ۀ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64633, - "content": "骇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64634, - "content": "슑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64635, - "content": "웪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64636, - "content": "줡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64637, - "content": "蠟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64638, - "content": "阱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64639, - "content": "㬎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64640, - "content": "௷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64641, - "content": "伊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64642, - "content": "괮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64643, - "content": "뎿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64644, - "content": "晟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64645, - "content": "춹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64646, - "content": "ڠ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64647, - "content": "提", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64648, - "content": "喚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64649, - "content": "튝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64650, - "content": "躙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64651, - "content": "찹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64652, - "content": "퉂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64653, - "content": "웃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64654, - "content": "왓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64655, - "content": "권", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64656, - "content": "쯋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64657, - "content": "ㅇ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64658, - "content": "和", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64659, - "content": "칖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64660, - "content": "힀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64661, - "content": "囔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64662, - "content": "批", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64663, - "content": "룐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64664, - "content": "캜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64665, - "content": "홲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64666, - "content": "แ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64667, - "content": "횁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64668, - "content": "툱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64669, - "content": "굄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64670, - "content": "澱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64671, - "content": "揸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64672, - "content": "찻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64673, - "content": "싃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64674, - "content": "纷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64675, - "content": "ഹ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64676, - "content": "첝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64677, - "content": "캯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64678, - "content": "迈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64679, - "content": "흯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64680, - "content": "ゅ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64681, - "content": "癘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64682, - "content": "桔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64683, - "content": "榮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64684, - "content": "븽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64685, - "content": "닦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64686, - "content": "殘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64687, - "content": "氣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64688, - "content": "갑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64689, - "content": "늀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64690, - "content": "쬵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64691, - "content": "퇆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64692, - "content": "θ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64693, - "content": "ņ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64694, - "content": "士", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64695, - "content": "쉓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64696, - "content": "보", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64697, - "content": "곡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64698, - "content": "茶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64699, - "content": "ۦ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64700, - "content": "𬘭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64701, - "content": "舗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64702, - "content": "姶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64703, - "content": "回", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64704, - "content": "밐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64705, - "content": "렭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64706, - "content": "寥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64707, - "content": "溧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64708, - "content": "跚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64709, - "content": "랺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64710, - "content": "앥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64711, - "content": "Ъ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64712, - "content": "ஂ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64713, - "content": "궦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64714, - "content": "쪵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64715, - "content": "뱙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64716, - "content": "ฝ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64717, - "content": "뭇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64718, - "content": "唄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64719, - "content": "佺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64720, - "content": "皖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64721, - "content": "咡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64722, - "content": "줆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64723, - "content": "쑘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64724, - "content": "횡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64725, - "content": "谿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64726, - "content": "뉳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64727, - "content": "꾾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64728, - "content": "듈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64729, - "content": "苘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64730, - "content": "티", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64731, - "content": "읐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64732, - "content": "뫤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64733, - "content": "갰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64734, - "content": "枣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64735, - "content": "푴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64736, - "content": "憭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64737, - "content": "શ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64738, - "content": "郵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64739, - "content": "랇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64740, - "content": "챡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64741, - "content": "亊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64742, - "content": "랳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64743, - "content": "즕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64744, - "content": "벿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64745, - "content": "끌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64746, - "content": "乒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64747, - "content": "貢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64748, - "content": "骁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64749, - "content": "Һ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64750, - "content": "괛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64751, - "content": "쿅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64752, - "content": "隣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64753, - "content": "鳀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64754, - "content": "듐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64755, - "content": "쉧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64756, - "content": "릍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64757, - "content": "鼴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64758, - "content": "쿰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64759, - "content": "绵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64760, - "content": "뷮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64761, - "content": "啭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64762, - "content": "镟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64763, - "content": "뛨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64764, - "content": "許", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64765, - "content": "荔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64766, - "content": "댃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64767, - "content": "؛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64768, - "content": "굕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64769, - "content": "샬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64770, - "content": "餽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64771, - "content": "兢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64772, - "content": "訪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64773, - "content": "盔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64774, - "content": "툐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64775, - "content": "械", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64776, - "content": "嵗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64777, - "content": "摧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64778, - "content": "ぃ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64779, - "content": "祖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64780, - "content": "톺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64781, - "content": "閥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64782, - "content": "疠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64783, - "content": "쁈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64784, - "content": "俺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64785, - "content": "츥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64786, - "content": "棗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64787, - "content": "쏕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64788, - "content": "々", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64789, - "content": "轪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64790, - "content": "렐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64791, - "content": "琚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64792, - "content": "흫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64793, - "content": "塥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64794, - "content": "媱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64795, - "content": "餌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64796, - "content": "潆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64797, - "content": "뷢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64798, - "content": "ऑ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64799, - "content": "돯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64800, - "content": "檎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64801, - "content": "빖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64802, - "content": "ឍ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64803, - "content": "钗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64804, - "content": "얚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64805, - "content": "녞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64806, - "content": "궣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64807, - "content": "흜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64808, - "content": "鳑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64809, - "content": "௦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64810, - "content": "纻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64811, - "content": "ഊ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64812, - "content": "짿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64813, - "content": "鯧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64814, - "content": "侑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64815, - "content": "끾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64816, - "content": "볞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64817, - "content": "삂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64818, - "content": "놢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64819, - "content": "饬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64820, - "content": "舎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64821, - "content": "閱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64822, - "content": "浬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64823, - "content": "주", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64824, - "content": "貞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64825, - "content": "됾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64826, - "content": "౦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64827, - "content": "죀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64828, - "content": "뀎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64829, - "content": "릷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64830, - "content": "툄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64831, - "content": "롴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64832, - "content": "暧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64833, - "content": "醐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64834, - "content": "뫅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64835, - "content": "睐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64836, - "content": "勗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64837, - "content": "痳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64838, - "content": "戛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64839, - "content": "樓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64840, - "content": "챠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64841, - "content": "엾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64842, - "content": "뗝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64843, - "content": "쓟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64844, - "content": "賣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64845, - "content": "泪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64846, - "content": "殃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64847, - "content": "昉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64848, - "content": "ధ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64849, - "content": "믗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64850, - "content": "จ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64851, - "content": "守", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64852, - "content": "ボ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64853, - "content": "쾷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64854, - "content": "囿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64855, - "content": "쩐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64856, - "content": "琔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64857, - "content": "탚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64858, - "content": "祚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64859, - "content": "옂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64860, - "content": "쟏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64861, - "content": "ㅟ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64862, - "content": "붋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64863, - "content": "숳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64864, - "content": "尤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64865, - "content": "켆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64866, - "content": "힙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64867, - "content": "廻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64868, - "content": "ё", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64869, - "content": "鰾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64870, - "content": "뢤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64871, - "content": "챑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64872, - "content": "須", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64873, - "content": "姬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64874, - "content": "뻽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64875, - "content": "걳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64876, - "content": "漋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64877, - "content": "炝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64878, - "content": "𬣳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64879, - "content": "쒏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64880, - "content": "欲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64881, - "content": "볇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64882, - "content": "ڬ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64883, - "content": "关", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64884, - "content": "鲌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64885, - "content": "詢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64886, - "content": "薨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64887, - "content": "呵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64888, - "content": "띀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64889, - "content": "郢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64890, - "content": "퓴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64891, - "content": "젉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64892, - "content": "텿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64893, - "content": "兆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64894, - "content": "魏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64895, - "content": "였", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64896, - "content": "泇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64897, - "content": "풾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64898, - "content": "嘬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64899, - "content": "嚏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64900, - "content": "듳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64901, - "content": "샨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64902, - "content": "탹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64903, - "content": "淠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64904, - "content": "뒽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64905, - "content": "쓸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64906, - "content": "像", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64907, - "content": "칩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64908, - "content": "ټ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64909, - "content": "랦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64910, - "content": "繋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64911, - "content": "똊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64912, - "content": "욯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64913, - "content": "悖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64914, - "content": "૦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64915, - "content": "떱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64916, - "content": "蒌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64917, - "content": "빾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64918, - "content": "૭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64919, - "content": "늢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64920, - "content": "횰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64921, - "content": "녈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64922, - "content": "씈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64923, - "content": "懇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64924, - "content": "鈉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64925, - "content": "퍜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64926, - "content": "醇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64927, - "content": "蛹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64928, - "content": "흺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64929, - "content": "넉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64930, - "content": "껶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64931, - "content": "궥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64932, - "content": "瑗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64933, - "content": "앜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64934, - "content": "툡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64935, - "content": "各", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64936, - "content": "掀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64937, - "content": "煅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64938, - "content": "緊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64939, - "content": "룁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64940, - "content": "얭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64941, - "content": "빈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64942, - "content": "콴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64943, - "content": "ഡ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64944, - "content": "隙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64945, - "content": "详", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64946, - "content": "뫫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64947, - "content": "끆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64948, - "content": "醌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64949, - "content": "퍂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64950, - "content": "몴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64951, - "content": "𫢸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64952, - "content": "榖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64953, - "content": "尸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64954, - "content": "챶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64955, - "content": "澡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64956, - "content": "휽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64957, - "content": "崧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64958, - "content": "傣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64959, - "content": "ㅨ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64960, - "content": "봢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64961, - "content": "蝰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64962, - "content": "郪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64963, - "content": "哢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64964, - "content": "콜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64965, - "content": "珍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64966, - "content": "턒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64967, - "content": "阊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64968, - "content": "랎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64969, - "content": "؂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64970, - "content": "퐧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64971, - "content": "팎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64972, - "content": "磴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64973, - "content": "ㅎ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64974, - "content": "똏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64975, - "content": "麓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64976, - "content": "タ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64977, - "content": "곎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64978, - "content": "췕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64979, - "content": "ゾ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64980, - "content": "갧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64981, - "content": "ङ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64982, - "content": "䲠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64983, - "content": "雒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64984, - "content": "㎏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64985, - "content": "妨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64986, - "content": "亵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64987, - "content": "翰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64988, - "content": "켬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64989, - "content": "膝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64990, - "content": "枉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64991, - "content": "谛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64992, - "content": "ผ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64993, - "content": "쌽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64994, - "content": "詈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64995, - "content": "뻔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64996, - "content": "씏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64997, - "content": "핕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64998, - "content": "븞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 64999, - "content": "镢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65000, - "content": "昌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65001, - "content": "驃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65002, - "content": "સ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65003, - "content": "ほ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65004, - "content": "蓦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65005, - "content": "퇀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65006, - "content": "잿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65007, - "content": "龐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65008, - "content": "읃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65009, - "content": "씜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65010, - "content": "뵾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65011, - "content": "뺩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65012, - "content": "稂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65013, - "content": "𬍛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65014, - "content": "얊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65015, - "content": "佝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65016, - "content": "吲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65017, - "content": "馁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65018, - "content": "饿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65019, - "content": "Ū", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65020, - "content": "拤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65021, - "content": "兗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65022, - "content": "랲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65023, - "content": "뀽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65024, - "content": "뛷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65025, - "content": "뿮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65026, - "content": "凧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65027, - "content": "쎹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65028, - "content": "簾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65029, - "content": "笾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65030, - "content": "뻝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65031, - "content": "夙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65032, - "content": "켙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65033, - "content": "贯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65034, - "content": "봎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65035, - "content": "勚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65036, - "content": "挝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65037, - "content": "訊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65038, - "content": "滠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65039, - "content": "凍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65040, - "content": "攮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65041, - "content": "铞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65042, - "content": "笋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65043, - "content": "焐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65044, - "content": "卫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65045, - "content": "உ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65046, - "content": "뽺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65047, - "content": "๕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65048, - "content": "쩿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65049, - "content": "돻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65050, - "content": "쒣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65051, - "content": "넇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65052, - "content": "甜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65053, - "content": "杂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65054, - "content": "댡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65055, - "content": "퐡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65056, - "content": "勒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65057, - "content": "ٍ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65058, - "content": "ૂ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65059, - "content": "쑅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65060, - "content": "е", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65061, - "content": "끁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65062, - "content": "햁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65063, - "content": "আ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65064, - "content": "촕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65065, - "content": "ಞ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65066, - "content": "桀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65067, - "content": "릴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65068, - "content": "눖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65069, - "content": "쀐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65070, - "content": "檐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65071, - "content": "뱃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65072, - "content": "ਜ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65073, - "content": "檸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65074, - "content": "촜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65075, - "content": "ロ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65076, - "content": "풥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65077, - "content": "쮈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65078, - "content": "턺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65079, - "content": "捕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65080, - "content": "١", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65081, - "content": "촹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65082, - "content": "뼮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65083, - "content": "谶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65084, - "content": "녣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65085, - "content": "眍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65086, - "content": "푵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65087, - "content": "ノ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65088, - "content": "な", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65089, - "content": "홄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65090, - "content": "囹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65091, - "content": "쥳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65092, - "content": "쫵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65093, - "content": "㈯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65094, - "content": "禪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65095, - "content": "칲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65096, - "content": "澤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65097, - "content": "潸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65098, - "content": "嫜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65099, - "content": "횷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65100, - "content": "꼑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65101, - "content": "瑖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65102, - "content": "楪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65103, - "content": "홞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65104, - "content": "漢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65105, - "content": "뫇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65106, - "content": "잻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65107, - "content": "뺃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65108, - "content": "撳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65109, - "content": "갺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65110, - "content": "镋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65111, - "content": "衮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65112, - "content": "뤭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65113, - "content": "뜦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65114, - "content": "힢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65115, - "content": "탨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65116, - "content": "짹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65117, - "content": "嫫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65118, - "content": "쨫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65119, - "content": "ㅜ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65120, - "content": "껰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65121, - "content": "잜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65122, - "content": "怦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65123, - "content": "酱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65124, - "content": "셌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65125, - "content": "忌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65126, - "content": "谄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65127, - "content": "됙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65128, - "content": "ಝ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65129, - "content": "琴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65130, - "content": "횇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65131, - "content": "坜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65132, - "content": "续", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65133, - "content": "텠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65134, - "content": "衄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65135, - "content": "꾘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65136, - "content": "沓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65137, - "content": "航", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65138, - "content": "꺀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65139, - "content": "땿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65140, - "content": "뢵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65141, - "content": "ӯ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65142, - "content": "탓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65143, - "content": "귲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65144, - "content": "瓯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65145, - "content": "萬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65146, - "content": "鲹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65147, - "content": "軸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65148, - "content": "€", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65149, - "content": "뷐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65150, - "content": "뚣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65151, - "content": "쟄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65152, - "content": "杵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65153, - "content": "缵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65154, - "content": "蛟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65155, - "content": "袅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65156, - "content": "둡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65157, - "content": "뢍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65158, - "content": "쵂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65159, - "content": "윭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65160, - "content": "綿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65161, - "content": "낹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65162, - "content": "솦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65163, - "content": "ゴ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65164, - "content": "餡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65165, - "content": "殴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65166, - "content": "퀱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65167, - "content": "瑆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65168, - "content": "꿜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65169, - "content": "뭙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65170, - "content": "쎶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65171, - "content": "쨨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65172, - "content": "莹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65173, - "content": "树", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65174, - "content": "톴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65175, - "content": "륚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65176, - "content": "忉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65177, - "content": "져", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65178, - "content": "뾪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65179, - "content": "뾙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65180, - "content": "昃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65181, - "content": "珋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65182, - "content": "ښ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65183, - "content": "师", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65184, - "content": "感", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65185, - "content": "ớ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65186, - "content": "銑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65187, - "content": "甬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65188, - "content": "튞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65189, - "content": "半", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65190, - "content": "쳷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65191, - "content": "뼇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65192, - "content": "件", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65193, - "content": "简", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65194, - "content": "듄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65195, - "content": "후", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65196, - "content": "녗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65197, - "content": "铕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65198, - "content": "샏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65199, - "content": "퇪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65200, - "content": "彭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65201, - "content": "뷰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65202, - "content": "롒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65203, - "content": "헾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65204, - "content": "눽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65205, - "content": "ヒ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65206, - "content": "뒙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65207, - "content": "厖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65208, - "content": "嬬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65209, - "content": "咇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65210, - "content": "墾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65211, - "content": "稃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65212, - "content": "髂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65213, - "content": "뜬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65214, - "content": "㛹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65215, - "content": "쾶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65216, - "content": "兇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65217, - "content": "掛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65218, - "content": "뒚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65219, - "content": "뱳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65220, - "content": "붛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65221, - "content": "ோ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65222, - "content": "ഌ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65223, - "content": "匚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65224, - "content": "燬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65225, - "content": "뼝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65226, - "content": "ẳ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65227, - "content": "갡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65228, - "content": "쩳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65229, - "content": "魘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65230, - "content": "븄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65231, - "content": "顔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65232, - "content": "껣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65233, - "content": "퇧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65234, - "content": "翅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65235, - "content": "妆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65236, - "content": "婞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65237, - "content": "抱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65238, - "content": "奸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65239, - "content": "큮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65240, - "content": "쭠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65241, - "content": "꿘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65242, - "content": "뉽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65243, - "content": "풫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65244, - "content": "咲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65245, - "content": "班", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65246, - "content": "쾁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65247, - "content": "撬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65248, - "content": "庠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65249, - "content": "ヂ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65250, - "content": "뵡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65251, - "content": "쏠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65252, - "content": "字", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65253, - "content": "鲰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65254, - "content": "뙻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65255, - "content": "변", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65256, - "content": "葰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65257, - "content": "잸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65258, - "content": "퀳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65259, - "content": "밫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65260, - "content": "镧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65261, - "content": "プ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65262, - "content": "휳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65263, - "content": "걙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65264, - "content": "詔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65265, - "content": "좗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65266, - "content": "폟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65267, - "content": "噙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65268, - "content": "료", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65269, - "content": "ٯ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65270, - "content": "辽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65271, - "content": "봾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65272, - "content": "耩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65273, - "content": "七", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65274, - "content": "믙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65275, - "content": "뛂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65276, - "content": "벓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65277, - "content": "샂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65278, - "content": "犹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65279, - "content": "氘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65280, - "content": "셙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65281, - "content": "쥩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65282, - "content": "噍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65283, - "content": "砧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65284, - "content": "윂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65285, - "content": "삪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65286, - "content": "런", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65287, - "content": "뇗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65288, - "content": "堎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65289, - "content": "隻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65290, - "content": "ិ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65291, - "content": "ݸ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65292, - "content": "쬞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65293, - "content": "禿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65294, - "content": "홦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65295, - "content": "꽸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65296, - "content": "屜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65297, - "content": "쉯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65298, - "content": "믇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65299, - "content": "뀹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65300, - "content": "튃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65301, - "content": "잁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65302, - "content": "浥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65303, - "content": "뷏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65304, - "content": "놎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65305, - "content": "玑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65306, - "content": "굆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65307, - "content": "绫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65308, - "content": "볥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65309, - "content": "횐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65310, - "content": "줳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65311, - "content": "픱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65312, - "content": "쪛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65313, - "content": "ૉ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65314, - "content": "馈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65315, - "content": "뫲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65316, - "content": "뉻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65317, - "content": "鹏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65318, - "content": "듓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65319, - "content": "鍊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65320, - "content": "되", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65321, - "content": "퐊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65322, - "content": "픫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65323, - "content": "꽞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65324, - "content": "됏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65325, - "content": "拢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65326, - "content": "琺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65327, - "content": "샹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65328, - "content": "쩑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65329, - "content": "鲂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65330, - "content": "쓙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65331, - "content": "ソ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65332, - "content": "녇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65333, - "content": "魁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65334, - "content": "춦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65335, - "content": "軔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65336, - "content": "쁲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65337, - "content": "균", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65338, - "content": "釙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65339, - "content": "밲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65340, - "content": "툿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65341, - "content": "찶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65342, - "content": "며", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65343, - "content": "퇔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65344, - "content": "楩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65345, - "content": "磋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65346, - "content": "쪈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65347, - "content": "퍵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65348, - "content": "鑄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65349, - "content": "맓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65350, - "content": "믄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65351, - "content": "级", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65352, - "content": "鱗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65353, - "content": "쿸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65354, - "content": "윷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65355, - "content": "溚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65356, - "content": "钽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65357, - "content": "붭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65358, - "content": "쿓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65359, - "content": "蟛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65360, - "content": "혚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65361, - "content": "랄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65362, - "content": "꾴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65363, - "content": "큖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65364, - "content": "춉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65365, - "content": "需", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65366, - "content": "쿼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65367, - "content": "叮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65368, - "content": "粳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65369, - "content": "霓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65370, - "content": "꿕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65371, - "content": "𫵷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65372, - "content": "ڌ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65373, - "content": "茌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65374, - "content": "Щ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65375, - "content": "늃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65376, - "content": "鉤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65377, - "content": "뤂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65378, - "content": "굡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65379, - "content": "碓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65380, - "content": "㳇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65381, - "content": "퉨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65382, - "content": "畏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65383, - "content": "镙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65384, - "content": "않", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65385, - "content": "럋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65386, - "content": "冏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65387, - "content": "Ξ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65388, - "content": "뽛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65389, - "content": "흓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65390, - "content": "툒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65391, - "content": "괻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65392, - "content": "羼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65393, - "content": "茛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65394, - "content": "ไ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65395, - "content": "卣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65396, - "content": "튺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65397, - "content": "佈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65398, - "content": "釅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65399, - "content": "矧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65400, - "content": "隨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65401, - "content": "켾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65402, - "content": "듛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65403, - "content": "뤤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65404, - "content": "蓼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65405, - "content": "푱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65406, - "content": "죠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65407, - "content": "뭛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65408, - "content": "흂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65409, - "content": "湩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65410, - "content": "晞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65411, - "content": "왮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65412, - "content": "瞻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65413, - "content": "쏱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65414, - "content": "ݖ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65415, - "content": "동", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65416, - "content": "溘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65417, - "content": "륾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65418, - "content": "愍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65419, - "content": "ഥ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65420, - "content": "곭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65421, - "content": "꼏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65422, - "content": "쉰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65423, - "content": "誓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65424, - "content": "쌒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65425, - "content": "笕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65426, - "content": "罗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65427, - "content": "躍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65428, - "content": "髑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65429, - "content": "쎸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65430, - "content": "轳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65431, - "content": "흅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65432, - "content": "梿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65433, - "content": "괣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65434, - "content": "腳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65435, - "content": "깇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65436, - "content": "됟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65437, - "content": "탈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65438, - "content": "햢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65439, - "content": "杓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65440, - "content": "光", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65441, - "content": "꼋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65442, - "content": "쳍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65443, - "content": "싺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65444, - "content": "𫓶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65445, - "content": "讖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65446, - "content": "𦭜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65447, - "content": "殼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65448, - "content": "写", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65449, - "content": "崒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65450, - "content": "똽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65451, - "content": "챀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65452, - "content": "슳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65453, - "content": "龛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65454, - "content": "졸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65455, - "content": "늾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65456, - "content": "赭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65457, - "content": "곇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65458, - "content": "찞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65459, - "content": "샌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65460, - "content": "즍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65461, - "content": "骎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65462, - "content": "൧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65463, - "content": "雖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65464, - "content": "倧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65465, - "content": "喻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65466, - "content": "끷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65467, - "content": "艺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65468, - "content": "쏔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65469, - "content": "已", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65470, - "content": "扆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65471, - "content": "릜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65472, - "content": "꾬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65473, - "content": "뼩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65474, - "content": "ਏ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65475, - "content": "陡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65476, - "content": "谜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65477, - "content": "눳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65478, - "content": "닝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65479, - "content": "Ṭ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65480, - "content": "嗑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65481, - "content": "홇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65482, - "content": "쌋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65483, - "content": "詳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65484, - "content": "醬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65485, - "content": "鲒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65486, - "content": "꽀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65487, - "content": "툋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65488, - "content": "쫑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65489, - "content": "쑱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65490, - "content": "붰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65491, - "content": "땕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65492, - "content": "뉼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65493, - "content": "資", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65494, - "content": "薪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65495, - "content": "黌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65496, - "content": "難", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65497, - "content": "僰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65498, - "content": "짱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65499, - "content": "씀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65500, - "content": "奩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65501, - "content": "촑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65502, - "content": "쾦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65503, - "content": "橦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65504, - "content": "뇔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65505, - "content": "駈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65506, - "content": "듭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65507, - "content": "鳁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65508, - "content": "౺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65509, - "content": "쒲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65510, - "content": "폮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65511, - "content": "쮔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65512, - "content": "뜵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65513, - "content": "桩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65514, - "content": "侠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65515, - "content": "귻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65516, - "content": "喽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65517, - "content": "硌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65518, - "content": "仅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65519, - "content": "믃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65520, - "content": "胜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65521, - "content": "揆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65522, - "content": "裁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65523, - "content": "숮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65524, - "content": "캅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65525, - "content": "뛎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65526, - "content": "繽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65527, - "content": "펲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65528, - "content": "쪏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65529, - "content": "鬟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65530, - "content": "옧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65531, - "content": "멍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65532, - "content": "丕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65533, - "content": "돲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65534, - "content": "찉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65535, - "content": "膀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65536, - "content": "꺸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65537, - "content": "ู", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65538, - "content": "饪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65539, - "content": "뼢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65540, - "content": "뜉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65541, - "content": "冬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65542, - "content": "軾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65543, - "content": "눧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65544, - "content": "鸯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65545, - "content": "뛏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65546, - "content": "앎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65547, - "content": "ध", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65548, - "content": "쓽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65549, - "content": "딥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65550, - "content": "ਤ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65551, - "content": "솹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65552, - "content": "꿠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65553, - "content": "蛤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65554, - "content": "겕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65555, - "content": "쐃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65556, - "content": "仞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65557, - "content": "솥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65558, - "content": "뮇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65559, - "content": "뮔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65560, - "content": "쵕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65561, - "content": "贤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65562, - "content": "ݐ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65563, - "content": "僅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65564, - "content": "껉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65565, - "content": "澄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65566, - "content": "녹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65567, - "content": "克", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65568, - "content": "왺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65569, - "content": "м", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65570, - "content": "쟟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65571, - "content": "ベ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65572, - "content": "컌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65573, - "content": "េ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65574, - "content": "웳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65575, - "content": "磐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65576, - "content": "鳜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65577, - "content": "궩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65578, - "content": "謝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65579, - "content": "夤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65580, - "content": "뱈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65581, - "content": "쮎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65582, - "content": "ঈ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65583, - "content": "踅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65584, - "content": "鋒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65585, - "content": "歿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65586, - "content": "每", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65587, - "content": "鞏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65588, - "content": "珢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65589, - "content": "堵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65590, - "content": "솗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65591, - "content": "擷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65592, - "content": "嵅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65593, - "content": "务", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65594, - "content": "뵂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65595, - "content": "쯴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65596, - "content": "쮡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65597, - "content": "兌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65598, - "content": "넫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65599, - "content": "쟿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65600, - "content": "Ế", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65601, - "content": "降", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65602, - "content": "訄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65603, - "content": "؋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65604, - "content": "각", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65605, - "content": "쏲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65606, - "content": "嗐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65607, - "content": "쓜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65608, - "content": "条", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65609, - "content": "倭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65610, - "content": "삄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65611, - "content": "쀾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65612, - "content": "뵲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65613, - "content": "呲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65614, - "content": "ỳ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65615, - "content": "혈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65616, - "content": "땲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65617, - "content": "蓒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65618, - "content": "덇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65619, - "content": "됶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65620, - "content": "종", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65621, - "content": "釦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65622, - "content": "貘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65623, - "content": "뗵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65624, - "content": "虛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65625, - "content": "쪱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65626, - "content": "硎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65627, - "content": "痱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65628, - "content": "멷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65629, - "content": "뜟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65630, - "content": "츧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65631, - "content": "앭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65632, - "content": "륽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65633, - "content": "印", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65634, - "content": "웟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65635, - "content": "飩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65636, - "content": "葎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65637, - "content": "Η", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65638, - "content": "ൾ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65639, - "content": "崄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65640, - "content": "쯗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65641, - "content": "窺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65642, - "content": "즦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65643, - "content": "쳕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65644, - "content": "펃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65645, - "content": "煆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65646, - "content": "圍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65647, - "content": "롞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65648, - "content": "쐻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65649, - "content": "铍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65650, - "content": "푞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65651, - "content": "볶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65652, - "content": "켪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65653, - "content": "澗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65654, - "content": "웘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65655, - "content": "쫡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65656, - "content": "徜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65657, - "content": "톻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65658, - "content": "뮑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65659, - "content": "必", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65660, - "content": "緙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65661, - "content": "茗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65662, - "content": "兴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65663, - "content": "ݿ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65664, - "content": "멅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65665, - "content": "矬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65666, - "content": "۝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65667, - "content": "佰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65668, - "content": "핝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65669, - "content": "柱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65670, - "content": "탪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65671, - "content": "퐲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65672, - "content": "쯌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65673, - "content": "퓩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65674, - "content": "銳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65675, - "content": "렮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65676, - "content": "죴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65677, - "content": "뻇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65678, - "content": "恩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65679, - "content": "齐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65680, - "content": "숣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65681, - "content": "腼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65682, - "content": "콼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65683, - "content": "핛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65684, - "content": "劳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65685, - "content": "쉟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65686, - "content": "惙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65687, - "content": "堐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65688, - "content": "湑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65689, - "content": "眸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65690, - "content": "폒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65691, - "content": "뎏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65692, - "content": "먶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65693, - "content": "땦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65694, - "content": "몠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65695, - "content": "둑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65696, - "content": "냭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65697, - "content": "笫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65698, - "content": "럏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65699, - "content": "ઠ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65700, - "content": "한", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65701, - "content": "퀩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65702, - "content": "풎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65703, - "content": "暿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65704, - "content": "𠅤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65705, - "content": "위", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65706, - "content": "ㅳ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65707, - "content": "睏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65708, - "content": "琳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65709, - "content": "꺌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65710, - "content": "ケ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65711, - "content": "劝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65712, - "content": "놴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65713, - "content": "税", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65714, - "content": "汪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65715, - "content": "톟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65716, - "content": "捜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65717, - "content": "豇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65718, - "content": "屦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65719, - "content": "耷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65720, - "content": "祿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65721, - "content": "尼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65722, - "content": "ゃ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65723, - "content": "娼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65724, - "content": "袗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65725, - "content": "범", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65726, - "content": "양", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65727, - "content": "𬸣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65728, - "content": "췭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65729, - "content": "꼾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65730, - "content": "뒆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65731, - "content": "盛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65732, - "content": "糜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65733, - "content": "绦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65734, - "content": "왊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65735, - "content": "鲟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65736, - "content": "韆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65737, - "content": "곓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65738, - "content": "팧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65739, - "content": "榑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65740, - "content": "츹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65741, - "content": "出", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65742, - "content": "安", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65743, - "content": "巾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65744, - "content": "怵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65745, - "content": "잦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65746, - "content": "툂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65747, - "content": "란", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65748, - "content": "덁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65749, - "content": "訝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65750, - "content": "జ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65751, - "content": "꽄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65752, - "content": "畿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65753, - "content": "枍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65754, - "content": "骸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65755, - "content": "搪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65756, - "content": "쀢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65757, - "content": "솟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65758, - "content": "쐝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65759, - "content": "ள", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65760, - "content": "捞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65761, - "content": "棤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65762, - "content": "듯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65763, - "content": "늨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65764, - "content": "뚓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65765, - "content": "は", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65766, - "content": "ਂ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65767, - "content": "轄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65768, - "content": "偾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65769, - "content": "箆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65770, - "content": "탅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65771, - "content": "躺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65772, - "content": "섗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65773, - "content": "롊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65774, - "content": "缏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65775, - "content": "翊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65776, - "content": "컕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65777, - "content": "涜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65778, - "content": "쓩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65779, - "content": "꿭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65780, - "content": "慫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65781, - "content": "뙸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65782, - "content": "쒾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65783, - "content": "劼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65784, - "content": "ぇ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65785, - "content": "癞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65786, - "content": "陇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65787, - "content": "냚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65788, - "content": "첀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65789, - "content": "匠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65790, - "content": "闺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65791, - "content": "륮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65792, - "content": "룉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65793, - "content": "宵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65794, - "content": "崛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65795, - "content": "艄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65796, - "content": "យ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65797, - "content": "뽞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65798, - "content": "튂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65799, - "content": "徊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65800, - "content": "田", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65801, - "content": "喑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65802, - "content": "늬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65803, - "content": "じ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65804, - "content": "듍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65805, - "content": "꽵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65806, - "content": "겸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65807, - "content": "ซ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65808, - "content": "豆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65809, - "content": "낺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65810, - "content": "캫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65811, - "content": "퉰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65812, - "content": "肼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65813, - "content": "뺉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65814, - "content": "혋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65815, - "content": "얔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65816, - "content": "韌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65817, - "content": "ˉ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65818, - "content": "퉛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65819, - "content": "齣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65820, - "content": "쉁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65821, - "content": "캨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65822, - "content": "鎢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65823, - "content": "鹒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65824, - "content": "걭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65825, - "content": "囀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65826, - "content": "茏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65827, - "content": "놯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65828, - "content": "윃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65829, - "content": "셕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65830, - "content": "댵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65831, - "content": "휂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65832, - "content": "셢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65833, - "content": "읞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65834, - "content": "뀸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65835, - "content": "뤐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65836, - "content": "씧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65837, - "content": "咎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65838, - "content": "示", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65839, - "content": "퉞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65840, - "content": "축", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65841, - "content": "嵊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65842, - "content": "森", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65843, - "content": "Ғ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65844, - "content": "茑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65845, - "content": "쐘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65846, - "content": "쓈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65847, - "content": "쇰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65848, - "content": "ำ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65849, - "content": "놱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65850, - "content": "淳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65851, - "content": "沂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65852, - "content": "塒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65853, - "content": "箍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65854, - "content": "팱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65855, - "content": "埸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65856, - "content": "零", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65857, - "content": "莶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65858, - "content": "謊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65859, - "content": "鹎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65860, - "content": "둂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65861, - "content": "吹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65862, - "content": "澪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65863, - "content": "뾾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65864, - "content": "뺰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65865, - "content": "픑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65866, - "content": "獺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65867, - "content": "厶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65868, - "content": "쳊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65869, - "content": "턊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65870, - "content": "荑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65871, - "content": "떵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65872, - "content": "偉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65873, - "content": "埕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65874, - "content": "뒃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65875, - "content": "磉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65876, - "content": "胩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65877, - "content": "髓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65878, - "content": "쥱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65879, - "content": "촩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65880, - "content": "蟾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65881, - "content": "浪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65882, - "content": "얜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65883, - "content": "洵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65884, - "content": "턌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65885, - "content": "羨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65886, - "content": "뚆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65887, - "content": "ব", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65888, - "content": "甹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65889, - "content": "롷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65890, - "content": "춆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65891, - "content": "필", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65892, - "content": "뛸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65893, - "content": "뤦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65894, - "content": "좻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65895, - "content": "밯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65896, - "content": "൹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65897, - "content": "높", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65898, - "content": "쮉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65899, - "content": "黷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65900, - "content": "졄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65901, - "content": "诐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65902, - "content": "瑨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65903, - "content": "켞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65904, - "content": "资", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65905, - "content": "띪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65906, - "content": "莒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65907, - "content": "뙅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65908, - "content": "邰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65909, - "content": "莲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65910, - "content": "故", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65911, - "content": "ु", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65912, - "content": "喋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65913, - "content": "쫸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65914, - "content": "첏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65915, - "content": "쀘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65916, - "content": "郃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65917, - "content": "ਚ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65918, - "content": "툚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65919, - "content": "呕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65920, - "content": "茬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65921, - "content": "첄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65922, - "content": "坼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65923, - "content": "ิ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65924, - "content": "픤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65925, - "content": "仗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65926, - "content": "役", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65927, - "content": "婺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65928, - "content": "밪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65929, - "content": "줫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65930, - "content": "琪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65931, - "content": "饞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65932, - "content": "둶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65933, - "content": "穄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65934, - "content": "분", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65935, - "content": "途", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65936, - "content": "뱋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65937, - "content": "渟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65938, - "content": "庀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65939, - "content": "현", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65940, - "content": "첦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65941, - "content": "幔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65942, - "content": "镜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65943, - "content": "ਨ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65944, - "content": "奐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65945, - "content": "桨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65946, - "content": "낋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65947, - "content": "ㄹ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65948, - "content": "핢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65949, - "content": "끠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65950, - "content": "当", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65951, - "content": "荃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65952, - "content": "ു", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65953, - "content": "疵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65954, - "content": "蔆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65955, - "content": "捍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65956, - "content": "睜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65957, - "content": "썿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65958, - "content": "蒯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65959, - "content": "溦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65960, - "content": "院", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65961, - "content": "詫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65962, - "content": "댜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65963, - "content": "샤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65964, - "content": "笼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65965, - "content": "క", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65966, - "content": "얍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65967, - "content": "頹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65968, - "content": "觞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65969, - "content": "쎅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65970, - "content": "聱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65971, - "content": "玙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65972, - "content": "戻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65973, - "content": "茨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65974, - "content": "⁉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65975, - "content": "岵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65976, - "content": "愦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65977, - "content": "캠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65978, - "content": "ㄴ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65979, - "content": "졑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65980, - "content": "蚺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65981, - "content": "挢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65982, - "content": "퍈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65983, - "content": "럊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65984, - "content": "目", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65985, - "content": "斤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65986, - "content": "潟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65987, - "content": "팴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65988, - "content": "舲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65989, - "content": "돨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65990, - "content": "祐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65991, - "content": "帑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65992, - "content": "笤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65993, - "content": "諄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65994, - "content": "乳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65995, - "content": "埂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65996, - "content": "𨱇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65997, - "content": "暸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65998, - "content": "딍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 65999, - "content": "쭰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66000, - "content": "瑝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66001, - "content": "摂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66002, - "content": "畎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66003, - "content": "첆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66004, - "content": "풿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66005, - "content": "膜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66006, - "content": "戮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66007, - "content": "彩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66008, - "content": "曷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66009, - "content": "솰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66010, - "content": "킶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66011, - "content": "앀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66012, - "content": "篑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66013, - "content": "꼷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66014, - "content": "샀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66015, - "content": "杻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66016, - "content": "볊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66017, - "content": "疾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66018, - "content": "礫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66019, - "content": "걿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66020, - "content": "뉦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66021, - "content": "떂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66022, - "content": "괐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66023, - "content": "짏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66024, - "content": "욛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66025, - "content": "ڂ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66026, - "content": "で", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66027, - "content": "絡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66028, - "content": "뚖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66029, - "content": "授", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66030, - "content": "겭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66031, - "content": "隰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66032, - "content": "铩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66033, - "content": "ť", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66034, - "content": "뮚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66035, - "content": "亹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66036, - "content": "𬩽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66037, - "content": "谘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66038, - "content": "ў", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66039, - "content": "螂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66040, - "content": "跞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66041, - "content": "桠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66042, - "content": "궱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66043, - "content": "穡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66044, - "content": "绲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66045, - "content": "롶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66046, - "content": "蹉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66047, - "content": "쩩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66048, - "content": "们", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66049, - "content": "뒲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66050, - "content": "唧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66051, - "content": "얙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66052, - "content": "푀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66053, - "content": "楗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66054, - "content": "𨱑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66055, - "content": "憑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66056, - "content": "テ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66057, - "content": "썖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66058, - "content": "娲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66059, - "content": "訕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66060, - "content": "창", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66061, - "content": "聚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66062, - "content": "쟢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66063, - "content": "슱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66064, - "content": "셛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66065, - "content": "鳂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66066, - "content": "戊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66067, - "content": "騷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66068, - "content": "雊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66069, - "content": "쫒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66070, - "content": "칧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66071, - "content": "집", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66072, - "content": "넒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66073, - "content": "庆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66074, - "content": "湧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66075, - "content": "崁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66076, - "content": "쉬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66077, - "content": "席", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66078, - "content": "曜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66079, - "content": "祆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66080, - "content": "혝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66081, - "content": "퉣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66082, - "content": "Ử", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66083, - "content": "샃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66084, - "content": "럒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66085, - "content": "샪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66086, - "content": "滋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66087, - "content": "跌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66088, - "content": "婵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66089, - "content": "뱪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66090, - "content": "搞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66091, - "content": "٤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66092, - "content": "薅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66093, - "content": "깿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66094, - "content": "ヘ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66095, - "content": "萎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66096, - "content": "號", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66097, - "content": "침", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66098, - "content": "횴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66099, - "content": "룏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66100, - "content": "볱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66101, - "content": "櫸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66102, - "content": "빣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66103, - "content": "밓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66104, - "content": "溯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66105, - "content": "쵉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66106, - "content": "욺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66107, - "content": "얛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66108, - "content": "饋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66109, - "content": "枝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66110, - "content": "䲢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66111, - "content": "П", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66112, - "content": "짾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66113, - "content": "吳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66114, - "content": "혿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66115, - "content": "쩱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66116, - "content": "폤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66117, - "content": "鬚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66118, - "content": "흏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66119, - "content": "વ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66120, - "content": "綺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66121, - "content": "腕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66122, - "content": "睃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66123, - "content": "瘐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66124, - "content": "欣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66125, - "content": "饗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66126, - "content": "퐴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66127, - "content": "ੈ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66128, - "content": "즁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66129, - "content": "罍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66130, - "content": "末", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66131, - "content": "衡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66132, - "content": "場", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66133, - "content": "疏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66134, - "content": "띃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66135, - "content": "腫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66136, - "content": "빍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66137, - "content": "땏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66138, - "content": "롬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66139, - "content": "첣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66140, - "content": "۟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66141, - "content": "ਊ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66142, - "content": "磨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66143, - "content": "봁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66144, - "content": "꼕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66145, - "content": "웢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66146, - "content": "漖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66147, - "content": "햼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66148, - "content": "쾄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66149, - "content": "同", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66150, - "content": "រ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66151, - "content": "뗜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66152, - "content": "워", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66153, - "content": "醞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66154, - "content": "朐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66155, - "content": "钤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66156, - "content": "溺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66157, - "content": "삼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66158, - "content": "遄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66159, - "content": "竜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66160, - "content": "쪃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66161, - "content": "岜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66162, - "content": "秫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66163, - "content": "擂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66164, - "content": "풨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66165, - "content": "学", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66166, - "content": "욜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66167, - "content": "귞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66168, - "content": "옓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66169, - "content": "𬀩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66170, - "content": "띊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66171, - "content": "鵄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66172, - "content": "铰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66173, - "content": "ౢ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66174, - "content": "ീ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66175, - "content": "弧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66176, - "content": "뷪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66177, - "content": "弛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66178, - "content": "ः", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66179, - "content": "껧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66180, - "content": "럧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66181, - "content": "ി", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66182, - "content": "卒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66183, - "content": "쾍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66184, - "content": "蠣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66185, - "content": "곂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66186, - "content": "摏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66187, - "content": "햂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66188, - "content": "醾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66189, - "content": "镰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66190, - "content": "駙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66191, - "content": "윳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66192, - "content": "繪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66193, - "content": "聋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66194, - "content": "仑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66195, - "content": "糟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66196, - "content": "웚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66197, - "content": "튎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66198, - "content": "띂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66199, - "content": "唤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66200, - "content": "든", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66201, - "content": "瘿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66202, - "content": "飾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66203, - "content": "俊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66204, - "content": "Р", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66205, - "content": "녀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66206, - "content": "턎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66207, - "content": "筮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66208, - "content": "ي", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66209, - "content": "챓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66210, - "content": "泱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66211, - "content": "좊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66212, - "content": "눦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66213, - "content": "ٖ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66214, - "content": "午", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66215, - "content": "萍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66216, - "content": "콫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66217, - "content": "ﻅ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66218, - "content": "昽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66219, - "content": "턭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66220, - "content": "헐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66221, - "content": "何", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66222, - "content": "퐕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66223, - "content": "횧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66224, - "content": "뗚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66225, - "content": "엇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66226, - "content": "멓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66227, - "content": "졒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66228, - "content": "吸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66229, - "content": "苞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66230, - "content": "邝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66231, - "content": "눴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66232, - "content": "馮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66233, - "content": "럴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66234, - "content": "侗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66235, - "content": "췫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66236, - "content": "菜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66237, - "content": "쾼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66238, - "content": "邬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66239, - "content": "꾭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66240, - "content": "틶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66241, - "content": "얉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66242, - "content": "훣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66243, - "content": "킘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66244, - "content": "Ь", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66245, - "content": "糰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66246, - "content": "쀇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66247, - "content": "꽢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66248, - "content": "軻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66249, - "content": "끲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66250, - "content": "蚵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66251, - "content": "콛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66252, - "content": "肿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66253, - "content": "푚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66254, - "content": "텻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66255, - "content": "荭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66256, - "content": "筅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66257, - "content": "곱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66258, - "content": "ょ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66259, - "content": "뀫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66260, - "content": "韧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66261, - "content": "猞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66262, - "content": "萄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66263, - "content": "ൈ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66264, - "content": "艋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66265, - "content": "訶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66266, - "content": "蜡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66267, - "content": "뚽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66268, - "content": "챼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66269, - "content": "鈷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66270, - "content": "껱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66271, - "content": "샢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66272, - "content": "吨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66273, - "content": "켝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66274, - "content": "ố", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66275, - "content": "揃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66276, - "content": "羌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66277, - "content": "흈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66278, - "content": "瑁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66279, - "content": "뇒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66280, - "content": "툘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66281, - "content": "텷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66282, - "content": "紡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66283, - "content": "衬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66284, - "content": "됱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66285, - "content": "쉢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66286, - "content": "拣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66287, - "content": "螠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66288, - "content": "才", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66289, - "content": "ݡ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66290, - "content": "斥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66291, - "content": "菪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66292, - "content": "뙦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66293, - "content": "ऐ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66294, - "content": "華", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66295, - "content": "쟭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66296, - "content": "؉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66297, - "content": "Ẻ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66298, - "content": "ௗ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66299, - "content": "彫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66300, - "content": "帆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66301, - "content": "舥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66302, - "content": "纵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66303, - "content": "骛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66304, - "content": "섭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66305, - "content": "陸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66306, - "content": "镔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66307, - "content": "쉽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66308, - "content": "뀀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66309, - "content": "랋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66310, - "content": "梯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66311, - "content": "桴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66312, - "content": "귳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66313, - "content": "肢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66314, - "content": "数", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66315, - "content": "嵛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66316, - "content": "穢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66317, - "content": "㑊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66318, - "content": "쥷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66319, - "content": "屬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66320, - "content": "꿮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66321, - "content": "폋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66322, - "content": "떞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66323, - "content": "イ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66324, - "content": "玄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66325, - "content": "닩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66326, - "content": "븭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66327, - "content": "텇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66328, - "content": "岌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66329, - "content": "小", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66330, - "content": "ٮ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66331, - "content": "洄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66332, - "content": "漠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66333, - "content": "뛖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66334, - "content": "薳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66335, - "content": "赃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66336, - "content": "貳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66337, - "content": "붞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66338, - "content": "룂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66339, - "content": "긎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66340, - "content": "튼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66341, - "content": "ആ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66342, - "content": "넋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66343, - "content": "蚓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66344, - "content": "跛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66345, - "content": "镄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66346, - "content": "쭯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66347, - "content": "狃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66348, - "content": "쬉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66349, - "content": "쮕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66350, - "content": "輪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66351, - "content": "휱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66352, - "content": "슼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66353, - "content": "內", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66354, - "content": "絶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66355, - "content": "织", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66356, - "content": "飼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66357, - "content": "さ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66358, - "content": "쇽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66359, - "content": "촻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66360, - "content": "絳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66361, - "content": "అ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66362, - "content": "ఢ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66363, - "content": "데", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66364, - "content": "𬀪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66365, - "content": "橼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66366, - "content": "던", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66367, - "content": "첻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66368, - "content": "桉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66369, - "content": "떏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66370, - "content": "돧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66371, - "content": "玛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66372, - "content": "봆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66373, - "content": "柜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66374, - "content": "Ř", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66375, - "content": "멋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66376, - "content": "旨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66377, - "content": "鲸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66378, - "content": "썢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66379, - "content": "캘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66380, - "content": "巇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66381, - "content": "鐮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66382, - "content": "뒂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66383, - "content": "懔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66384, - "content": "柝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66385, - "content": "殳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66386, - "content": "溶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66387, - "content": "퀄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66388, - "content": "縴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66389, - "content": "蓝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66390, - "content": "帘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66391, - "content": "턝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66392, - "content": "셴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66393, - "content": "럨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66394, - "content": "뤄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66395, - "content": "둣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66396, - "content": "퇴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66397, - "content": "뮢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66398, - "content": "셪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66399, - "content": "뫄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66400, - "content": "寿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66401, - "content": "镨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66402, - "content": "熙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66403, - "content": "랟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66404, - "content": "꾒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66405, - "content": "梓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66406, - "content": "늇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66407, - "content": "횶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66408, - "content": "𬤊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66409, - "content": "帥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66410, - "content": "૬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66411, - "content": "ニ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66412, - "content": "쩇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66413, - "content": "꿩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66414, - "content": "셾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66415, - "content": "้", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66416, - "content": "괠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66417, - "content": "떆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66418, - "content": "컟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66419, - "content": "フ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66420, - "content": "璇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66421, - "content": "믛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66422, - "content": "걱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66423, - "content": "蚜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66424, - "content": "嘣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66425, - "content": "뽢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66426, - "content": "뜯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66427, - "content": "뷷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66428, - "content": "샋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66429, - "content": "昂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66430, - "content": "쒋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66431, - "content": "渭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66432, - "content": "芳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66433, - "content": "妞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66434, - "content": "틺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66435, - "content": "嚙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66436, - "content": "볋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66437, - "content": "≮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66438, - "content": "鈽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66439, - "content": "礦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66440, - "content": "骥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66441, - "content": "뇜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66442, - "content": "馄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66443, - "content": "뼑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66444, - "content": "頷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66445, - "content": "핃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66446, - "content": "묺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66447, - "content": "묙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66448, - "content": "磯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66449, - "content": "伈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66450, - "content": "北", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66451, - "content": "뷊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66452, - "content": "绨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66453, - "content": "箖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66454, - "content": "镍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66455, - "content": "鹜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66456, - "content": "텏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66457, - "content": "惇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66458, - "content": "븦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66459, - "content": "곴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66460, - "content": "變", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66461, - "content": "ؓ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66462, - "content": "お", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66463, - "content": "窄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66464, - "content": "鞴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66465, - "content": "愤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66466, - "content": "홑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66467, - "content": "矰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66468, - "content": "맴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66469, - "content": "휠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66470, - "content": "怃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66471, - "content": "ര", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66472, - "content": "숼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66473, - "content": "承", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66474, - "content": "衔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66475, - "content": "嗣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66476, - "content": "쟇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66477, - "content": "偕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66478, - "content": "띔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66479, - "content": "外", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66480, - "content": "裏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66481, - "content": "宋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66482, - "content": "襫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66483, - "content": "곢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66484, - "content": "뛉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66485, - "content": "俪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66486, - "content": "党", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66487, - "content": "痤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66488, - "content": "솣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66489, - "content": "쮨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66490, - "content": "恝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66491, - "content": "棟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66492, - "content": "畝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66493, - "content": "婴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66494, - "content": "勢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66495, - "content": "耸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66496, - "content": "몂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66497, - "content": "扈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66498, - "content": "叉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66499, - "content": "뽦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66500, - "content": "亏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66501, - "content": "쵡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66502, - "content": "냬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66503, - "content": "嵚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66504, - "content": "讐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66505, - "content": "沮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66506, - "content": "檄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66507, - "content": "瀛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66508, - "content": "捋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66509, - "content": "셞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66510, - "content": "틆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66511, - "content": "먗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66512, - "content": "픔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66513, - "content": "죂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66514, - "content": "랠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66515, - "content": "습", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66516, - "content": "讳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66517, - "content": "뉶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66518, - "content": "딎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66519, - "content": "缃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66520, - "content": "쵎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66521, - "content": "묔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66522, - "content": "륊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66523, - "content": "贓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66524, - "content": "帚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66525, - "content": "瀹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66526, - "content": "虐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66527, - "content": "ұ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66528, - "content": "乇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66529, - "content": "添", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66530, - "content": "兽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66531, - "content": "벻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66532, - "content": "쁜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66533, - "content": "쁡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66534, - "content": "퓲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66535, - "content": "뎾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66536, - "content": "퍱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66537, - "content": "럭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66538, - "content": "盘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66539, - "content": "뿋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66540, - "content": "花", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66541, - "content": "秕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66542, - "content": "觉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66543, - "content": "햨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66544, - "content": "옫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66545, - "content": "雰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66546, - "content": "뫚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66547, - "content": "釧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66548, - "content": "콘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66549, - "content": "忮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66550, - "content": "埴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66551, - "content": "坻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66552, - "content": "杆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66553, - "content": "너", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66554, - "content": "镕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66555, - "content": "콡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66556, - "content": "垙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66557, - "content": "誥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66558, - "content": "뀨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66559, - "content": "촲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66560, - "content": "퇚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66561, - "content": "뜶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66562, - "content": "씺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66563, - "content": "씯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66564, - "content": "揣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66565, - "content": "愭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66566, - "content": "뤿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66567, - "content": "苔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66568, - "content": "粋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66569, - "content": "볦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66570, - "content": "۬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66571, - "content": "悫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66572, - "content": "롮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66573, - "content": "틕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66574, - "content": "情", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66575, - "content": "鳞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66576, - "content": "뺤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66577, - "content": "쎮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66578, - "content": "ฬ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66579, - "content": "畲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66580, - "content": "췔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66581, - "content": "쬬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66582, - "content": "须", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66583, - "content": "쨆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66584, - "content": "朧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66585, - "content": "窮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66586, - "content": "反", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66587, - "content": "퉶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66588, - "content": "껅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66589, - "content": "沥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66590, - "content": "쫴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66591, - "content": "鹙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66592, - "content": "콐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66593, - "content": "旅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66594, - "content": "刑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66595, - "content": "瘳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66596, - "content": "ク", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66597, - "content": "ㆎ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66598, - "content": "逶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66599, - "content": "舊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66600, - "content": "詰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66601, - "content": "栻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66602, - "content": "윘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66603, - "content": "囉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66604, - "content": "씤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66605, - "content": "鄚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66606, - "content": "츿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66607, - "content": "쇕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66608, - "content": "람", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66609, - "content": "읓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66610, - "content": "뎔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66611, - "content": "돖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66612, - "content": "矻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66613, - "content": "蜢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66614, - "content": "캴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66615, - "content": "섀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66616, - "content": "墳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66617, - "content": "佬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66618, - "content": "딋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66619, - "content": "꽩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66620, - "content": "윪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66621, - "content": "哽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66622, - "content": "샴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66623, - "content": "칻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66624, - "content": "Ụ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66625, - "content": "厄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66626, - "content": "늁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66627, - "content": "▲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66628, - "content": "辶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66629, - "content": "뿞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66630, - "content": "됦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66631, - "content": "を", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66632, - "content": "굎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66633, - "content": "揍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66634, - "content": "콊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66635, - "content": "弥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66636, - "content": "솫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66637, - "content": "ヅ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66638, - "content": "阂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66639, - "content": "촘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66640, - "content": "瞬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66641, - "content": "큺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66642, - "content": "튽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66643, - "content": "样", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66644, - "content": "몫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66645, - "content": "瀵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66646, - "content": "最", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66647, - "content": "圓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66648, - "content": "ӣ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66649, - "content": "展", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66650, - "content": "앣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66651, - "content": "荟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66652, - "content": "쌄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66653, - "content": "손", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66654, - "content": "띝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66655, - "content": "뫐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66656, - "content": "닕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66657, - "content": "둰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66658, - "content": "벯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66659, - "content": "崟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66660, - "content": "虚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66661, - "content": "뀠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66662, - "content": "볗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66663, - "content": "먆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66664, - "content": "赓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66665, - "content": "끐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66666, - "content": "씔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66667, - "content": "홅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66668, - "content": "퐨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66669, - "content": "특", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66670, - "content": "볲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66671, - "content": "岖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66672, - "content": "Ű", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66673, - "content": "壯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66674, - "content": "뢨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66675, - "content": "뿰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66676, - "content": "τ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66677, - "content": "셸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66678, - "content": "肽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66679, - "content": "嚓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66680, - "content": "颅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66681, - "content": "亦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66682, - "content": "ẵ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66683, - "content": "鲵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66684, - "content": "햕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66685, - "content": "ス", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66686, - "content": "먘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66687, - "content": "迓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66688, - "content": "區", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66689, - "content": "晡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66690, - "content": "둦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66691, - "content": "텫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66692, - "content": "모", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66693, - "content": "푢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66694, - "content": "음", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66695, - "content": "𬬿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66696, - "content": "н", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66697, - "content": "虸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66698, - "content": "窕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66699, - "content": "몊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66700, - "content": "좉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66701, - "content": "麥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66702, - "content": "葖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66703, - "content": "Г", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66704, - "content": "ㅓ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66705, - "content": "튯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66706, - "content": "뽰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66707, - "content": "앫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66708, - "content": "댺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66709, - "content": "풰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66710, - "content": "뤒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66711, - "content": "𫄷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66712, - "content": "흗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66713, - "content": "ಢ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66714, - "content": "賢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66715, - "content": "穗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66716, - "content": "핚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66717, - "content": "瓶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66718, - "content": "츲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66719, - "content": "꼀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66720, - "content": "뾇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66721, - "content": "킦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66722, - "content": "纹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66723, - "content": "퍩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66724, - "content": "ア", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66725, - "content": "젙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66726, - "content": "툶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66727, - "content": "鲼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66728, - "content": "醴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66729, - "content": "셤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66730, - "content": "첸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66731, - "content": "쫔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66732, - "content": "产", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66733, - "content": "핈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66734, - "content": "잳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66735, - "content": "毵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66736, - "content": "쎯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66737, - "content": "鱒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66738, - "content": "됻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66739, - "content": "蹚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66740, - "content": "뮤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66741, - "content": "뽐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66742, - "content": "爟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66743, - "content": "桫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66744, - "content": "ٸ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66745, - "content": "퐔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66746, - "content": "匪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66747, - "content": "钬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66748, - "content": "쩝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66749, - "content": "줎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66750, - "content": "둘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66751, - "content": "缝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66752, - "content": "췓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66753, - "content": "챕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66754, - "content": "扭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66755, - "content": "奖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66756, - "content": "힋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66757, - "content": "텳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66758, - "content": "圭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66759, - "content": "잗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66760, - "content": "훺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66761, - "content": "꿍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66762, - "content": "헟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66763, - "content": "뚄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66764, - "content": "碘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66765, - "content": "엟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66766, - "content": "著", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66767, - "content": "鯉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66768, - "content": "찖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66769, - "content": "倪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66770, - "content": "俠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66771, - "content": "暉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66772, - "content": "횈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66773, - "content": "쒗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66774, - "content": "괚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66775, - "content": "긬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66776, - "content": "쎈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66777, - "content": "稹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66778, - "content": "亸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66779, - "content": "탟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66780, - "content": "왆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66781, - "content": "䴔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66782, - "content": "쪅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66783, - "content": "훛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66784, - "content": "뤉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66785, - "content": "蜂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66786, - "content": "爨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66787, - "content": "蛄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66788, - "content": "돒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66789, - "content": "润", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66790, - "content": "ฺ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66791, - "content": "ਉ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66792, - "content": "픆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66793, - "content": "ం", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66794, - "content": "胶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66795, - "content": "犛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66796, - "content": "দ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66797, - "content": "놨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66798, - "content": "护", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66799, - "content": "닳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66800, - "content": "疎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66801, - "content": "ǚ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66802, - "content": "睿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66803, - "content": "不", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66804, - "content": "읢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66805, - "content": "飄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66806, - "content": "쁍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66807, - "content": "阁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66808, - "content": "쓂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66809, - "content": "귕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66810, - "content": "곃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66811, - "content": "꾡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66812, - "content": "陴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66813, - "content": "杌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66814, - "content": "謳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66815, - "content": "泥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66816, - "content": "晉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66817, - "content": "谬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66818, - "content": "ূ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66819, - "content": "秬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66820, - "content": "퉹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66821, - "content": "៍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66822, - "content": "滓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66823, - "content": "汕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66824, - "content": "蕃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66825, - "content": "됰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66826, - "content": "넓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66827, - "content": "욤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66828, - "content": "퓪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66829, - "content": "翈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66830, - "content": "鹂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66831, - "content": "ݩ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66832, - "content": "쥜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66833, - "content": "붽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66834, - "content": "屃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66835, - "content": "샇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66836, - "content": "甏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66837, - "content": "쉖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66838, - "content": "휬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66839, - "content": "쎌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66840, - "content": "죾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66841, - "content": "缞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66842, - "content": "賈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66843, - "content": "ఫ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66844, - "content": "𨚕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66845, - "content": "ౖ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66846, - "content": "혘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66847, - "content": "邡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66848, - "content": "촇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66849, - "content": "눠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66850, - "content": "윍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66851, - "content": "ㅍ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66852, - "content": "틯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66853, - "content": "馐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66854, - "content": "म", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66855, - "content": "崽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66856, - "content": "뢲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66857, - "content": "츉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66858, - "content": "딴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66859, - "content": "撵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66860, - "content": "뗸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66861, - "content": "搬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66862, - "content": "绹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66863, - "content": "쭉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66864, - "content": "뷚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66865, - "content": "콇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66866, - "content": "ҋ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66867, - "content": "ਪ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66868, - "content": "翱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66869, - "content": "駒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66870, - "content": "選", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66871, - "content": "懒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66872, - "content": "왋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66873, - "content": "藜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66874, - "content": "Ồ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66875, - "content": "챟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66876, - "content": "蹾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66877, - "content": "튊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66878, - "content": "唏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66879, - "content": "蹲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66880, - "content": "쬟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66881, - "content": "鵠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66882, - "content": "న", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66883, - "content": "桢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66884, - "content": "ఎ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66885, - "content": "꽁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66886, - "content": "ఒ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66887, - "content": "줦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66888, - "content": "璎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66889, - "content": "ن", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66890, - "content": "툰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66891, - "content": "ڋ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66892, - "content": "텬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66893, - "content": "噢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66894, - "content": "悯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66895, - "content": "쁳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66896, - "content": "캼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66897, - "content": "욒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66898, - "content": "뙾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66899, - "content": "쑉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66900, - "content": "霸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66901, - "content": "봣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66902, - "content": "咣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66903, - "content": "虱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66904, - "content": "ㅱ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66905, - "content": "ರ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66906, - "content": "림", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66907, - "content": "縉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66908, - "content": "䏝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66909, - "content": "춭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66910, - "content": "翥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66911, - "content": "뮥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66912, - "content": "摴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66913, - "content": "貲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66914, - "content": "돸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66915, - "content": "씦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66916, - "content": "홫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66917, - "content": "巢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66918, - "content": "켖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66919, - "content": "구", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66920, - "content": "긯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66921, - "content": "彳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66922, - "content": "쀞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66923, - "content": "瘺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66924, - "content": "熜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66925, - "content": "뢭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66926, - "content": "辆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66927, - "content": "≈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66928, - "content": "蹀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66929, - "content": "归", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66930, - "content": "궿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66931, - "content": "쵓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66932, - "content": "垕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66933, - "content": "늳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66934, - "content": "챵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66935, - "content": "ҳ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66936, - "content": "훏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66937, - "content": "雇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66938, - "content": "칳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66939, - "content": "銃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66940, - "content": "婀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66941, - "content": "㳚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66942, - "content": "菋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66943, - "content": "떡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66944, - "content": "굞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66945, - "content": "双", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66946, - "content": "킃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66947, - "content": "٠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66948, - "content": "ぼ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66949, - "content": "拊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66950, - "content": "؇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66951, - "content": "欠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66952, - "content": "揎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66953, - "content": "설", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66954, - "content": "밑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66955, - "content": "瓏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66956, - "content": "౾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66957, - "content": "뱠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66958, - "content": "섞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66959, - "content": "쨻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66960, - "content": "ル", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66961, - "content": "縈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66962, - "content": "诉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66963, - "content": "邹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66964, - "content": "랴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66965, - "content": "嫉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66966, - "content": "胍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66967, - "content": "琍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66968, - "content": "海", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66969, - "content": "拟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66970, - "content": "橱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66971, - "content": "蹅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66972, - "content": "垛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66973, - "content": "艶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66974, - "content": "뮘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66975, - "content": "鹉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66976, - "content": "賤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66977, - "content": "प", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66978, - "content": "獗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66979, - "content": "덠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66980, - "content": "𬬱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66981, - "content": "悄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66982, - "content": "荐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66983, - "content": "څ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66984, - "content": "镏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66985, - "content": "쌛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66986, - "content": "맶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66987, - "content": "휸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66988, - "content": "耕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66989, - "content": "𫓧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66990, - "content": "住", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66991, - "content": "햓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66992, - "content": "퓯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66993, - "content": "翾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66994, - "content": "齒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66995, - "content": "莼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66996, - "content": "줸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66997, - "content": "勤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66998, - "content": "ਅ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 66999, - "content": "쥰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67000, - "content": "궎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67001, - "content": "뤣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67002, - "content": "룲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67003, - "content": "뭜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67004, - "content": "纯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67005, - "content": "칅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67006, - "content": "얎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67007, - "content": "놟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67008, - "content": "釩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67009, - "content": "Ị", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67010, - "content": "업", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67011, - "content": "틫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67012, - "content": "턬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67013, - "content": "媓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67014, - "content": "裏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67015, - "content": "ৗ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67016, - "content": "맦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67017, - "content": "嶽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67018, - "content": "륲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67019, - "content": "펎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67020, - "content": "𬟁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67021, - "content": "삈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67022, - "content": "왘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67023, - "content": "难", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67024, - "content": "큳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67025, - "content": "趯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67026, - "content": "轺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67027, - "content": "얠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67028, - "content": "꾀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67029, - "content": "笑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67030, - "content": "场", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67031, - "content": "ع", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67032, - "content": "믟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67033, - "content": "荻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67034, - "content": "쓗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67035, - "content": "톐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67036, - "content": "꿳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67037, - "content": "碰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67038, - "content": "폛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67039, - "content": "徨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67040, - "content": "싚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67041, - "content": "뀡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67042, - "content": "챐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67043, - "content": "\u0001", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67044, - "content": "롘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67045, - "content": "窈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67046, - "content": "१", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67047, - "content": "樂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67048, - "content": "긹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67049, - "content": "볤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67050, - "content": "璟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67051, - "content": "𫖯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67052, - "content": "텾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67053, - "content": "広", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67054, - "content": "쭿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67055, - "content": "ㄾ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67056, - "content": "仵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67057, - "content": "蹣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67058, - "content": "굙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67059, - "content": "쩘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67060, - "content": "寨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67061, - "content": "蔷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67062, - "content": "껔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67063, - "content": "햺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67064, - "content": "吵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67065, - "content": "뇛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67066, - "content": "搽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67067, - "content": "ث", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67068, - "content": "卬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67069, - "content": "쓥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67070, - "content": "す", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67071, - "content": "納", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67072, - "content": "頌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67073, - "content": "朵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67074, - "content": "恣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67075, - "content": "꺜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67076, - "content": "낢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67077, - "content": "ڼ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67078, - "content": "髢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67079, - "content": "쀳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67080, - "content": "芷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67081, - "content": "ং", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67082, - "content": "쇿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67083, - "content": "숒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67084, - "content": "浏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67085, - "content": "峯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67086, - "content": "顾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67087, - "content": "溱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67088, - "content": "蓀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67089, - "content": "練", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67090, - "content": "짣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67091, - "content": "떬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67092, - "content": "姿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67093, - "content": "췖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67094, - "content": "뽂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67095, - "content": "黙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67096, - "content": "盎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67097, - "content": "옥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67098, - "content": "谸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67099, - "content": "뻘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67100, - "content": "엝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67101, - "content": "措", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67102, - "content": "썑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67103, - "content": "뢮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67104, - "content": "㙍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67105, - "content": "툖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67106, - "content": "鹟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67107, - "content": "놥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67108, - "content": "滥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67109, - "content": "턜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67110, - "content": "⇨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67111, - "content": "甪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67112, - "content": "藦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67113, - "content": "்", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67114, - "content": "돱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67115, - "content": "พ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67116, - "content": "绮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67117, - "content": "븪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67118, - "content": "坞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67119, - "content": "盅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67120, - "content": "胀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67121, - "content": "竘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67122, - "content": "揹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67123, - "content": "폨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67124, - "content": "ঙ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67125, - "content": "칦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67126, - "content": "ૅ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67127, - "content": "첱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67128, - "content": "쒇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67129, - "content": "횑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67130, - "content": "쾚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67131, - "content": "셺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67132, - "content": "𬬹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67133, - "content": "腋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67134, - "content": "뺑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67135, - "content": "牤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67136, - "content": "弔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67137, - "content": "磅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67138, - "content": "監", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67139, - "content": "묣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67140, - "content": "謦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67141, - "content": "ೞ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67142, - "content": "暄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67143, - "content": "駱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67144, - "content": "贗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67145, - "content": "띁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67146, - "content": "큩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67147, - "content": "촀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67148, - "content": "庄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67149, - "content": "광", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67150, - "content": "벦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67151, - "content": "炸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67152, - "content": "랕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67153, - "content": "ళ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67154, - "content": "箸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67155, - "content": "풼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67156, - "content": "牁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67157, - "content": "興", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67158, - "content": "뇱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67159, - "content": "헴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67160, - "content": "珫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67161, - "content": "ǎ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67162, - "content": "繅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67163, - "content": "봠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67164, - "content": "涫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67165, - "content": "妲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67166, - "content": "싀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67167, - "content": "띶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67168, - "content": "뫞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67169, - "content": "렬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67170, - "content": "셎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67171, - "content": "궒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67172, - "content": "쑣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67173, - "content": "롪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67174, - "content": "浡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67175, - "content": "競", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67176, - "content": "췺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67177, - "content": "붆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67178, - "content": "谱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67179, - "content": "쥵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67180, - "content": "魇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67181, - "content": "捧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67182, - "content": "頊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67183, - "content": "٥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67184, - "content": "갾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67185, - "content": "댙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67186, - "content": "꽒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67187, - "content": "닪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67188, - "content": "甭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67189, - "content": "ۛ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67190, - "content": "턪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67191, - "content": "읬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67192, - "content": "홐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67193, - "content": "쳒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67194, - "content": "쌔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67195, - "content": "띯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67196, - "content": "빢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67197, - "content": "웭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67198, - "content": "틛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67199, - "content": "쀌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67200, - "content": "伐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67201, - "content": "哎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67202, - "content": "篭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67203, - "content": "啕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67204, - "content": "庑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67205, - "content": "漻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67206, - "content": "疽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67207, - "content": "뮗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67208, - "content": "泞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67209, - "content": "똥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67210, - "content": "灣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67211, - "content": "괬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67212, - "content": "콆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67213, - "content": "퐪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67214, - "content": "臂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67215, - "content": "鏟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67216, - "content": "놅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67217, - "content": "낀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67218, - "content": "吓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67219, - "content": "큦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67220, - "content": "駭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67221, - "content": "놮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67222, - "content": "샲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67223, - "content": "伋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67224, - "content": "뿺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67225, - "content": "௭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67226, - "content": "帼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67227, - "content": "숟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67228, - "content": "鄅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67229, - "content": "吟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67230, - "content": "뷾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67231, - "content": "岣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67232, - "content": "꽚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67233, - "content": "诡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67234, - "content": "臊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67235, - "content": "貆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67236, - "content": "ダ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67237, - "content": "똪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67238, - "content": "赅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67239, - "content": "굛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67240, - "content": "뵜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67241, - "content": "窯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67242, - "content": "쒄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67243, - "content": "喔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67244, - "content": "胯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67245, - "content": "엧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67246, - "content": "뮼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67247, - "content": "𪨶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67248, - "content": "璋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67249, - "content": "뜸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67250, - "content": "邃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67251, - "content": "芋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67252, - "content": "擔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67253, - "content": "榄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67254, - "content": "땔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67255, - "content": "떀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67256, - "content": "뎘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67257, - "content": "픇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67258, - "content": "믍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67259, - "content": "묯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67260, - "content": "赕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67261, - "content": "疑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67262, - "content": "揄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67263, - "content": "忱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67264, - "content": "쯪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67265, - "content": "쥉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67266, - "content": "퓺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67267, - "content": "닋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67268, - "content": "샶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67269, - "content": "ݳ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67270, - "content": "켰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67271, - "content": "겡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67272, - "content": "뷖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67273, - "content": "춒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67274, - "content": "洸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67275, - "content": "筝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67276, - "content": "謿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67277, - "content": "녒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67278, - "content": "寵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67279, - "content": "喉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67280, - "content": "탣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67281, - "content": "퍲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67282, - "content": "뉞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67283, - "content": "셦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67284, - "content": "奮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67285, - "content": "窝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67286, - "content": "ẽ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67287, - "content": "统", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67288, - "content": "켍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67289, - "content": "숄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67290, - "content": "힎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67291, - "content": "篮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67292, - "content": "悃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67293, - "content": "舢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67294, - "content": "鮒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67295, - "content": "擴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67296, - "content": "닿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67297, - "content": "쏿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67298, - "content": "쯩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67299, - "content": "𬉼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67300, - "content": "쮽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67301, - "content": "๋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67302, - "content": "먯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67303, - "content": "휕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67304, - "content": "カ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67305, - "content": "췹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67306, - "content": "裈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67307, - "content": "磚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67308, - "content": "挿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67309, - "content": "摊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67310, - "content": "粗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67311, - "content": "漈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67312, - "content": "석", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67313, - "content": "큠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67314, - "content": "觿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67315, - "content": "뛜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67316, - "content": "흧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67317, - "content": "칹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67318, - "content": "훸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67319, - "content": "逢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67320, - "content": "伉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67321, - "content": "춁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67322, - "content": "肘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67323, - "content": "셣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67324, - "content": "욊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67325, - "content": "외", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67326, - "content": "棠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67327, - "content": "턲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67328, - "content": "麇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67329, - "content": "멱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67330, - "content": "络", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67331, - "content": "菌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67332, - "content": "钚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67333, - "content": "ﻥ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67334, - "content": "罚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67335, - "content": "쀯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67336, - "content": "쐓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67337, - "content": "플", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67338, - "content": "柃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67339, - "content": "螱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67340, - "content": "땧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67341, - "content": "湟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67342, - "content": "똫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67343, - "content": "쒤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67344, - "content": "걠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67345, - "content": "―", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67346, - "content": "겈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67347, - "content": "헃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67348, - "content": "칱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67349, - "content": "玒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67350, - "content": "눝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67351, - "content": "엪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67352, - "content": "쵅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67353, - "content": "噹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67354, - "content": "浠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67355, - "content": "곍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67356, - "content": "칏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67357, - "content": "骯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67358, - "content": "퇦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67359, - "content": "빁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67360, - "content": "ೕ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67361, - "content": "荬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67362, - "content": "볪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67363, - "content": "들", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67364, - "content": "ぢ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67365, - "content": "鳶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67366, - "content": "鳳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67367, - "content": "휇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67368, - "content": "汜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67369, - "content": "絰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67370, - "content": "컴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67371, - "content": "讣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67372, - "content": "쒸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67373, - "content": "屡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67374, - "content": "斬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67375, - "content": "驢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67376, - "content": "퉻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67377, - "content": "춨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67378, - "content": "쨙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67379, - "content": "娯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67380, - "content": "漬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67381, - "content": "쿞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67382, - "content": "뫯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67383, - "content": "줪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67384, - "content": "璘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67385, - "content": "쒨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67386, - "content": "旯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67387, - "content": "뜚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67388, - "content": "밨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67389, - "content": "췳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67390, - "content": "篾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67391, - "content": "숗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67392, - "content": "稳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67393, - "content": "쵵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67394, - "content": "Ф", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67395, - "content": "섄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67396, - "content": "쐨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67397, - "content": "궢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67398, - "content": "ێ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67399, - "content": "횅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67400, - "content": "簦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67401, - "content": "桊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67402, - "content": "娟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67403, - "content": "봀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67404, - "content": "쩋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67405, - "content": "号", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67406, - "content": "뒸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67407, - "content": "쓿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67408, - "content": "霆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67409, - "content": "堃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67410, - "content": "놩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67411, - "content": "责", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67412, - "content": "꺻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67413, - "content": "ఆ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67414, - "content": "풪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67415, - "content": "𨙸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67416, - "content": "낉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67417, - "content": "莅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67418, - "content": "梴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67419, - "content": "悅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67420, - "content": "뱑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67421, - "content": "뻪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67422, - "content": "떴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67423, - "content": "즭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67424, - "content": "홡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67425, - "content": "猎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67426, - "content": "錄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67427, - "content": "恧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67428, - "content": "吃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67429, - "content": "끎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67430, - "content": "눼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67431, - "content": "踡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67432, - "content": "沘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67433, - "content": "徕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67434, - "content": "쾔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67435, - "content": "삝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67436, - "content": "꽪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67437, - "content": "좭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67438, - "content": "٪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67439, - "content": "뷅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67440, - "content": "헊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67441, - "content": "궲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67442, - "content": "ॢ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67443, - "content": "꿵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67444, - "content": "뾎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67445, - "content": "겷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67446, - "content": "乾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67447, - "content": "余", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67448, - "content": "蜩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67449, - "content": "睎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67450, - "content": "徠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67451, - "content": "쫺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67452, - "content": "뤸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67453, - "content": "괭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67454, - "content": "몏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67455, - "content": "ۘ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67456, - "content": "돝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67457, - "content": "뙨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67458, - "content": "蟀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67459, - "content": "툩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67460, - "content": "膊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67461, - "content": "댭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67462, - "content": "ॅ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67463, - "content": "쭢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67464, - "content": "绒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67465, - "content": "챖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67466, - "content": "뻜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67467, - "content": "窿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67468, - "content": "樟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67469, - "content": "넥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67470, - "content": "륛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67471, - "content": "訖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67472, - "content": "鱾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67473, - "content": "랿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67474, - "content": "則", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67475, - "content": "솭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67476, - "content": "ڕ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67477, - "content": "쨚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67478, - "content": "瀑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67479, - "content": "枫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67480, - "content": "뼵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67481, - "content": "邁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67482, - "content": "눻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67483, - "content": "칊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67484, - "content": "ٽ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67485, - "content": "꿛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67486, - "content": "믅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67487, - "content": "츗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67488, - "content": "냕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67489, - "content": "쨔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67490, - "content": "郛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67491, - "content": "麈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67492, - "content": "뗢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67493, - "content": "ஈ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67494, - "content": "夠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67495, - "content": "滹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67496, - "content": "蟥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67497, - "content": "滁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67498, - "content": "췤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67499, - "content": "닸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67500, - "content": "릡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67501, - "content": "톜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67502, - "content": "媼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67503, - "content": "ழ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67504, - "content": "彡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67505, - "content": "곀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67506, - "content": "趑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67507, - "content": "쉮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67508, - "content": "샿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67509, - "content": "漷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67510, - "content": "况", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67511, - "content": "嗓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67512, - "content": "쬈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67513, - "content": "ষ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67514, - "content": "罌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67515, - "content": "歸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67516, - "content": "듇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67517, - "content": "叔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67518, - "content": "蹰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67519, - "content": "껞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67520, - "content": "儉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67521, - "content": "싢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67522, - "content": "퍮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67523, - "content": "邲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67524, - "content": "𬭛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67525, - "content": "騾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67526, - "content": "胨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67527, - "content": "꾄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67528, - "content": "쒙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67529, - "content": "繍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67530, - "content": "伝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67531, - "content": "ಔ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67532, - "content": "噶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67533, - "content": "뉀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67534, - "content": "톆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67535, - "content": "옌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67536, - "content": "踴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67537, - "content": "쏏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67538, - "content": "纥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67539, - "content": "喩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67540, - "content": "秦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67541, - "content": "ェ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67542, - "content": "좆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67543, - "content": "ケ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67544, - "content": "𬶋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67545, - "content": "녊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67546, - "content": "췈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67547, - "content": "퓆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67548, - "content": "貓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67549, - "content": "随", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67550, - "content": "쵇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67551, - "content": "遮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67552, - "content": "木", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67553, - "content": "砲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67554, - "content": "폡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67555, - "content": "큽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67556, - "content": "吕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67557, - "content": "뤑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67558, - "content": "闹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67559, - "content": "뀲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67560, - "content": "્", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67561, - "content": "눉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67562, - "content": "뫌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67563, - "content": "댑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67564, - "content": "뀚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67565, - "content": "ಜ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67566, - "content": "௹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67567, - "content": "뚬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67568, - "content": "옹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67569, - "content": "캊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67570, - "content": "處", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67571, - "content": "酴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67572, - "content": "썸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67573, - "content": "臬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67574, - "content": "胎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67575, - "content": "腩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67576, - "content": "푹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67577, - "content": "싟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67578, - "content": "뇘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67579, - "content": "落", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67580, - "content": "틻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67581, - "content": "愎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67582, - "content": "푇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67583, - "content": "岨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67584, - "content": "젣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67585, - "content": "ః", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67586, - "content": "么", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67587, - "content": "虺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67588, - "content": "퐟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67589, - "content": "ぱ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67590, - "content": "ৌ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67591, - "content": "蠃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67592, - "content": "蚬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67593, - "content": "孜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67594, - "content": "诶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67595, - "content": "督", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67596, - "content": "괕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67597, - "content": "亞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67598, - "content": "춧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67599, - "content": "恥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67600, - "content": "잘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67601, - "content": "憊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67602, - "content": "먤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67603, - "content": "餵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67604, - "content": "갩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67605, - "content": "묋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67606, - "content": "쩶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67607, - "content": "恠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67608, - "content": "ホ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67609, - "content": "ൗ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67610, - "content": "糕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67611, - "content": "쑔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67612, - "content": "엓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67613, - "content": "鸰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67614, - "content": "뗶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67615, - "content": "챚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67616, - "content": "劍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67617, - "content": "뤀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67618, - "content": "制", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67619, - "content": "돽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67620, - "content": "憂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67621, - "content": "쐉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67622, - "content": "藍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67623, - "content": "鍍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67624, - "content": "뵦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67625, - "content": "球", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67626, - "content": "菽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67627, - "content": "짢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67628, - "content": "쵟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67629, - "content": "硃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67630, - "content": "窖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67631, - "content": "믜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67632, - "content": "쪙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67633, - "content": "約", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67634, - "content": "鹿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67635, - "content": "ص", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67636, - "content": "캻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67637, - "content": "訥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67638, - "content": "葦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67639, - "content": "떪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67640, - "content": "谌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67641, - "content": "뇈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67642, - "content": "쓕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67643, - "content": "僦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67644, - "content": "쎛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67645, - "content": "骊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67646, - "content": "郏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67647, - "content": "य", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67648, - "content": "뼹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67649, - "content": "쐍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67650, - "content": "螟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67651, - "content": "钊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67652, - "content": "눗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67653, - "content": "硚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67654, - "content": "魷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67655, - "content": "녾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67656, - "content": "브", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67657, - "content": "헫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67658, - "content": "킾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67659, - "content": "绷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67660, - "content": "내", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67661, - "content": "렯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67662, - "content": "탶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67663, - "content": "暈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67664, - "content": "툟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67665, - "content": "왨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67666, - "content": "쬛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67667, - "content": "깧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67668, - "content": "졈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67669, - "content": "뛠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67670, - "content": "轼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67671, - "content": "殻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67672, - "content": "妬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67673, - "content": "贷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67674, - "content": "좙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67675, - "content": "뜋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67676, - "content": "樾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67677, - "content": "낚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67678, - "content": "쨰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67679, - "content": "轻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67680, - "content": "র", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67681, - "content": "蘋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67682, - "content": "쵚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67683, - "content": "喂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67684, - "content": "헔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67685, - "content": "큇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67686, - "content": "텋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67687, - "content": "뎳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67688, - "content": "뻗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67689, - "content": "릔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67690, - "content": "겶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67691, - "content": "촌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67692, - "content": "틏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67693, - "content": "綮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67694, - "content": "뱺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67695, - "content": "嫦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67696, - "content": "彻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67697, - "content": "垌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67698, - "content": "꽷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67699, - "content": "峙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67700, - "content": "틗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67701, - "content": "꺼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67702, - "content": "蝶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67703, - "content": "썔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67704, - "content": "쫋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67705, - "content": "雁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67706, - "content": "쐐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67707, - "content": "큂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67708, - "content": "끒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67709, - "content": "鸚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67710, - "content": "굑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67711, - "content": "喫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67712, - "content": "蓢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67713, - "content": "媵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67714, - "content": "즠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67715, - "content": "븢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67716, - "content": "௧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67717, - "content": "귀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67718, - "content": "౸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67719, - "content": "绊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67720, - "content": "ウ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67721, - "content": "權", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67722, - "content": "暲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67723, - "content": "铚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67724, - "content": "븠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67725, - "content": "揲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67726, - "content": "섆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67727, - "content": "콰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67728, - "content": "ン", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67729, - "content": "搓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67730, - "content": "咸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67731, - "content": "륝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67732, - "content": "眺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67733, - "content": "盟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67734, - "content": "홝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67735, - "content": "猜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67736, - "content": "쪬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67737, - "content": "쭀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67738, - "content": "後", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67739, - "content": "뀗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67740, - "content": "ॠ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67741, - "content": "迺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67742, - "content": "ఈ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67743, - "content": "揉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67744, - "content": "뙭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67745, - "content": "봻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67746, - "content": "郇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67747, - "content": "꿪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67748, - "content": "麂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67749, - "content": "똙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67750, - "content": "Й", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67751, - "content": "됍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67752, - "content": "푠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67753, - "content": "ഖ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67754, - "content": "尾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67755, - "content": "찪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67756, - "content": "氾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67757, - "content": "넠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67758, - "content": "펮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67759, - "content": "徼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67760, - "content": "폘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67761, - "content": "릤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67762, - "content": "曾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67763, - "content": "蔣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67764, - "content": "봸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67765, - "content": "黼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67766, - "content": "뀩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67767, - "content": "壳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67768, - "content": "员", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67769, - "content": "쎑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67770, - "content": "屾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67771, - "content": "훩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67772, - "content": "덟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67773, - "content": "퀚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67774, - "content": "묥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67775, - "content": "楸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67776, - "content": "Ữ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67777, - "content": "প", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67778, - "content": "꼚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67779, - "content": "那", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67780, - "content": "뎯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67781, - "content": "휒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67782, - "content": "拝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67783, - "content": "簖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67784, - "content": "폄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67785, - "content": "砆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67786, - "content": "蹦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67787, - "content": "辫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67788, - "content": "빕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67789, - "content": "营", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67790, - "content": "헇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67791, - "content": "갛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67792, - "content": "꽕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67793, - "content": "築", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67794, - "content": "췎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67795, - "content": "之", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67796, - "content": "耵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67797, - "content": "첔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67798, - "content": "풸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67799, - "content": "윑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67800, - "content": "튨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67801, - "content": "腨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67802, - "content": "曦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67803, - "content": "쾟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67804, - "content": "첟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67805, - "content": "昄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67806, - "content": "꾝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67807, - "content": "鹭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67808, - "content": "𬯎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67809, - "content": "娣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67810, - "content": "퉼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67811, - "content": "뜷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67812, - "content": "侪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67813, - "content": "ੁ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67814, - "content": "뱻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67815, - "content": "籀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67816, - "content": "మ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67817, - "content": "邽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67818, - "content": "춸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67819, - "content": "섟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67820, - "content": "꼜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67821, - "content": "脤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67822, - "content": "핹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67823, - "content": "瘥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67824, - "content": "줹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67825, - "content": "덲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67826, - "content": "씹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67827, - "content": "鲦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67828, - "content": "얡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67829, - "content": "즓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67830, - "content": "뤰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67831, - "content": "猶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67832, - "content": "釜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67833, - "content": "诀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67834, - "content": "酞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67835, - "content": "뎂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67836, - "content": "낥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67837, - "content": "嚷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67838, - "content": "줘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67839, - "content": "萘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67840, - "content": "ഈ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67841, - "content": "黟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67842, - "content": "쾺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67843, - "content": "酅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67844, - "content": "诅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67845, - "content": "욍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67846, - "content": "猝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67847, - "content": "烀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67848, - "content": "쨕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67849, - "content": "뵄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67850, - "content": "氙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67851, - "content": "춱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67852, - "content": "瓔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67853, - "content": "棼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67854, - "content": "氍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67855, - "content": "퍳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67856, - "content": "코", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67857, - "content": "픛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67858, - "content": "흲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67859, - "content": "犀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67860, - "content": "醉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67861, - "content": "멼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67862, - "content": "撞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67863, - "content": "첁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67864, - "content": "諾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67865, - "content": "팔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67866, - "content": "圈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67867, - "content": "뒜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67868, - "content": "惋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67869, - "content": "藻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67870, - "content": "뾛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67871, - "content": "垧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67872, - "content": "恨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67873, - "content": "즔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67874, - "content": "畫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67875, - "content": "娇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67876, - "content": "誧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67877, - "content": "京", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67878, - "content": "퉔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67879, - "content": "썻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67880, - "content": "힌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67881, - "content": "캋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67882, - "content": "糗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67883, - "content": "骐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67884, - "content": "맆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67885, - "content": "ݥ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67886, - "content": "嘱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67887, - "content": "흶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67888, - "content": "홯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67889, - "content": "镒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67890, - "content": "ೊ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67891, - "content": "셳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67892, - "content": "퀍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67893, - "content": "궉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67894, - "content": "扎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67895, - "content": "늂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67896, - "content": "條", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67897, - "content": "봼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67898, - "content": "ణ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67899, - "content": "念", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67900, - "content": "盹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67901, - "content": "竽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67902, - "content": "띮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67903, - "content": "끳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67904, - "content": "烊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67905, - "content": "冥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67906, - "content": "肯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67907, - "content": "璩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67908, - "content": "副", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67909, - "content": "ಫ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67910, - "content": "患", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67911, - "content": "놉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67912, - "content": "人", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67913, - "content": "漏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67914, - "content": "呱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67915, - "content": "縷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67916, - "content": "ข", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67917, - "content": "セ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67918, - "content": "쎣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67919, - "content": "些", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67920, - "content": "恳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67921, - "content": "嗤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67922, - "content": "촵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67923, - "content": "첛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67924, - "content": "깛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67925, - "content": "趱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67926, - "content": "접", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67927, - "content": "獎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67928, - "content": "痩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67929, - "content": "▷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67930, - "content": "꿱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67931, - "content": "못", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67932, - "content": "첎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67933, - "content": "嚮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67934, - "content": "죜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67935, - "content": "쮁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67936, - "content": "Ź", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67937, - "content": "쬿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67938, - "content": "떄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67939, - "content": "斜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67940, - "content": "쉩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67941, - "content": "텦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67942, - "content": "〇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67943, - "content": "妻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67944, - "content": "令", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67945, - "content": "햃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67946, - "content": "墩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67947, - "content": "뷿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67948, - "content": "洶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67949, - "content": "础", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67950, - "content": "히", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67951, - "content": "焞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67952, - "content": "혂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67953, - "content": "닑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67954, - "content": "탑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67955, - "content": "殯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67956, - "content": "듰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67957, - "content": "벙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67958, - "content": "魚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67959, - "content": "優", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67960, - "content": "泄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67961, - "content": "썜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67962, - "content": "圜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67963, - "content": "屺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67964, - "content": "룈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67965, - "content": "窘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67966, - "content": "茲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67967, - "content": "흍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67968, - "content": "맑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67969, - "content": "઼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67970, - "content": "烔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67971, - "content": "蒗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67972, - "content": "굓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67973, - "content": "冴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67974, - "content": "ఛ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67975, - "content": "툮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67976, - "content": "上", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67977, - "content": "ٴ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67978, - "content": "饭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67979, - "content": "럮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67980, - "content": "핧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67981, - "content": "뇂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67982, - "content": "뼷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67983, - "content": "퉽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67984, - "content": "好", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67985, - "content": "掸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67986, - "content": "凌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67987, - "content": "봰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67988, - "content": "춬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67989, - "content": "샠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67990, - "content": "휫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67991, - "content": "걔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67992, - "content": "록", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67993, - "content": "袷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67994, - "content": "그", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67995, - "content": "띉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67996, - "content": "쳤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67997, - "content": "무", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67998, - "content": "ឋ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 67999, - "content": "삭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68000, - "content": "ણ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68001, - "content": "햡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68002, - "content": "ݘ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68003, - "content": "틂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68004, - "content": "핣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68005, - "content": "걐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68006, - "content": "鈔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68007, - "content": "๛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68008, - "content": "膨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68009, - "content": "뜕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68010, - "content": "稱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68011, - "content": "仫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68012, - "content": "휃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68013, - "content": "Ễ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68014, - "content": "狈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68015, - "content": "뢔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68016, - "content": "隔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68017, - "content": "쓴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68018, - "content": "긟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68019, - "content": "欧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68020, - "content": "牡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68021, - "content": "𬺈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68022, - "content": "镅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68023, - "content": "捨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68024, - "content": "ẩ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68025, - "content": "쯥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68026, - "content": "졪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68027, - "content": "궽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68028, - "content": "과", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68029, - "content": "쑠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68030, - "content": "幢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68031, - "content": "럀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68032, - "content": "炬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68033, - "content": "르", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68034, - "content": "ڿ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68035, - "content": "검", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68036, - "content": "뉍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68037, - "content": "텞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68038, - "content": "岊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68039, - "content": "꾠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68040, - "content": "篦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68041, - "content": "ഞ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68042, - "content": "혰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68043, - "content": "潘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68044, - "content": "凹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68045, - "content": "앲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68046, - "content": "릩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68047, - "content": "붶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68048, - "content": "뼱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68049, - "content": "拳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68050, - "content": "켴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68051, - "content": "쀂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68052, - "content": "장", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68053, - "content": "琬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68054, - "content": "앧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68055, - "content": "젩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68056, - "content": "뉫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68057, - "content": "흪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68058, - "content": "灰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68059, - "content": "졋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68060, - "content": "が", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68061, - "content": "쳑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68062, - "content": "뉜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68063, - "content": "伸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68064, - "content": "섺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68065, - "content": "쨄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68066, - "content": "깱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68067, - "content": "曇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68068, - "content": "뚜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68069, - "content": "뛙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68070, - "content": "팡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68071, - "content": "ẓ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68072, - "content": "긡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68073, - "content": "녍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68074, - "content": "탤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68075, - "content": "믪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68076, - "content": "瘧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68077, - "content": "뾦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68078, - "content": "శ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68079, - "content": "ਕ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68080, - "content": "훽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68081, - "content": "锟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68082, - "content": "侥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68083, - "content": "痢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68084, - "content": "벇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68085, - "content": "좱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68086, - "content": "炕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68087, - "content": "𫟼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68088, - "content": "멨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68089, - "content": "꽗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68090, - "content": "಼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68091, - "content": "봹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68092, - "content": "퇣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68093, - "content": "력", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68094, - "content": "벌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68095, - "content": "𦈡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68096, - "content": "驴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68097, - "content": "퉉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68098, - "content": "菝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68099, - "content": "멏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68100, - "content": "ஶ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68101, - "content": "뽎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68102, - "content": "邯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68103, - "content": "냅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68104, - "content": "떦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68105, - "content": "뷩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68106, - "content": "슒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68107, - "content": "셿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68108, - "content": "੭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68109, - "content": "喧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68110, - "content": "녰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68111, - "content": "뵟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68112, - "content": "땫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68113, - "content": "ដ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68114, - "content": "뻰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68115, - "content": "糨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68116, - "content": "쉶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68117, - "content": "펶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68118, - "content": "诟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68119, - "content": "凓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68120, - "content": "斷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68121, - "content": "턣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68122, - "content": "៱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68123, - "content": "놄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68124, - "content": "텖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68125, - "content": "乓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68126, - "content": "겑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68127, - "content": "睡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68128, - "content": "쪘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68129, - "content": "쭤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68130, - "content": "瘴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68131, - "content": "অ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68132, - "content": "ヌ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68133, - "content": "⅓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68134, - "content": "頔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68135, - "content": "檢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68136, - "content": "瓴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68137, - "content": "應", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68138, - "content": "탱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68139, - "content": "怀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68140, - "content": "毓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68141, - "content": "쎇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68142, - "content": "咏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68143, - "content": "蘩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68144, - "content": "묑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68145, - "content": "娥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68146, - "content": "괽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68147, - "content": "휰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68148, - "content": "졷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68149, - "content": "俄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68150, - "content": "偺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68151, - "content": "浍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68152, - "content": "趺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68153, - "content": "嶒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68154, - "content": "쵷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68155, - "content": "Ő", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68156, - "content": "큪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68157, - "content": "몬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68158, - "content": "鉢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68159, - "content": "匡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68160, - "content": "𬪩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68161, - "content": "썊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68162, - "content": "ಚ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68163, - "content": "茝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68164, - "content": "貪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68165, - "content": "챘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68166, - "content": "뜂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68167, - "content": "皞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68168, - "content": "皴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68169, - "content": "孥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68170, - "content": "揠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68171, - "content": "肩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68172, - "content": "餿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68173, - "content": "쟊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68174, - "content": "童", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68175, - "content": "摅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68176, - "content": "沤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68177, - "content": "쓛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68178, - "content": "잪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68179, - "content": "ۍ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68180, - "content": "厍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68181, - "content": "莿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68182, - "content": "악", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68183, - "content": "嫂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68184, - "content": "릏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68185, - "content": "鸨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68186, - "content": "닣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68187, - "content": "뼃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68188, - "content": "ㇳ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68189, - "content": "똖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68190, - "content": "맛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68191, - "content": "付", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68192, - "content": "좓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68193, - "content": "農", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68194, - "content": "큈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68195, - "content": "삛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68196, - "content": "팦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68197, - "content": "Ư", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68198, - "content": "犒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68199, - "content": "蕙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68200, - "content": "컪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68201, - "content": "쇀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68202, - "content": "狒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68203, - "content": "꾽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68204, - "content": "所", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68205, - "content": "癍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68206, - "content": "쨝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68207, - "content": "깬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68208, - "content": "脰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68209, - "content": "笥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68210, - "content": "ឭ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68211, - "content": "辋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68212, - "content": "꺰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68213, - "content": "備", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68214, - "content": "휿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68215, - "content": "钖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68216, - "content": "냌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68217, - "content": "៷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68218, - "content": "붍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68219, - "content": "뻥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68220, - "content": "을", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68221, - "content": "勳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68222, - "content": "졫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68223, - "content": "绩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68224, - "content": "벶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68225, - "content": "쁷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68226, - "content": "楫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68227, - "content": "瞭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68228, - "content": "饲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68229, - "content": "눓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68230, - "content": "況", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68231, - "content": "톮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68232, - "content": "렃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68233, - "content": "曳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68234, - "content": "昨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68235, - "content": "諺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68236, - "content": "뺼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68237, - "content": "匏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68238, - "content": "蕹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68239, - "content": "鄞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68240, - "content": "デ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68241, - "content": "車", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68242, - "content": "飞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68243, - "content": "컾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68244, - "content": "퇄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68245, - "content": "녖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68246, - "content": "쀟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68247, - "content": "衎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68248, - "content": "艙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68249, - "content": "誉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68250, - "content": "읯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68251, - "content": "У", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68252, - "content": "ト", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68253, - "content": "И", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68254, - "content": "쎻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68255, - "content": "닛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68256, - "content": "火", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68257, - "content": "ઋ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68258, - "content": "㿠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68259, - "content": "뻯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68260, - "content": "嚐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68261, - "content": "뎴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68262, - "content": "봇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68263, - "content": "烹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68264, - "content": "独", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68265, - "content": "좀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68266, - "content": "甸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68267, - "content": "騁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68268, - "content": "觑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68269, - "content": "퐈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68270, - "content": "섵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68271, - "content": "箴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68272, - "content": "抔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68273, - "content": "퐀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68274, - "content": "翼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68275, - "content": "墕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68276, - "content": "৯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68277, - "content": "탸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68278, - "content": "鑾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68279, - "content": "칁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68280, - "content": "攽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68281, - "content": "鑰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68282, - "content": "奚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68283, - "content": "Ү", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68284, - "content": "쭣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68285, - "content": "슉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68286, - "content": "뇞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68287, - "content": "煩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68288, - "content": "锷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68289, - "content": "웕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68290, - "content": "콑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68291, - "content": "랪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68292, - "content": "뢽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68293, - "content": "웴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68294, - "content": "쓲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68295, - "content": "엒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68296, - "content": "允", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68297, - "content": "ۊ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68298, - "content": "꼝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68299, - "content": "킣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68300, - "content": "롣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68301, - "content": "淤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68302, - "content": "냓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68303, - "content": "葛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68304, - "content": "萨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68305, - "content": "숊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68306, - "content": "뙁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68307, - "content": "鲐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68308, - "content": "굉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68309, - "content": "抹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68310, - "content": "탻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68311, - "content": "堞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68312, - "content": "損", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68313, - "content": "鞦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68314, - "content": "왜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68315, - "content": "溏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68316, - "content": "ٚ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68317, - "content": "画", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68318, - "content": "덂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68319, - "content": "掺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68320, - "content": "槊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68321, - "content": "儸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68322, - "content": "爿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68323, - "content": "썝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68324, - "content": "煊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68325, - "content": "斟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68326, - "content": "례", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68327, - "content": "轡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68328, - "content": "쁎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68329, - "content": "삯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68330, - "content": "夔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68331, - "content": "낈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68332, - "content": "롁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68333, - "content": "팼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68334, - "content": "츒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68335, - "content": "ㄸ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68336, - "content": "입", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68337, - "content": "館", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68338, - "content": "됧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68339, - "content": "篡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68340, - "content": "殷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68341, - "content": "흱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68342, - "content": "낝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68343, - "content": "壺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68344, - "content": "闖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68345, - "content": "附", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68346, - "content": "켺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68347, - "content": "솒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68348, - "content": "젋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68349, - "content": "쎓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68350, - "content": "讧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68351, - "content": "鄃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68352, - "content": "闼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68353, - "content": "쉒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68354, - "content": "형", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68355, - "content": "销", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68356, - "content": "𬒔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68357, - "content": "츜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68358, - "content": "큸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68359, - "content": "뇨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68360, - "content": "읡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68361, - "content": "퐤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68362, - "content": "끓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68363, - "content": "덽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68364, - "content": "棄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68365, - "content": "鸹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68366, - "content": "户", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68367, - "content": "웁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68368, - "content": "具", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68369, - "content": "譫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68370, - "content": "琢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68371, - "content": "儲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68372, - "content": "鰍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68373, - "content": "陬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68374, - "content": "댤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68375, - "content": "曝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68376, - "content": "뉯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68377, - "content": "렞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68378, - "content": "롅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68379, - "content": "졏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68380, - "content": "鞠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68381, - "content": "뮨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68382, - "content": "瘘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68383, - "content": "뗔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68384, - "content": "ؿ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68385, - "content": "퐢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68386, - "content": "阘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68387, - "content": "삱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68388, - "content": "餞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68389, - "content": "𩾃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68390, - "content": "엺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68391, - "content": "퐋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68392, - "content": "쒻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68393, - "content": "擅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68394, - "content": "봜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68395, - "content": "킮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68396, - "content": "싳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68397, - "content": "狡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68398, - "content": "귷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68399, - "content": "뗋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68400, - "content": "헰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68401, - "content": "洋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68402, - "content": "罘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68403, - "content": "욭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68404, - "content": "濺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68405, - "content": "槭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68406, - "content": "鰓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68407, - "content": "쳻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68408, - "content": "펰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68409, - "content": "臧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68410, - "content": "팫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68411, - "content": "됸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68412, - "content": "뚈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68413, - "content": "졗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68414, - "content": "똟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68415, - "content": "걦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68416, - "content": "뭗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68417, - "content": "箫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68418, - "content": "ஹ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68419, - "content": "蔊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68420, - "content": "ೇ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68421, - "content": "钠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68422, - "content": "슪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68423, - "content": "遅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68424, - "content": "싡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68425, - "content": "똔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68426, - "content": "욑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68427, - "content": "琄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68428, - "content": "땛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68429, - "content": "息", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68430, - "content": "疗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68431, - "content": "晙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68432, - "content": "꾦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68433, - "content": "퇳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68434, - "content": "骤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68435, - "content": "氰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68436, - "content": "둸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68437, - "content": "컎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68438, - "content": "戏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68439, - "content": "招", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68440, - "content": "픶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68441, - "content": "裣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68442, - "content": "丸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68443, - "content": "궨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68444, - "content": "꼰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68445, - "content": "咱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68446, - "content": "꺅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68447, - "content": "잵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68448, - "content": "朴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68449, - "content": "뫻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68450, - "content": "뢂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68451, - "content": "띎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68452, - "content": "ៗ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68453, - "content": "क़", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68454, - "content": "缡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68455, - "content": "횽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68456, - "content": "唢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68457, - "content": "姒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68458, - "content": "깃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68459, - "content": "х", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68460, - "content": "嚅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68461, - "content": "래", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68462, - "content": "飪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68463, - "content": "쮺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68464, - "content": "휮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68465, - "content": "뻌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68466, - "content": "ऊ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68467, - "content": "몃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68468, - "content": "꺬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68469, - "content": "쀀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68470, - "content": "喙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68471, - "content": "ம", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68472, - "content": "璆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68473, - "content": "럹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68474, - "content": "拓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68475, - "content": "โ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68476, - "content": "縻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68477, - "content": "럩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68478, - "content": "튉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68479, - "content": "긠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68480, - "content": "病", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68481, - "content": "뜏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68482, - "content": "힉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68483, - "content": "열", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68484, - "content": "簋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68485, - "content": "픮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68486, - "content": "应", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68487, - "content": "톌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68488, - "content": "뾯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68489, - "content": "퐗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68490, - "content": "괅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68491, - "content": "쟮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68492, - "content": "쮂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68493, - "content": "戌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68494, - "content": "舫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68495, - "content": "멟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68496, - "content": "裨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68497, - "content": "麒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68498, - "content": "뭝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68499, - "content": "뿘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68500, - "content": "꺵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68501, - "content": "뻷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68502, - "content": "꺏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68503, - "content": "團", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68504, - "content": "ั", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68505, - "content": "襞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68506, - "content": "홶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68507, - "content": "퍄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68508, - "content": "鈣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68509, - "content": "꽈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68510, - "content": "뀄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68511, - "content": "験", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68512, - "content": "릘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68513, - "content": "辭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68514, - "content": "坳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68515, - "content": "穣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68516, - "content": "ച", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68517, - "content": "쳜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68518, - "content": "률", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68519, - "content": "쁛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68520, - "content": "똩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68521, - "content": "괍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68522, - "content": "離", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68523, - "content": "핎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68524, - "content": "Ḍ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68525, - "content": "뜆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68526, - "content": "阿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68527, - "content": "鬆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68528, - "content": "좌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68529, - "content": "𬺛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68530, - "content": "쑞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68531, - "content": "汧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68532, - "content": "鸤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68533, - "content": "锥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68534, - "content": "볻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68535, - "content": "募", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68536, - "content": "樗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68537, - "content": "鲩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68538, - "content": "诚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68539, - "content": "짖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68540, - "content": "椭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68541, - "content": "틑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68542, - "content": "娄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68543, - "content": "뇮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68544, - "content": "㥄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68545, - "content": "崞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68546, - "content": "띧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68547, - "content": "临", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68548, - "content": "艿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68549, - "content": "逛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68550, - "content": "팰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68551, - "content": "깅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68552, - "content": "쫾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68553, - "content": "懸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68554, - "content": "臣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68555, - "content": "은", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68556, - "content": "빐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68557, - "content": "鼇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68558, - "content": "៤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68559, - "content": "鳒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68560, - "content": "헛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68561, - "content": "Ấ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68562, - "content": "헶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68563, - "content": "륯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68564, - "content": "驺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68565, - "content": "夐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68566, - "content": "씰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68567, - "content": "떫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68568, - "content": "감", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68569, - "content": "풽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68570, - "content": "紀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68571, - "content": "왝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68572, - "content": "ㅈ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68573, - "content": "껻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68574, - "content": "袞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68575, - "content": "쎞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68576, - "content": "Δ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68577, - "content": "색", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68578, - "content": "햩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68579, - "content": "篱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68580, - "content": "γ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68581, - "content": "볃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68582, - "content": "鼷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68583, - "content": "뽼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68584, - "content": "觚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68585, - "content": "詨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68586, - "content": "晃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68587, - "content": "Ẽ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68588, - "content": "밻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68589, - "content": "딗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68590, - "content": "鱿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68591, - "content": "施", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68592, - "content": "앪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68593, - "content": "ਯ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68594, - "content": "걁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68595, - "content": "鵬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68596, - "content": "퇯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68597, - "content": "鹨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68598, - "content": "鸲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68599, - "content": "뼌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68600, - "content": "賊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68601, - "content": "અ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68602, - "content": "ん", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68603, - "content": "陞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68604, - "content": "챢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68605, - "content": "럵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68606, - "content": "므", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68607, - "content": "킫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68608, - "content": "벡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68609, - "content": "云", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68610, - "content": "ছ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68611, - "content": "쳿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68612, - "content": "飲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68613, - "content": "틞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68614, - "content": "σ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68615, - "content": "쯀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68616, - "content": "淴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68617, - "content": "믢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68618, - "content": "뮡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68619, - "content": "끧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68620, - "content": "调", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68621, - "content": "젂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68622, - "content": "窜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68623, - "content": "고", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68624, - "content": "쿏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68625, - "content": "龔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68626, - "content": "옱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68627, - "content": "仟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68628, - "content": "潔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68629, - "content": "꼍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68630, - "content": "꾺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68631, - "content": "꾉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68632, - "content": "뻆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68633, - "content": "ٓ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68634, - "content": "센", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68635, - "content": "쬚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68636, - "content": "卞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68637, - "content": "죺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68638, - "content": "쟐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68639, - "content": "럼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68640, - "content": "웖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68641, - "content": "酹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68642, - "content": "숶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68643, - "content": "쳐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68644, - "content": "罶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68645, - "content": "츓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68646, - "content": "앟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68647, - "content": "粵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68648, - "content": "际", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68649, - "content": "옄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68650, - "content": "狼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68651, - "content": "지", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68652, - "content": "獰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68653, - "content": "ฒ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68654, - "content": "亡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68655, - "content": "憧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68656, - "content": "엱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68657, - "content": "샓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68658, - "content": "伞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68659, - "content": "掣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68660, - "content": "柑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68661, - "content": "玼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68662, - "content": "긲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68663, - "content": "फ़", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68664, - "content": "攥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68665, - "content": "쳓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68666, - "content": "셅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68667, - "content": "吋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68668, - "content": "웙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68669, - "content": "옞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68670, - "content": "엵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68671, - "content": "毗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68672, - "content": "脟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68673, - "content": "럞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68674, - "content": "丏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68675, - "content": "ങ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68676, - "content": "치", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68677, - "content": "ਰ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68678, - "content": "讲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68679, - "content": "맂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68680, - "content": "儅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68681, - "content": "룚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68682, - "content": "蓑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68683, - "content": "綵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68684, - "content": "れ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68685, - "content": "宄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68686, - "content": "푔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68687, - "content": "嫁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68688, - "content": "뻱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68689, - "content": "됵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68690, - "content": "殇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68691, - "content": "优", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68692, - "content": "ਵ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68693, - "content": "쬖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68694, - "content": "몾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68695, - "content": "옘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68696, - "content": "속", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68697, - "content": "ক", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68698, - "content": "记", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68699, - "content": "골", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68700, - "content": "겁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68701, - "content": "긛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68702, - "content": "렳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68703, - "content": "ゲ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68704, - "content": "쏷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68705, - "content": "잤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68706, - "content": "쒔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68707, - "content": "鸬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68708, - "content": "宬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68709, - "content": "侂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68710, - "content": "貅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68711, - "content": "革", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68712, - "content": "귢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68713, - "content": "慮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68714, - "content": "ੋ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68715, - "content": "係", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68716, - "content": "٘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68717, - "content": "璜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68718, - "content": "캹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68719, - "content": "श", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68720, - "content": "歃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68721, - "content": "桤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68722, - "content": "『", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68723, - "content": "栏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68724, - "content": "誌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68725, - "content": "第", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68726, - "content": "듽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68727, - "content": "蛭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68728, - "content": "峛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68729, - "content": "丝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68730, - "content": "빯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68731, - "content": "鞁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68732, - "content": "餐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68733, - "content": "鰐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68734, - "content": "톤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68735, - "content": "쯻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68736, - "content": "俙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68737, - "content": "鼋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68738, - "content": "규", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68739, - "content": "簿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68740, - "content": "갱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68741, - "content": "鋈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68742, - "content": "꺩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68743, - "content": "댰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68744, - "content": "脂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68745, - "content": "넆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68746, - "content": "麝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68747, - "content": "툊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68748, - "content": "殂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68749, - "content": "쭇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68750, - "content": "뭂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68751, - "content": "흴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68752, - "content": "葚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68753, - "content": "囝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68754, - "content": "햷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68755, - "content": "淀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68756, - "content": "贏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68757, - "content": "튥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68758, - "content": "コ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68759, - "content": "琨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68760, - "content": "翕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68761, - "content": "마", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68762, - "content": "꺘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68763, - "content": "蠊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68764, - "content": "윹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68765, - "content": "느", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68766, - "content": "돎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68767, - "content": "푭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68768, - "content": "垡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68769, - "content": "爭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68770, - "content": "物", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68771, - "content": "씾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68772, - "content": "쿷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68773, - "content": "룋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68774, - "content": "묹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68775, - "content": "쮓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68776, - "content": "剽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68777, - "content": "ધ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68778, - "content": "뾟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68779, - "content": "믵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68780, - "content": "짲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68781, - "content": "뢄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68782, - "content": "뗺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68783, - "content": "믕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68784, - "content": "삆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68785, - "content": "颧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68786, - "content": "濮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68787, - "content": "२", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68788, - "content": "鸢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68789, - "content": "脊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68790, - "content": "뭍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68791, - "content": "났", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68792, - "content": "쩉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68793, - "content": "玃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68794, - "content": "퉊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68795, - "content": "ڵ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68796, - "content": "챷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68797, - "content": "찆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68798, - "content": "漿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68799, - "content": "驵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68800, - "content": "喰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68801, - "content": "쭂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68802, - "content": "칂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68803, - "content": "웏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68804, - "content": "혱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68805, - "content": "헩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68806, - "content": "耳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68807, - "content": "姥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68808, - "content": "ۼ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68809, - "content": "Ť", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68810, - "content": "鐺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68811, - "content": "៑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68812, - "content": "뛢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68813, - "content": "것", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68814, - "content": "붧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68815, - "content": "硐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68816, - "content": "虬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68817, - "content": "궶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68818, - "content": "낓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68819, - "content": "疸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68820, - "content": "ៃ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68821, - "content": "즛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68822, - "content": "얲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68823, - "content": "唠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68824, - "content": "慕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68825, - "content": "鈍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68826, - "content": "觼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68827, - "content": "汗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68828, - "content": "昶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68829, - "content": "鉼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68830, - "content": "즙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68831, - "content": "貯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68832, - "content": "扱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68833, - "content": "껵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68834, - "content": "덶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68835, - "content": "졾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68836, - "content": "밝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68837, - "content": "쏩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68838, - "content": "藿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68839, - "content": "爸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68840, - "content": "鳢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68841, - "content": "홗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68842, - "content": "윜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68843, - "content": "籁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68844, - "content": "훨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68845, - "content": "픷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68846, - "content": "鲷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68847, - "content": "ह", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68848, - "content": "氿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68849, - "content": "벂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68850, - "content": "띞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68851, - "content": "뎑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68852, - "content": "궮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68853, - "content": "辩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68854, - "content": "佩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68855, - "content": "쬕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68856, - "content": "蛸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68857, - "content": "洪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68858, - "content": "쎆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68859, - "content": "찒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68860, - "content": "噛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68861, - "content": "娶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68862, - "content": "턵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68863, - "content": "𧿹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68864, - "content": "汍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68865, - "content": "嘹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68866, - "content": "鹐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68867, - "content": "贞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68868, - "content": "뵼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68869, - "content": "鼓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68870, - "content": "扉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68871, - "content": "鑲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68872, - "content": "켚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68873, - "content": "풲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68874, - "content": "愔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68875, - "content": "ؤ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68876, - "content": "纳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68877, - "content": "럣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68878, - "content": "쳾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68879, - "content": "啞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68880, - "content": "行", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68881, - "content": "귑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68882, - "content": "স", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68883, - "content": "왑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68884, - "content": "漴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68885, - "content": "螯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68886, - "content": "헖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68887, - "content": "묓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68888, - "content": "哨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68889, - "content": "群", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68890, - "content": "鬨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68891, - "content": "グ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68892, - "content": "社", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68893, - "content": "窩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68894, - "content": "洨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68895, - "content": "鄫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68896, - "content": "驭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68897, - "content": "됳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68898, - "content": "淘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68899, - "content": "쯕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68900, - "content": "锰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68901, - "content": "꾳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68902, - "content": "쫪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68903, - "content": "৬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68904, - "content": "晦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68905, - "content": "럺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68906, - "content": "绻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68907, - "content": "추", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68908, - "content": "轴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68909, - "content": "鮫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68910, - "content": "교", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68911, - "content": "괵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68912, - "content": "봕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68913, - "content": "찐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68914, - "content": "麹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68915, - "content": "찑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68916, - "content": "퐒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68917, - "content": "媆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68918, - "content": "륶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68919, - "content": "씕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68920, - "content": "쁿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68921, - "content": "店", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68922, - "content": "뗑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68923, - "content": "旄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68924, - "content": "镌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68925, - "content": "괿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68926, - "content": "颈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68927, - "content": "잉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68928, - "content": "੦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68929, - "content": "厳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68930, - "content": "ト", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68931, - "content": "탳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68932, - "content": "篪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68933, - "content": "빫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68934, - "content": "뗉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68935, - "content": "嵋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68936, - "content": "茆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68937, - "content": "뷣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68938, - "content": "ۏ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68939, - "content": "诲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68940, - "content": "𫓯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68941, - "content": "買", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68942, - "content": "킼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68943, - "content": "꽏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68944, - "content": "賃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68945, - "content": "杭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68946, - "content": "氪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68947, - "content": "烜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68948, - "content": "忡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68949, - "content": "灑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68950, - "content": "뼐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68951, - "content": "쯨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68952, - "content": "瞅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68953, - "content": "뇆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68954, - "content": "렜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68955, - "content": "ٳ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68956, - "content": "偻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68957, - "content": "탠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68958, - "content": "蹿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68959, - "content": "甙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68960, - "content": "剂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68961, - "content": "炀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68962, - "content": "関", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68963, - "content": "첳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68964, - "content": "汰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68965, - "content": "寳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68966, - "content": "诏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68967, - "content": "궾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68968, - "content": "晕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68969, - "content": "囂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68970, - "content": "껛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68971, - "content": "녤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68972, - "content": "祝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68973, - "content": "쓐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68974, - "content": "愁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68975, - "content": "臾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68976, - "content": "섢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68977, - "content": "튕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68978, - "content": "๊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68979, - "content": "甥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68980, - "content": "뢠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68981, - "content": "뚝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68982, - "content": "쾂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68983, - "content": "硝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68984, - "content": "袖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68985, - "content": "듴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68986, - "content": "郈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68987, - "content": "뎅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68988, - "content": "베", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68989, - "content": "쫠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68990, - "content": "峮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68991, - "content": "领", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68992, - "content": "貉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68993, - "content": "空", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68994, - "content": "谞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68995, - "content": "쉇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68996, - "content": "섬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68997, - "content": "론", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68998, - "content": "풡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 68999, - "content": "딈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69000, - "content": "넜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69001, - "content": "묝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69002, - "content": "얒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69003, - "content": "ঊ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69004, - "content": "쪻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69005, - "content": "啬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69006, - "content": "೪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69007, - "content": "颀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69008, - "content": "왎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69009, - "content": "쑆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69010, - "content": "뎬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69011, - "content": "統", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69012, - "content": "𬱟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69013, - "content": "뺣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69014, - "content": "믳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69015, - "content": "ٜ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69016, - "content": "밅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69017, - "content": "뵮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69018, - "content": "뎭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69019, - "content": "쭈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69020, - "content": "멀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69021, - "content": "জ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69022, - "content": "话", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69023, - "content": "裾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69024, - "content": "좠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69025, - "content": "ऍ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69026, - "content": "맠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69027, - "content": "잨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69028, - "content": "뭓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69029, - "content": "动", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69030, - "content": "뜠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69031, - "content": "쾊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69032, - "content": "펄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69033, - "content": "榣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69034, - "content": "즒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69035, - "content": "烷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69036, - "content": "せ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69037, - "content": "빗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69038, - "content": "甡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69039, - "content": "호", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69040, - "content": "鏈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69041, - "content": "똾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69042, - "content": "쏊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69043, - "content": "몹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69044, - "content": "蚂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69045, - "content": "笪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69046, - "content": "옛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69047, - "content": "幡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69048, - "content": "茯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69049, - "content": "丙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69050, - "content": "饔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69051, - "content": "钭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69052, - "content": "릕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69053, - "content": "쭝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69054, - "content": "纰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69055, - "content": "혣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69056, - "content": "漹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69057, - "content": "鎊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69058, - "content": "횵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69059, - "content": "劓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69060, - "content": "郸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69061, - "content": "겾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69062, - "content": "묭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69063, - "content": "燴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69064, - "content": "껭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69065, - "content": "ݷ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69066, - "content": "堨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69067, - "content": "扯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69068, - "content": "쓧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69069, - "content": "야", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69070, - "content": "慵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69071, - "content": "蓟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69072, - "content": "쀡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69073, - "content": "궈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69074, - "content": "홈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69075, - "content": "𬭎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69076, - "content": "혦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69077, - "content": "桦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69078, - "content": "증", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69079, - "content": "葺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69080, - "content": "౹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69081, - "content": "熘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69082, - "content": "蹶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69083, - "content": "땹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69084, - "content": "뭽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69085, - "content": "톈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69086, - "content": "쟁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69087, - "content": "뱿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69088, - "content": "٬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69089, - "content": "憫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69090, - "content": "홼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69091, - "content": "딄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69092, - "content": "愧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69093, - "content": "챏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69094, - "content": "퉤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69095, - "content": "薩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69096, - "content": "怯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69097, - "content": "슨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69098, - "content": "欻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69099, - "content": "뼶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69100, - "content": "੩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69101, - "content": "姗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69102, - "content": "姚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69103, - "content": "힊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69104, - "content": "쐖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69105, - "content": "៘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69106, - "content": "톕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69107, - "content": "栅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69108, - "content": "땎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69109, - "content": "뽃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69110, - "content": "ㅆ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69111, - "content": "퀅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69112, - "content": "ँ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69113, - "content": "骋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69114, - "content": "ڐ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69115, - "content": "骼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69116, - "content": "灘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69117, - "content": "笯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69118, - "content": "넶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69119, - "content": "濋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69120, - "content": "熬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69121, - "content": "枢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69122, - "content": "쁱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69123, - "content": "晨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69124, - "content": "漤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69125, - "content": "테", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69126, - "content": "쵖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69127, - "content": "쥁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69128, - "content": "居", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69129, - "content": "뙒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69130, - "content": "匍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69131, - "content": "뎠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69132, - "content": "홂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69133, - "content": "頭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69134, - "content": "东", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69135, - "content": "먽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69136, - "content": "紗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69137, - "content": "삊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69138, - "content": "弨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69139, - "content": "熏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69140, - "content": "묵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69141, - "content": "꿬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69142, - "content": "쭖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69143, - "content": "𫘦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69144, - "content": "徛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69145, - "content": "佯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69146, - "content": "崦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69147, - "content": "괶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69148, - "content": "혛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69149, - "content": "춏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69150, - "content": "슫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69151, - "content": "셄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69152, - "content": "瘟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69153, - "content": "眀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69154, - "content": "ハ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69155, - "content": "푷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69156, - "content": "簷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69157, - "content": "螻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69158, - "content": "꼃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69159, - "content": "췅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69160, - "content": "讜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69161, - "content": "實", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69162, - "content": "퐓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69163, - "content": "뵳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69164, - "content": "籥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69165, - "content": "厕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69166, - "content": "癟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69167, - "content": "齲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69168, - "content": "辚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69169, - "content": "ㅋ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69170, - "content": "輞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69171, - "content": "볆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69172, - "content": "攫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69173, - "content": "牿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69174, - "content": "캚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69175, - "content": "鍪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69176, - "content": "띛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69177, - "content": "积", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69178, - "content": "휺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69179, - "content": "렲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69180, - "content": "틚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69181, - "content": "윤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69182, - "content": "←", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69183, - "content": "섕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69184, - "content": "ౕ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69185, - "content": "팒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69186, - "content": "盈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69187, - "content": "謐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69188, - "content": "蜚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69189, - "content": "꾁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69190, - "content": "섇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69191, - "content": "؀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69192, - "content": "悩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69193, - "content": "냀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69194, - "content": "釉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69195, - "content": "渡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69196, - "content": "쵶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69197, - "content": "孝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69198, - "content": "砒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69199, - "content": "壌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69200, - "content": "壬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69201, - "content": "웶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69202, - "content": "끵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69203, - "content": "倴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69204, - "content": "몣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69205, - "content": "햵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69206, - "content": "겉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69207, - "content": "虓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69208, - "content": "몵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69209, - "content": "좕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69210, - "content": "゙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69211, - "content": "個", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69212, - "content": "扛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69213, - "content": "퐬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69214, - "content": "襲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69215, - "content": "鹯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69216, - "content": "造", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69217, - "content": "朙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69218, - "content": "縁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69219, - "content": "姣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69220, - "content": "靦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69221, - "content": "靠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69222, - "content": "틀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69223, - "content": "졝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69224, - "content": "干", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69225, - "content": "뺙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69226, - "content": "쿡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69227, - "content": "拮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69228, - "content": "犷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69229, - "content": "٦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69230, - "content": "𫚭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69231, - "content": "桿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69232, - "content": "筏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69233, - "content": "츝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69234, - "content": "뫙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69235, - "content": "렠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69236, - "content": "넳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69237, - "content": "뇲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69238, - "content": "촎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69239, - "content": "첺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69240, - "content": "ғ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69241, - "content": "瘢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69242, - "content": "尊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69243, - "content": "슜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69244, - "content": "믣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69245, - "content": "픯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69246, - "content": "츛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69247, - "content": "떠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69248, - "content": "驶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69249, - "content": "랏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69250, - "content": "頫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69251, - "content": "Ơ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69252, - "content": "敉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69253, - "content": "Υ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69254, - "content": "齇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69255, - "content": "匂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69256, - "content": "쏟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69257, - "content": "唷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69258, - "content": "듩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69259, - "content": "鎳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69260, - "content": "澽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69261, - "content": "៩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69262, - "content": "•", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69263, - "content": "눟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69264, - "content": "街", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69265, - "content": "൪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69266, - "content": "퀙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69267, - "content": "名", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69268, - "content": "驕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69269, - "content": "㛚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69270, - "content": "柙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69271, - "content": "漕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69272, - "content": "玖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69273, - "content": "吆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69274, - "content": "櫆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69275, - "content": "主", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69276, - "content": "櫂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69277, - "content": "쐡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69278, - "content": "웩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69279, - "content": "툕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69280, - "content": "ஷ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69281, - "content": "普", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69282, - "content": "脱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69283, - "content": "蠖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69284, - "content": "넅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69285, - "content": "倚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69286, - "content": "뾉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69287, - "content": "컯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69288, - "content": "ァ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69289, - "content": "쑲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69290, - "content": "즽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69291, - "content": "국", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69292, - "content": "톶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69293, - "content": "贪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69294, - "content": "뭫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69295, - "content": "칉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69296, - "content": "놊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69297, - "content": "틅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69298, - "content": "툃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69299, - "content": "혻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69300, - "content": "刷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69301, - "content": "꺞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69302, - "content": "然", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69303, - "content": "忠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69304, - "content": "쓎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69305, - "content": "춟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69306, - "content": "ਹ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69307, - "content": "쳇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69308, - "content": "튆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69309, - "content": "퀺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69310, - "content": "ừ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69311, - "content": "畬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69312, - "content": "뛫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69313, - "content": "콣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69314, - "content": "洒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69315, - "content": "챯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69316, - "content": "얖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69317, - "content": "⑦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69318, - "content": "利", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69319, - "content": "៛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69320, - "content": "륙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69321, - "content": "별", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69322, - "content": "虎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69323, - "content": "嫒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69324, - "content": "荡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69325, - "content": "뙛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69326, - "content": "씇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69327, - "content": "柊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69328, - "content": "ổ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69329, - "content": "꿂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69330, - "content": "쿤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69331, - "content": "镑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69332, - "content": "굧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69333, - "content": "៦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69334, - "content": "뫁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69335, - "content": "煞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69336, - "content": "쮒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69337, - "content": "筷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69338, - "content": "谙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69339, - "content": "ǜ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69340, - "content": "닉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69341, - "content": "迳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69342, - "content": "먪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69343, - "content": "ミ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69344, - "content": "뀯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69345, - "content": "能", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69346, - "content": "찇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69347, - "content": "強", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69348, - "content": "噌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69349, - "content": "뗾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69350, - "content": "愒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69351, - "content": "傢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69352, - "content": "쥡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69353, - "content": "궬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69354, - "content": "按", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69355, - "content": "뼫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69356, - "content": "脅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69357, - "content": "럗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69358, - "content": "ਦ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69359, - "content": "뭺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69360, - "content": "앁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69361, - "content": "只", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69362, - "content": "잰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69363, - "content": "궴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69364, - "content": "씩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69365, - "content": "茧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69366, - "content": "쥝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69367, - "content": "씄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69368, - "content": "臀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69369, - "content": "\u0000", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69370, - "content": "똢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69371, - "content": "噗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69372, - "content": "띖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69373, - "content": "ㅷ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69374, - "content": "댋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69375, - "content": "긻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69376, - "content": "뀤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69377, - "content": "髻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69378, - "content": "講", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69379, - "content": "嶂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69380, - "content": "茀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69381, - "content": "枚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69382, - "content": "와", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69383, - "content": "暦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69384, - "content": "璲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69385, - "content": "狺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69386, - "content": "囗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69387, - "content": "毌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69388, - "content": "阬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69389, - "content": "놺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69390, - "content": "錚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69391, - "content": "ۄ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69392, - "content": "淇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69393, - "content": "兹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69394, - "content": "ぺ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69395, - "content": "뺒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69396, - "content": "쯊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69397, - "content": "凼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69398, - "content": "ۋ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69399, - "content": "琎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69400, - "content": "ξ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69401, - "content": "뤻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69402, - "content": "뫃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69403, - "content": "唛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69404, - "content": "庳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69405, - "content": "丌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69406, - "content": "怡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69407, - "content": "땥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69408, - "content": "뿸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69409, - "content": "킺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69410, - "content": "待", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69411, - "content": "鐃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69412, - "content": "滕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69413, - "content": "ฏ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69414, - "content": "赫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69415, - "content": "汽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69416, - "content": "ㅪ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69417, - "content": "漁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69418, - "content": "圃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69419, - "content": "쏁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69420, - "content": "짇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69421, - "content": "诨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69422, - "content": "긣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69423, - "content": "ㆇ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69424, - "content": "刈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69425, - "content": "뙕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69426, - "content": "猇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69427, - "content": "왵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69428, - "content": "뇟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69429, - "content": "쒓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69430, - "content": "仨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69431, - "content": "븻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69432, - "content": "읭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69433, - "content": "럳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69434, - "content": "뉖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69435, - "content": "辿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69436, - "content": "寻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69437, - "content": "촍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69438, - "content": "谒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69439, - "content": "뉬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69440, - "content": "次", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69441, - "content": "킓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69442, - "content": "蓙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69443, - "content": "렙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69444, - "content": "읧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69445, - "content": "컝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69446, - "content": "숎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69447, - "content": "鹃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69448, - "content": "Ủ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69449, - "content": "〈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69450, - "content": "쑶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69451, - "content": "욐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69452, - "content": "偏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69453, - "content": "쾓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69454, - "content": "푁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69455, - "content": "ャ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69456, - "content": "△", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69457, - "content": "퓀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69458, - "content": "꽡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69459, - "content": "魂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69460, - "content": "致", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69461, - "content": "둀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69462, - "content": "츷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69463, - "content": "ஃ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69464, - "content": "钛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69465, - "content": "뀻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69466, - "content": "쐇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69467, - "content": "锛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69468, - "content": "냇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69469, - "content": "ڜ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69470, - "content": "푑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69471, - "content": "ǵ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69472, - "content": "뎩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69473, - "content": "驸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69474, - "content": "謎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69475, - "content": "펵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69476, - "content": "婧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69477, - "content": "娱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69478, - "content": "쀎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69479, - "content": "踢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69480, - "content": "롇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69481, - "content": "颺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69482, - "content": "畀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69483, - "content": "켒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69484, - "content": "悶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69485, - "content": "딹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69486, - "content": "콄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69487, - "content": "톖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69488, - "content": "쀼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69489, - "content": "і", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69490, - "content": "겠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69491, - "content": "껋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69492, - "content": "퀋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69493, - "content": "뷤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69494, - "content": "๚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69495, - "content": "꺛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69496, - "content": "魅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69497, - "content": "쉹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69498, - "content": "案", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69499, - "content": "謡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69500, - "content": "닫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69501, - "content": "莜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69502, - "content": "紜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69503, - "content": "산", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69504, - "content": "촟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69505, - "content": "锋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69506, - "content": "퇡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69507, - "content": "벞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69508, - "content": "將", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69509, - "content": "쨥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69510, - "content": "镤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69511, - "content": "붏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69512, - "content": "쒩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69513, - "content": "的", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69514, - "content": "컲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69515, - "content": "쩦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69516, - "content": "버", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69517, - "content": "惜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69518, - "content": "ฌ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69519, - "content": "괝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69520, - "content": "캍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69521, - "content": "茇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69522, - "content": "淖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69523, - "content": "吏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69524, - "content": "粕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69525, - "content": "慣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69526, - "content": "팝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69527, - "content": "쬽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69528, - "content": "塬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69529, - "content": "욎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69530, - "content": "恶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69531, - "content": "坚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69532, - "content": "蕲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69533, - "content": "퍙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69534, - "content": "镚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69535, - "content": "텚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69536, - "content": "헺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69537, - "content": "ڴ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69538, - "content": "鉋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69539, - "content": "馅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69540, - "content": "앸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69541, - "content": "줇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69542, - "content": "戋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69543, - "content": "뷲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69544, - "content": "쉴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69545, - "content": "궳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69546, - "content": "폸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69547, - "content": "짋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69548, - "content": "采", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69549, - "content": "硅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69550, - "content": "픓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69551, - "content": "垲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69552, - "content": "拚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69553, - "content": "릾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69554, - "content": "瞌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69555, - "content": "펠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69556, - "content": "벹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69557, - "content": "짷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69558, - "content": "醭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69559, - "content": "沃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69560, - "content": "央", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69561, - "content": "꿯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69562, - "content": "뿻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69563, - "content": "斂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69564, - "content": "蔭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69565, - "content": "烯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69566, - "content": "붻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69567, - "content": "헵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69568, - "content": "픕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69569, - "content": "꺿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69570, - "content": "鸞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69571, - "content": "崗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69572, - "content": "꽶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69573, - "content": "姜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69574, - "content": "郯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69575, - "content": "堡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69576, - "content": "গ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69577, - "content": "没", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69578, - "content": "雳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69579, - "content": "೭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69580, - "content": "戢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69581, - "content": "휓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69582, - "content": "얧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69583, - "content": "갦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69584, - "content": "눬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69585, - "content": "椤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69586, - "content": "ឫ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69587, - "content": "놧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69588, - "content": "뉃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69589, - "content": "혧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69590, - "content": "솂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69591, - "content": "햣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69592, - "content": "읈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69593, - "content": "왳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69594, - "content": "공", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69595, - "content": "樯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69596, - "content": "⑫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69597, - "content": "뜗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69598, - "content": "垢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69599, - "content": "쥴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69600, - "content": "윟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69601, - "content": "茂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69602, - "content": "쿃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69603, - "content": "혆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69604, - "content": "룖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69605, - "content": "쁐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69606, - "content": "猷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69607, - "content": "教", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69608, - "content": "칙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69609, - "content": "南", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69610, - "content": "艮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69611, - "content": "듚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69612, - "content": "𬺔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69613, - "content": "墀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69614, - "content": "緻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69615, - "content": "퀿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69616, - "content": "씁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69617, - "content": "豹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69618, - "content": "릀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69619, - "content": "돚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69620, - "content": "勦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69621, - "content": "钡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69622, - "content": "埯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69623, - "content": "顏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69624, - "content": "쾃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69625, - "content": "엿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69626, - "content": "딖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69627, - "content": "읋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69628, - "content": "쐑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69629, - "content": "췰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69630, - "content": "惎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69631, - "content": "찭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69632, - "content": "Ҙ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69633, - "content": "ۯ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69634, - "content": "츭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69635, - "content": "掐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69636, - "content": "짆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69637, - "content": "讼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69638, - "content": "뱩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69639, - "content": "뇽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69640, - "content": "삦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69641, - "content": "응", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69642, - "content": "퓭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69643, - "content": "ಋ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69644, - "content": "夾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69645, - "content": "봡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69646, - "content": "촆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69647, - "content": "塗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69648, - "content": "렽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69649, - "content": "绐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69650, - "content": "듢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69651, - "content": "랐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69652, - "content": "륭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69653, - "content": "语", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69654, - "content": "铒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69655, - "content": "穸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69656, - "content": "綴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69657, - "content": "퐺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69658, - "content": "擐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69659, - "content": "缲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69660, - "content": "ㅞ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69661, - "content": "靬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69662, - "content": "楕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69663, - "content": "흰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69664, - "content": "咆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69665, - "content": "ख़", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69666, - "content": "쒝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69667, - "content": "帛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69668, - "content": "倣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69669, - "content": "쬺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69670, - "content": "觊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69671, - "content": "シ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69672, - "content": "雫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69673, - "content": "遵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69674, - "content": "뼚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69675, - "content": "鲥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69676, - "content": "挟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69677, - "content": "롥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69678, - "content": "쟼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69679, - "content": "뱐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69680, - "content": "쪽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69681, - "content": "闾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69682, - "content": "뇰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69683, - "content": "봊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69684, - "content": "눵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69685, - "content": "挨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69686, - "content": "请", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69687, - "content": "榧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69688, - "content": "語", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69689, - "content": "탧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69690, - "content": "윿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69691, - "content": "ṣ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69692, - "content": "庹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69693, - "content": "쥲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69694, - "content": "弁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69695, - "content": "嘯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69696, - "content": "攬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69697, - "content": "쟀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69698, - "content": "잱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69699, - "content": "徹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69700, - "content": "重", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69701, - "content": "𬸪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69702, - "content": "逹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69703, - "content": "뇃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69704, - "content": "揮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69705, - "content": "샜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69706, - "content": "뻚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69707, - "content": "鈹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69708, - "content": "鳈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69709, - "content": "钇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69710, - "content": "떛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69711, - "content": "賑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69712, - "content": "箔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69713, - "content": "묅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69714, - "content": "鸱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69715, - "content": "쫈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69716, - "content": "셜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69717, - "content": "쿀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69718, - "content": "𫖮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69719, - "content": "쥒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69720, - "content": "메", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69721, - "content": "嬖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69722, - "content": "開", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69723, - "content": "욚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69724, - "content": "呑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69725, - "content": "앉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69726, - "content": "玨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69727, - "content": "딬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69728, - "content": "௲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69729, - "content": "툌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69730, - "content": "해", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69731, - "content": "瞫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69732, - "content": "돺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69733, - "content": "【", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69734, - "content": "瘙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69735, - "content": "佻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69736, - "content": "窆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69737, - "content": "蝓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69738, - "content": "뎪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69739, - "content": "똌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69740, - "content": "솊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69741, - "content": "晤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69742, - "content": "셨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69743, - "content": "뺜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69744, - "content": "瓞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69745, - "content": "ị", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69746, - "content": "꾕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69747, - "content": "물", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69748, - "content": "쁘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69749, - "content": "꽨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69750, - "content": "셠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69751, - "content": "咥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69752, - "content": "켸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69753, - "content": "Ẵ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69754, - "content": "癿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69755, - "content": "걷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69756, - "content": "县", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69757, - "content": "寁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69758, - "content": "濁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69759, - "content": "폈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69760, - "content": "嗽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69761, - "content": "섰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69762, - "content": "ឈ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69763, - "content": "裴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69764, - "content": "铑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69765, - "content": "閔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69766, - "content": "拒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69767, - "content": "졼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69768, - "content": "퐙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69769, - "content": "윸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69770, - "content": "휅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69771, - "content": "叆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69772, - "content": "豸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69773, - "content": "ત", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69774, - "content": "콦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69775, - "content": "॰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69776, - "content": "皱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69777, - "content": "擬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69778, - "content": "죵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69779, - "content": "螓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69780, - "content": "„", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69781, - "content": "劻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69782, - "content": "屝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69783, - "content": "괔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69784, - "content": "亜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69785, - "content": "芻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69786, - "content": "넵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69787, - "content": "嘚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69788, - "content": "旰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69789, - "content": "콓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69790, - "content": "単", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69791, - "content": "뼛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69792, - "content": "뱏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69793, - "content": "믤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69794, - "content": "곉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69795, - "content": "葜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69796, - "content": "稽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69797, - "content": "츨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69798, - "content": "賛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69799, - "content": "靌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69800, - "content": "栘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69801, - "content": "毀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69802, - "content": "숡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69803, - "content": "릝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69804, - "content": "읍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69805, - "content": "턓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69806, - "content": "虍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69807, - "content": "케", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69808, - "content": "筻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69809, - "content": "띢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69810, - "content": "싁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69811, - "content": "↗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69812, - "content": "퓔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69813, - "content": "倜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69814, - "content": "ㄷ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69815, - "content": "즴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69816, - "content": "偲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69817, - "content": "랢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69818, - "content": "𬜯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69819, - "content": "꽂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69820, - "content": "元", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69821, - "content": "擄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69822, - "content": "뾴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69823, - "content": "일", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69824, - "content": "羶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69825, - "content": "쥗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69826, - "content": "윰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69827, - "content": "蒽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69828, - "content": "랮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69829, - "content": "韂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69830, - "content": "쫍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69831, - "content": "痹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69832, - "content": "婠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69833, - "content": "婤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69834, - "content": "밥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69835, - "content": "苌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69836, - "content": "靱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69837, - "content": "간", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69838, - "content": "킳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69839, - "content": "驻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69840, - "content": "뽒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69841, - "content": "间", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69842, - "content": "회", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69843, - "content": "뤨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69844, - "content": "쬹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69845, - "content": "로", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69846, - "content": "赇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69847, - "content": "둆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69848, - "content": "鹊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69849, - "content": "耽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69850, - "content": "좫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69851, - "content": "熇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69852, - "content": "罨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69853, - "content": "锘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69854, - "content": "洮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69855, - "content": "퓡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69856, - "content": "骚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69857, - "content": "蕊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69858, - "content": "緘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69859, - "content": "쥂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69860, - "content": "荚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69861, - "content": "柢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69862, - "content": "駄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69863, - "content": "钟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69864, - "content": "褴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69865, - "content": "哲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69866, - "content": "裸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69867, - "content": "艨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69868, - "content": "犭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69869, - "content": "尚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69870, - "content": "桅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69871, - "content": "邘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69872, - "content": "爲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69873, - "content": "疱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69874, - "content": "诋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69875, - "content": "抻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69876, - "content": "鳆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69877, - "content": "舒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69878, - "content": "춷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69879, - "content": "铌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69880, - "content": "ذ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69881, - "content": "渦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69882, - "content": "涎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69883, - "content": "쫳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69884, - "content": "ೡ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69885, - "content": "잏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69886, - "content": "২", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69887, - "content": "뤋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69888, - "content": "喏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69889, - "content": "죍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69890, - "content": "墈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69891, - "content": "쁨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69892, - "content": "醸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69893, - "content": "눯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69894, - "content": "隼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69895, - "content": "횟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69896, - "content": "़", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69897, - "content": "毽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69898, - "content": "읆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69899, - "content": "멁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69900, - "content": "풜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69901, - "content": "쬳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69902, - "content": "뎨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69903, - "content": "틒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69904, - "content": "렣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69905, - "content": "铼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69906, - "content": "襖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69907, - "content": "荧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69908, - "content": "洚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69909, - "content": "홟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69910, - "content": "准", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69911, - "content": "끙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69912, - "content": "殲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69913, - "content": "Ӈ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69914, - "content": "끈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69915, - "content": "닊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69916, - "content": "뇯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69917, - "content": "엄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69918, - "content": "鮮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69919, - "content": "膣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69920, - "content": "떣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69921, - "content": "瞍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69922, - "content": "뗫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69923, - "content": "ഽ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69924, - "content": "湣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69925, - "content": "쯸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69926, - "content": "쾆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69927, - "content": "昫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69928, - "content": "쐩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69929, - "content": "槁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69930, - "content": "ㆅ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69931, - "content": "襦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69932, - "content": "抨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69933, - "content": "뚚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69934, - "content": "珐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69935, - "content": "퇹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69936, - "content": "剌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69937, - "content": "ǖ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69938, - "content": "浅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69939, - "content": "튅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69940, - "content": "鱟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69941, - "content": "칭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69942, - "content": "먴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69943, - "content": "購", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69944, - "content": "얗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69945, - "content": "៲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69946, - "content": "뭴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69947, - "content": "짭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69948, - "content": "묉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69949, - "content": "薇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69950, - "content": "뵃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69951, - "content": "량", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69952, - "content": "픗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69953, - "content": "쯘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69954, - "content": "ੲ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69955, - "content": "徵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69956, - "content": "ڝ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69957, - "content": "꼸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69958, - "content": "줌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69959, - "content": "졙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69960, - "content": "톒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69961, - "content": "줣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69962, - "content": "摘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69963, - "content": "羁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69964, - "content": "쫱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69965, - "content": "无", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69966, - "content": "롃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69967, - "content": "벀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69968, - "content": "쿣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69969, - "content": "耦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69970, - "content": "瞑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69971, - "content": "繁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69972, - "content": "펇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69973, - "content": "넪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69974, - "content": "늛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69975, - "content": "텘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69976, - "content": "냁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69977, - "content": "諶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69978, - "content": "鸭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69979, - "content": "炌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69980, - "content": "鳝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69981, - "content": "쿘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69982, - "content": "녓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69983, - "content": "鶴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69984, - "content": "靓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69985, - "content": "巴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69986, - "content": "냡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69987, - "content": "琅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69988, - "content": "碗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69989, - "content": "왿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69990, - "content": "鹞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69991, - "content": "諸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69992, - "content": "绽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69993, - "content": "폫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69994, - "content": "勸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69995, - "content": "갃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69996, - "content": "慎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69997, - "content": "燊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69998, - "content": "栒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 69999, - "content": "錠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70000, - "content": "輻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70001, - "content": "鹠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70002, - "content": "낸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70003, - "content": "픽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70004, - "content": "숯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70005, - "content": "탋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70006, - "content": "괺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70007, - "content": "돁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70008, - "content": "蒹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70009, - "content": "앤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70010, - "content": "댉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70011, - "content": "宝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70012, - "content": "作", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70013, - "content": "兵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70014, - "content": "엩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70015, - "content": "샣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70016, - "content": "祸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70017, - "content": "쭄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70018, - "content": "旃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70019, - "content": "覽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70020, - "content": "ؒ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70021, - "content": "将", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70022, - "content": "뱅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70023, - "content": "嗔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70024, - "content": "컚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70025, - "content": "乂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70026, - "content": "첵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70027, - "content": "颃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70028, - "content": "翛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70029, - "content": "師", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70030, - "content": "큾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70031, - "content": "뺖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70032, - "content": "𪣻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70033, - "content": "尪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70034, - "content": "냰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70035, - "content": "鉱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70036, - "content": "놈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70037, - "content": "랩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70038, - "content": "鲤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70039, - "content": "벭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70040, - "content": "쌮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70041, - "content": "鲋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70042, - "content": "窪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70043, - "content": "봑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70044, - "content": "憎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70045, - "content": "똼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70046, - "content": "襚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70047, - "content": "箋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70048, - "content": "웯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70049, - "content": "畛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70050, - "content": "ஆ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70051, - "content": "撷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70052, - "content": "쾒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70053, - "content": "煺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70054, - "content": "绪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70055, - "content": "閤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70056, - "content": "촚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70057, - "content": "팖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70058, - "content": "줲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70059, - "content": "햋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70060, - "content": "럈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70061, - "content": "엨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70062, - "content": "퀤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70063, - "content": "劑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70064, - "content": "桶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70065, - "content": "漂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70066, - "content": "倥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70067, - "content": "駐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70068, - "content": "뮱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70069, - "content": "꺽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70070, - "content": "뺗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70071, - "content": "錯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70072, - "content": "鲫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70073, - "content": "눚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70074, - "content": "햬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70075, - "content": "췂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70076, - "content": "乏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70077, - "content": "빃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70078, - "content": "嫄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70079, - "content": "贰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70080, - "content": "屙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70081, - "content": "卸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70082, - "content": "폖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70083, - "content": "洩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70084, - "content": "朏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70085, - "content": "饯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70086, - "content": "댐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70087, - "content": "쾱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70088, - "content": "푍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70089, - "content": "嫕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70090, - "content": "拭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70091, - "content": "罟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70092, - "content": "৩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70093, - "content": "宪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70094, - "content": "톲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70095, - "content": "②", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70096, - "content": "蠔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70097, - "content": "꼵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70098, - "content": "睹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70099, - "content": "캟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70100, - "content": "舻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70101, - "content": "극", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70102, - "content": "愜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70103, - "content": "쉫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70104, - "content": "쒜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70105, - "content": "Ы", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70106, - "content": "戽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70107, - "content": "걍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70108, - "content": "땒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70109, - "content": "밠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70110, - "content": "꽎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70111, - "content": "幕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70112, - "content": "告", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70113, - "content": "爱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70114, - "content": "隊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70115, - "content": "춽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70116, - "content": "캶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70117, - "content": "칗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70118, - "content": "뢘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70119, - "content": "䕪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70120, - "content": "퀃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70121, - "content": "칠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70122, - "content": "缬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70123, - "content": "禹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70124, - "content": "袤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70125, - "content": "끡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70126, - "content": "ڮ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70127, - "content": "釐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70128, - "content": "ㅑ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70129, - "content": "吊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70130, - "content": "诰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70131, - "content": "λ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70132, - "content": "곙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70133, - "content": "蘑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70134, - "content": "𪨰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70135, - "content": "룊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70136, - "content": "귱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70137, - "content": "胡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70138, - "content": "ế", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70139, - "content": "햇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70140, - "content": "囧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70141, - "content": "織", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70142, - "content": "檩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70143, - "content": "프", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70144, - "content": "춗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70145, - "content": "廠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70146, - "content": "뫷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70147, - "content": "崬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70148, - "content": "窥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70149, - "content": "霑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70150, - "content": "值", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70151, - "content": "뗅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70152, - "content": "岸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70153, - "content": "铡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70154, - "content": "쪯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70155, - "content": "珮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70156, - "content": "힁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70157, - "content": "纽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70158, - "content": "蠱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70159, - "content": "麼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70160, - "content": "햍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70161, - "content": "휋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70162, - "content": "뫡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70163, - "content": "毕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70164, - "content": "由", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70165, - "content": "傍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70166, - "content": "뉝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70167, - "content": "풃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70168, - "content": "䗛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70169, - "content": "㽏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70170, - "content": "针", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70171, - "content": "補", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70172, - "content": "櫓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70173, - "content": "굏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70174, - "content": "迴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70175, - "content": "𬒗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70176, - "content": "쓌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70177, - "content": "붩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70178, - "content": "芥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70179, - "content": "쏢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70180, - "content": "昵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70181, - "content": "胖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70182, - "content": "겺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70183, - "content": "𪾢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70184, - "content": "풍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70185, - "content": "욪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70186, - "content": "됌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70187, - "content": "벼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70188, - "content": "诬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70189, - "content": "弶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70190, - "content": "쩒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70191, - "content": "彰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70192, - "content": "쏍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70193, - "content": "馥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70194, - "content": "사", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70195, - "content": "쉊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70196, - "content": "걏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70197, - "content": "죃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70198, - "content": "뵇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70199, - "content": "꽦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70200, - "content": "즱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70201, - "content": "曹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70202, - "content": "崩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70203, - "content": "퇱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70204, - "content": "飑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70205, - "content": "쒖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70206, - "content": "꿷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70207, - "content": "妃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70208, - "content": "蓁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70209, - "content": "솳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70210, - "content": "也", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70211, - "content": "嫱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70212, - "content": "؊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70213, - "content": "섫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70214, - "content": "꼠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70215, - "content": "觴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70216, - "content": "穑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70217, - "content": "북", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70218, - "content": "陔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70219, - "content": "쭧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70220, - "content": "쬌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70221, - "content": "咽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70222, - "content": "锑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70223, - "content": "欄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70224, - "content": "鏘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70225, - "content": "귏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70226, - "content": "゛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70227, - "content": "헪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70228, - "content": "檮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70229, - "content": "诼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70230, - "content": "탏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70231, - "content": "醃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70232, - "content": "廾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70233, - "content": "턛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70234, - "content": "쩵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70235, - "content": "乸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70236, - "content": "翷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70237, - "content": "鈕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70238, - "content": "殮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70239, - "content": "郄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70240, - "content": "쑦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70241, - "content": "犠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70242, - "content": "萌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70243, - "content": "닂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70244, - "content": "놰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70245, - "content": "ڗ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70246, - "content": "퇲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70247, - "content": "驗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70248, - "content": "奇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70249, - "content": "욷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70250, - "content": "卵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70251, - "content": "ె", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70252, - "content": "业", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70253, - "content": "鎔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70254, - "content": "ڍ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70255, - "content": "끱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70256, - "content": "ખ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70257, - "content": "뿇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70258, - "content": "첖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70259, - "content": "뺇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70260, - "content": "団", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70261, - "content": "》", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70262, - "content": "뇡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70263, - "content": "嫌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70264, - "content": "봺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70265, - "content": "뇓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70266, - "content": "讯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70267, - "content": "봧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70268, - "content": "챻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70269, - "content": "憝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70270, - "content": "ェ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70271, - "content": "ឿ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70272, - "content": "퇜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70273, - "content": "슬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70274, - "content": "਼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70275, - "content": "鹈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70276, - "content": "隹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70277, - "content": "嘘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70278, - "content": "뒵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70279, - "content": "堯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70280, - "content": "奨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70281, - "content": "榱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70282, - "content": "ফ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70283, - "content": "빶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70284, - "content": "缯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70285, - "content": "ृ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70286, - "content": "楞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70287, - "content": "肥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70288, - "content": "龜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70289, - "content": "픸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70290, - "content": "씽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70291, - "content": "귺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70292, - "content": "팆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70293, - "content": "믆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70294, - "content": "鑷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70295, - "content": "풤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70296, - "content": "ㅁ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70297, - "content": "캡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70298, - "content": "옅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70299, - "content": "퓽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70300, - "content": "肭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70301, - "content": "汫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70302, - "content": "諫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70303, - "content": "멘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70304, - "content": "헡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70305, - "content": "誨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70306, - "content": "樹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70307, - "content": "뜝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70308, - "content": "Τ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70309, - "content": "५", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70310, - "content": "ಾ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70311, - "content": "붡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70312, - "content": "轸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70313, - "content": "沸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70314, - "content": "릛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70315, - "content": "旞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70316, - "content": "襠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70317, - "content": "됡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70318, - "content": "펞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70319, - "content": "푊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70320, - "content": "嗆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70321, - "content": "报", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70322, - "content": "뒇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70323, - "content": "ఌ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70324, - "content": "胬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70325, - "content": "똋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70326, - "content": "𥕢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70327, - "content": "臥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70328, - "content": "鷲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70329, - "content": "湎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70330, - "content": "凉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70331, - "content": "娉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70332, - "content": "𪟝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70333, - "content": "넗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70334, - "content": "擰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70335, - "content": "꽅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70336, - "content": "椁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70337, - "content": "喊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70338, - "content": "遠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70339, - "content": "峪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70340, - "content": "筲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70341, - "content": "껖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70342, - "content": "찴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70343, - "content": "죆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70344, - "content": "斃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70345, - "content": "몕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70346, - "content": "芝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70347, - "content": "創", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70348, - "content": "앞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70349, - "content": "ی", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70350, - "content": "쿗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70351, - "content": "鬃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70352, - "content": "윈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70353, - "content": "包", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70354, - "content": "割", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70355, - "content": "ฯ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70356, - "content": "恹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70357, - "content": "襬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70358, - "content": "坠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70359, - "content": "훀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70360, - "content": "遑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70361, - "content": "振", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70362, - "content": "윬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70363, - "content": "凖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70364, - "content": "ன", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70365, - "content": "孿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70366, - "content": "湊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70367, - "content": "鳙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70368, - "content": "걶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70369, - "content": "镗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70370, - "content": "꾔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70371, - "content": "욂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70372, - "content": "苹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70373, - "content": "≥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70374, - "content": "뭁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70375, - "content": "눏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70376, - "content": "蚄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70377, - "content": "磧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70378, - "content": "闊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70379, - "content": "苒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70380, - "content": "낏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70381, - "content": "솛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70382, - "content": "誅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70383, - "content": "쟹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70384, - "content": "箒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70385, - "content": "嫑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70386, - "content": "螭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70387, - "content": "촬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70388, - "content": "썵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70389, - "content": "銓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70390, - "content": "昼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70391, - "content": "犢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70392, - "content": "垆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70393, - "content": "볝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70394, - "content": "哗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70395, - "content": "숐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70396, - "content": "筒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70397, - "content": "묘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70398, - "content": "캗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70399, - "content": "诣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70400, - "content": "페", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70401, - "content": "禅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70402, - "content": "馨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70403, - "content": "蛍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70404, - "content": "퀑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70405, - "content": "辞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70406, - "content": "됿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70407, - "content": "팂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70408, - "content": "떐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70409, - "content": "媽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70410, - "content": "쳋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70411, - "content": "삧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70412, - "content": "뇐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70413, - "content": "š", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70414, - "content": "쬋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70415, - "content": "伾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70416, - "content": "룔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70417, - "content": "兄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70418, - "content": "沚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70419, - "content": "箪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70420, - "content": "櫝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70421, - "content": "邛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70422, - "content": "솶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70423, - "content": "砍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70424, - "content": "ೖ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70425, - "content": "誠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70426, - "content": "髌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70427, - "content": "郡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70428, - "content": "屼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70429, - "content": "龋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70430, - "content": "콈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70431, - "content": "륉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70432, - "content": "譏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70433, - "content": "垄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70434, - "content": "쪁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70435, - "content": "쟠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70436, - "content": "띚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70437, - "content": "撕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70438, - "content": "袋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70439, - "content": "굥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70440, - "content": "أ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70441, - "content": "됹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70442, - "content": "錕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70443, - "content": "뿣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70444, - "content": "혶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70445, - "content": "胫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70446, - "content": "鎘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70447, - "content": "돵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70448, - "content": "俜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70449, - "content": "妝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70450, - "content": "呒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70451, - "content": "锤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70452, - "content": "륑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70453, - "content": "臑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70454, - "content": "숉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70455, - "content": "샾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70456, - "content": "意", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70457, - "content": "谇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70458, - "content": "観", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70459, - "content": "诛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70460, - "content": "띙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70461, - "content": "宿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70462, - "content": "쓓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70463, - "content": "릒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70464, - "content": "孰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70465, - "content": "늅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70466, - "content": "듑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70467, - "content": "픲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70468, - "content": "殤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70469, - "content": "繄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70470, - "content": "猱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70471, - "content": "肷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70472, - "content": "猙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70473, - "content": "훦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70474, - "content": "仼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70475, - "content": "妫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70476, - "content": "뭾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70477, - "content": "হ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70478, - "content": "褶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70479, - "content": "蒡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70480, - "content": "듹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70481, - "content": "닧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70482, - "content": "씃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70483, - "content": "婶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70484, - "content": "斩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70485, - "content": "鼙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70486, - "content": "薰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70487, - "content": "汛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70488, - "content": "づ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70489, - "content": "狝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70490, - "content": "펜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70491, - "content": "홊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70492, - "content": "낎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70493, - "content": "알", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70494, - "content": "폚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70495, - "content": "짶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70496, - "content": "긥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70497, - "content": "곸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70498, - "content": "ݤ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70499, - "content": "겇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70500, - "content": "虒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70501, - "content": "괎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70502, - "content": "꾜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70503, - "content": "吝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70504, - "content": "𬭶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70505, - "content": "ਆ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70506, - "content": "𣸣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70507, - "content": "쨃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70508, - "content": "繇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70509, - "content": "瀏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70510, - "content": "源", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70511, - "content": "ೈ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70512, - "content": "쿲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70513, - "content": "ొ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70514, - "content": "焓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70515, - "content": "芑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70516, - "content": "첒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70517, - "content": "豐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70518, - "content": "벷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70519, - "content": "댎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70520, - "content": "𥻗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70521, - "content": "塆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70522, - "content": "칃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70523, - "content": "뤧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70524, - "content": "荠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70525, - "content": "틨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70526, - "content": "쾠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70527, - "content": "껗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70528, - "content": "콞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70529, - "content": "翦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70530, - "content": "蜓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70531, - "content": "砭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70532, - "content": "냋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70533, - "content": "솔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70534, - "content": "恼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70535, - "content": "梡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70536, - "content": "粞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70537, - "content": "붎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70538, - "content": "굮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70539, - "content": "圹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70540, - "content": "馉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70541, - "content": "伺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70542, - "content": "峻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70543, - "content": "릨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70544, - "content": "൨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70545, - "content": "괫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70546, - "content": "頽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70547, - "content": "ឌ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70548, - "content": "凫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70549, - "content": "コ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70550, - "content": "녧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70551, - "content": "탷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70552, - "content": "鱼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70553, - "content": "읊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70554, - "content": "쐹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70555, - "content": "쪦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70556, - "content": "뷕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70557, - "content": "콶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70558, - "content": "얻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70559, - "content": "쬀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70560, - "content": "療", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70561, - "content": "츈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70562, - "content": "쒭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70563, - "content": "틴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70564, - "content": "荙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70565, - "content": "遢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70566, - "content": "挾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70567, - "content": "饽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70568, - "content": "瑛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70569, - "content": "꽟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70570, - "content": "థ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70571, - "content": "摈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70572, - "content": "阌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70573, - "content": "耘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70574, - "content": "鹁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70575, - "content": "跬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70576, - "content": "𦙶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70577, - "content": "뿔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70578, - "content": "춞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70579, - "content": "쪋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70580, - "content": "쾤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70581, - "content": "凵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70582, - "content": "퐐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70583, - "content": "訓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70584, - "content": "겋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70585, - "content": "岘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70586, - "content": "괯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70587, - "content": "밒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70588, - "content": "쿮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70589, - "content": "퇞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70590, - "content": "꼎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70591, - "content": "쏸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70592, - "content": "嗚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70593, - "content": "赆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70594, - "content": "哒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70595, - "content": "暱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70596, - "content": "捷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70597, - "content": "灵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70598, - "content": "봟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70599, - "content": "쮲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70600, - "content": "癀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70601, - "content": "턥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70602, - "content": "嗒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70603, - "content": "칇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70604, - "content": "읛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70605, - "content": "꾹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70606, - "content": "雀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70607, - "content": "걽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70608, - "content": "鲙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70609, - "content": "옝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70610, - "content": "拎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70611, - "content": "욡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70612, - "content": "푺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70613, - "content": "용", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70614, - "content": "贩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70615, - "content": "嵲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70616, - "content": "顫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70617, - "content": "쌅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70618, - "content": "𣲘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70619, - "content": "押", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70620, - "content": "춰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70621, - "content": "뭃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70622, - "content": "褯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70623, - "content": "춾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70624, - "content": "퇎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70625, - "content": "陰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70626, - "content": "葳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70627, - "content": "寐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70628, - "content": "젱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70629, - "content": "ં", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70630, - "content": "픨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70631, - "content": "쑈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70632, - "content": "귊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70633, - "content": "퇤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70634, - "content": "뙔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70635, - "content": "贖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70636, - "content": "쭮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70637, - "content": "꾎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70638, - "content": "뇉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70639, - "content": "뭐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70640, - "content": "經", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70641, - "content": "種", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70642, - "content": "옑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70643, - "content": "녠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70644, - "content": "욏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70645, - "content": "𬞟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70646, - "content": "術", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70647, - "content": "ธ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70648, - "content": "𬺠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70649, - "content": "楦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70650, - "content": "萁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70651, - "content": "恸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70652, - "content": "氕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70653, - "content": "념", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70654, - "content": "稲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70655, - "content": "솷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70656, - "content": "쳔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70657, - "content": "嚟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70658, - "content": "楚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70659, - "content": "薏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70660, - "content": "宥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70661, - "content": "幾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70662, - "content": "쿌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70663, - "content": "噱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70664, - "content": "캉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70665, - "content": "ݝ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70666, - "content": "쥖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70667, - "content": "벢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70668, - "content": "挦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70669, - "content": "菰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70670, - "content": "쩯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70671, - "content": "勺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70672, - "content": "삞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70673, - "content": "뵅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70674, - "content": "砚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70675, - "content": "庸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70676, - "content": "ڡ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70677, - "content": "ㆋ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70678, - "content": "侈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70679, - "content": "饑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70680, - "content": "雉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70681, - "content": "̌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70682, - "content": "皦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70683, - "content": "沐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70684, - "content": "쩂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70685, - "content": "띕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70686, - "content": "챪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70687, - "content": "깁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70688, - "content": "欤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70689, - "content": "醵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70690, - "content": "쥻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70691, - "content": "딘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70692, - "content": "팿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70693, - "content": "柵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70694, - "content": "俶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70695, - "content": "궃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70696, - "content": "툯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70697, - "content": "倌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70698, - "content": "휪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70699, - "content": "썕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70700, - "content": "Ỳ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70701, - "content": "뇌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70702, - "content": "啮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70703, - "content": "뒳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70704, - "content": "ష", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70705, - "content": "돭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70706, - "content": "㵐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70707, - "content": "僾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70708, - "content": "趋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70709, - "content": "尷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70710, - "content": "쿬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70711, - "content": "衣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70712, - "content": "痲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70713, - "content": "몥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70714, - "content": "뛞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70715, - "content": "흻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70716, - "content": "뀜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70717, - "content": "녭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70718, - "content": "쮶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70719, - "content": "撂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70720, - "content": "렚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70721, - "content": "훉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70722, - "content": "쎺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70723, - "content": "偓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70724, - "content": "콽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70725, - "content": "쮇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70726, - "content": "殡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70727, - "content": "儔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70728, - "content": "フ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70729, - "content": "墜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70730, - "content": "鞒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70731, - "content": "嘩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70732, - "content": "圢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70733, - "content": "댱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70734, - "content": "뮃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70735, - "content": "뽚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70736, - "content": "픊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70737, - "content": "佚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70738, - "content": "쇐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70739, - "content": "爽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70740, - "content": "拂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70741, - "content": "붢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70742, - "content": "勹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70743, - "content": "蝸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70744, - "content": "닍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70745, - "content": "钪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70746, - "content": "쭒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70747, - "content": "弉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70748, - "content": "뀕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70749, - "content": "侦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70750, - "content": "뚃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70751, - "content": "쩺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70752, - "content": "驽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70753, - "content": "𫘧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70754, - "content": "昏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70755, - "content": "왭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70756, - "content": "۲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70757, - "content": "폆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70758, - "content": "氓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70759, - "content": "젳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70760, - "content": "꿺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70761, - "content": "৭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70762, - "content": "썣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70763, - "content": "늞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70764, - "content": "섂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70765, - "content": "隍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70766, - "content": "밼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70767, - "content": "井", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70768, - "content": "둊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70769, - "content": "鮭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70770, - "content": "밳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70771, - "content": "韪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70772, - "content": "巷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70773, - "content": "숃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70774, - "content": "쇞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70775, - "content": "髮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70776, - "content": "뜢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70777, - "content": "뾿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70778, - "content": "찍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70779, - "content": "샎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70780, - "content": "䴗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70781, - "content": "끭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70782, - "content": "奋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70783, - "content": "홌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70784, - "content": "퐶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70785, - "content": "浼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70786, - "content": "謨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70787, - "content": "潭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70788, - "content": "흟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70789, - "content": "먚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70790, - "content": "抉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70791, - "content": "逯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70792, - "content": "쩚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70793, - "content": "컒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70794, - "content": "筆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70795, - "content": "꼐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70796, - "content": "廚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70797, - "content": "稆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70798, - "content": "阀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70799, - "content": "륎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70800, - "content": "碩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70801, - "content": "ﺽ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70802, - "content": "쟷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70803, - "content": "쯳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70804, - "content": "辯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70805, - "content": "륣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70806, - "content": "궷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70807, - "content": "쨳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70808, - "content": "됊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70809, - "content": "펓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70810, - "content": "涙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70811, - "content": "룓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70812, - "content": "梔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70813, - "content": "幽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70814, - "content": "心", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70815, - "content": "怎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70816, - "content": "柒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70817, - "content": "瑯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70818, - "content": "哪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70819, - "content": "浙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70820, - "content": "中", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70821, - "content": "껪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70822, - "content": "唳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70823, - "content": "ڦ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70824, - "content": "曛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70825, - "content": "깚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70826, - "content": "쉀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70827, - "content": "禦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70828, - "content": "ય", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70829, - "content": "耶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70830, - "content": "𫭢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70831, - "content": "占", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70832, - "content": "汊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70833, - "content": "汲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70834, - "content": "깯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70835, - "content": "돶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70836, - "content": "슮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70837, - "content": "惛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70838, - "content": "ڒ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70839, - "content": "钾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70840, - "content": "抒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70841, - "content": "댿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70842, - "content": "폎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70843, - "content": "뵐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70844, - "content": "태", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70845, - "content": "홆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70846, - "content": "螺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70847, - "content": "屈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70848, - "content": "쭎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70849, - "content": "콎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70850, - "content": "펝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70851, - "content": "擁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70852, - "content": "셫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70853, - "content": "졕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70854, - "content": "咍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70855, - "content": "樵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70856, - "content": "챞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70857, - "content": "✡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70858, - "content": "沏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70859, - "content": "뗬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70860, - "content": "뽓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70861, - "content": "階", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70862, - "content": "缽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70863, - "content": "蹤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70864, - "content": "퐄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70865, - "content": "뭿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70866, - "content": "量", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70867, - "content": "킙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70868, - "content": "옣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70869, - "content": "ਸ਼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70870, - "content": "듪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70871, - "content": "司", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70872, - "content": "쒕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70873, - "content": "쪭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70874, - "content": "첤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70875, - "content": "콭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70876, - "content": "즀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70877, - "content": "눞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70878, - "content": "덒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70879, - "content": "巯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70880, - "content": "蠶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70881, - "content": "랯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70882, - "content": "ഃ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70883, - "content": "꺦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70884, - "content": "쭡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70885, - "content": "袂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70886, - "content": "炽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70887, - "content": "퍛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70888, - "content": "쭲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70889, - "content": "전", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70890, - "content": "称", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70891, - "content": "楓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70892, - "content": "뼤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70893, - "content": "묏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70894, - "content": "겜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70895, - "content": "肺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70896, - "content": "휘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70897, - "content": "箨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70898, - "content": "ग", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70899, - "content": "뉷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70900, - "content": "亭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70901, - "content": "씊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70902, - "content": "家", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70903, - "content": "潠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70904, - "content": "쫇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70905, - "content": "땴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70906, - "content": "≠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70907, - "content": "쭔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70908, - "content": "쎰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70909, - "content": "삟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70910, - "content": "넹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70911, - "content": "土", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70912, - "content": "뗟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70913, - "content": "즿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70914, - "content": "븟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70915, - "content": "뛭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70916, - "content": "퀫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70917, - "content": "垍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70918, - "content": "맳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70919, - "content": "轹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70920, - "content": "쭁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70921, - "content": "ず", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70922, - "content": "쟣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70923, - "content": "べ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70924, - "content": "츏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70925, - "content": "鹡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70926, - "content": "昕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70927, - "content": "얤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70928, - "content": "毳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70929, - "content": "𬇕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70930, - "content": "ഛ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70931, - "content": "埘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70932, - "content": "佘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70933, - "content": "랛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70934, - "content": "틎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70935, - "content": "꿗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70936, - "content": "哟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70937, - "content": "썒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70938, - "content": "옳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70939, - "content": "뿅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70940, - "content": "믚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70941, - "content": "璃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70942, - "content": "똷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70943, - "content": "쳳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70944, - "content": "귤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70945, - "content": "呆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70946, - "content": "혮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70947, - "content": "몸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70948, - "content": "츇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70949, - "content": "壽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70950, - "content": "Ş", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70951, - "content": "뎀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70952, - "content": "닏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70953, - "content": "凈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70954, - "content": "렷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70955, - "content": "Ө", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70956, - "content": "彥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70957, - "content": "靺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70958, - "content": "遇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70959, - "content": "キ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70960, - "content": "떓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70961, - "content": "癥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70962, - "content": "ర", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70963, - "content": "ಇ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70964, - "content": "촃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70965, - "content": "烺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70966, - "content": "궪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70967, - "content": "찵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70968, - "content": "뙩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70969, - "content": "旿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70970, - "content": "疯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70971, - "content": "阒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70972, - "content": "촮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70973, - "content": "바", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70974, - "content": "쯉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70975, - "content": "價", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70976, - "content": "큷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70977, - "content": "銛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70978, - "content": "凡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70979, - "content": "쩼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70980, - "content": "뚶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70981, - "content": "潰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70982, - "content": "墼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70983, - "content": "郦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70984, - "content": "姉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70985, - "content": "귐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70986, - "content": "렸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70987, - "content": "튧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70988, - "content": "粽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70989, - "content": "झ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70990, - "content": "욆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70991, - "content": "り", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70992, - "content": "斫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70993, - "content": "밀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70994, - "content": "씲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70995, - "content": "ळ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70996, - "content": "綠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70997, - "content": "큘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70998, - "content": "젫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 70999, - "content": "跣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71000, - "content": "럕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71001, - "content": "樣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71002, - "content": "쬤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71003, - "content": "韹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71004, - "content": "൫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71005, - "content": "昔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71006, - "content": "ঃ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71007, - "content": "唻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71008, - "content": "눋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71009, - "content": "얮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71010, - "content": "셬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71011, - "content": "隩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71012, - "content": "睢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71013, - "content": "넏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71014, - "content": "뎤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71015, - "content": "긝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71016, - "content": "断", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71017, - "content": "횭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71018, - "content": "觅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71019, - "content": "厅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71020, - "content": "角", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71021, - "content": "嬥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71022, - "content": "ݱ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71023, - "content": "횔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71024, - "content": "牮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71025, - "content": "쏛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71026, - "content": "苻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71027, - "content": "楒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71028, - "content": "컱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71029, - "content": "머", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71030, - "content": "깸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71031, - "content": "챽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71032, - "content": "낌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71033, - "content": "滄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71034, - "content": "英", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71035, - "content": "掭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71036, - "content": "픴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71037, - "content": "忺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71038, - "content": "젏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71039, - "content": "勿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71040, - "content": "笺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71041, - "content": "ٲ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71042, - "content": "莎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71043, - "content": "蜘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71044, - "content": "聒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71045, - "content": "뚔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71046, - "content": "꼡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71047, - "content": "퐎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71048, - "content": "쿾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71049, - "content": "쌀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71050, - "content": "爰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71051, - "content": "旌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71052, - "content": "쓄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71053, - "content": "춼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71054, - "content": "엲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71055, - "content": "괡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71056, - "content": "肀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71057, - "content": "츠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71058, - "content": "꿸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71059, - "content": "鄹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71060, - "content": "丽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71061, - "content": "톔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71062, - "content": "自", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71063, - "content": "힟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71064, - "content": "冕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71065, - "content": "钉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71066, - "content": "쭷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71067, - "content": "인", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71068, - "content": "쒠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71069, - "content": "褽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71070, - "content": "븣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71071, - "content": "介", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71072, - "content": "阄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71073, - "content": "Ψ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71074, - "content": "か", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71075, - "content": "쑎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71076, - "content": "띍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71077, - "content": "薜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71078, - "content": "햻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71079, - "content": "냦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71080, - "content": "넁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71081, - "content": "뇢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71082, - "content": "퉄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71083, - "content": "픩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71084, - "content": "搏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71085, - "content": "液", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71086, - "content": "풖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71087, - "content": "醍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71088, - "content": "呇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71089, - "content": "뻹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71090, - "content": "읕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71091, - "content": "豎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71092, - "content": "췞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71093, - "content": "颜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71094, - "content": "距", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71095, - "content": "埔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71096, - "content": "庖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71097, - "content": "뉋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71098, - "content": "溼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71099, - "content": "貨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71100, - "content": "艾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71101, - "content": "坒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71102, - "content": "썷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71103, - "content": "辑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71104, - "content": "쒆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71105, - "content": "ৱ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71106, - "content": "嵌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71107, - "content": "緞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71108, - "content": "鞮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71109, - "content": "㭕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71110, - "content": "옃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71111, - "content": "쭚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71112, - "content": "벲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71113, - "content": "봤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71114, - "content": "뙉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71115, - "content": "쌘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71116, - "content": "奉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71117, - "content": "랥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71118, - "content": "욓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71119, - "content": "ౡ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71120, - "content": "则", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71121, - "content": "蝠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71122, - "content": "쏚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71123, - "content": "鳖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71124, - "content": "滧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71125, - "content": "橐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71126, - "content": "馧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71127, - "content": "횂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71128, - "content": "宸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71129, - "content": "戎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71130, - "content": "썡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71131, - "content": "埪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71132, - "content": "Γ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71133, - "content": "곤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71134, - "content": "딅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71135, - "content": "阉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71136, - "content": "뜓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71137, - "content": "躉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71138, - "content": "힣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71139, - "content": "延", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71140, - "content": "珒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71141, - "content": "僕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71142, - "content": "藁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71143, - "content": "𬙋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71144, - "content": "뗮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71145, - "content": "쒫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71146, - "content": "瀌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71147, - "content": "굶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71148, - "content": "ఱ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71149, - "content": "꺓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71150, - "content": "团", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71151, - "content": "玮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71152, - "content": "福", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71153, - "content": "뀱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71154, - "content": "菥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71155, - "content": "碾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71156, - "content": "剤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71157, - "content": "봝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71158, - "content": "嘍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71159, - "content": "暾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71160, - "content": "സ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71161, - "content": "臟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71162, - "content": "쥽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71163, - "content": "𩾌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71164, - "content": "됞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71165, - "content": "엻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71166, - "content": "캽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71167, - "content": "ം", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71168, - "content": "糒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71169, - "content": "끛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71170, - "content": "띐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71171, - "content": "狁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71172, - "content": "兖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71173, - "content": "吮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71174, - "content": "빼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71175, - "content": "퍦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71176, - "content": "杏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71177, - "content": "싷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71178, - "content": "毆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71179, - "content": "롲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71180, - "content": "蒂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71181, - "content": "荀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71182, - "content": "鏨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71183, - "content": "庋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71184, - "content": "鍔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71185, - "content": "部", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71186, - "content": "뙐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71187, - "content": "扅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71188, - "content": "Ổ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71189, - "content": "噪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71190, - "content": "꼺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71191, - "content": "珪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71192, - "content": "癣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71193, - "content": "턿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71194, - "content": "쵑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71195, - "content": "햔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71196, - "content": "酋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71197, - "content": "녵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71198, - "content": "휻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71199, - "content": "妊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71200, - "content": "ۇ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71201, - "content": "◇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71202, - "content": "깏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71203, - "content": "뺱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71204, - "content": "烏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71205, - "content": "题", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71206, - "content": "蜆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71207, - "content": "똀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71208, - "content": "펨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71209, - "content": "아", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71210, - "content": "ニ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71211, - "content": "됓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71212, - "content": "맮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71213, - "content": "풕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71214, - "content": "创", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71215, - "content": "圫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71216, - "content": "協", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71217, - "content": "捱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71218, - "content": "달", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71219, - "content": "만", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71220, - "content": "붔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71221, - "content": "봒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71222, - "content": "旎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71223, - "content": "話", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71224, - "content": "ౘ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71225, - "content": "갚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71226, - "content": "뽶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71227, - "content": "텈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71228, - "content": "죛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71229, - "content": "쭸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71230, - "content": "赳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71231, - "content": "잢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71232, - "content": "唣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71233, - "content": "説", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71234, - "content": "깼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71235, - "content": "栖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71236, - "content": "核", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71237, - "content": "貴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71238, - "content": "뿾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71239, - "content": "佥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71240, - "content": "宣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71241, - "content": "ល", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71242, - "content": "템", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71243, - "content": "𬴃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71244, - "content": "甘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71245, - "content": "귗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71246, - "content": "녔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71247, - "content": "뙤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71248, - "content": "લ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71249, - "content": "腾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71250, - "content": "ۆ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71251, - "content": "샍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71252, - "content": "赒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71253, - "content": "鹳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71254, - "content": "봘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71255, - "content": "两", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71256, - "content": "샙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71257, - "content": "냧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71258, - "content": "끚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71259, - "content": "凳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71260, - "content": "虻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71261, - "content": "샰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71262, - "content": "괌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71263, - "content": "뙴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71264, - "content": "쿆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71265, - "content": "钓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71266, - "content": "诇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71267, - "content": "쇵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71268, - "content": "复", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71269, - "content": "傘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71270, - "content": "澴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71271, - "content": "鉅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71272, - "content": "肫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71273, - "content": "з", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71274, - "content": "痨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71275, - "content": "皲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71276, - "content": "乜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71277, - "content": "성", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71278, - "content": "펩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71279, - "content": "𫍣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71280, - "content": "끑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71281, - "content": "ੂ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71282, - "content": "湓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71283, - "content": "鸪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71284, - "content": "켵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71285, - "content": "捅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71286, - "content": "쒹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71287, - "content": "跂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71288, - "content": "뮅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71289, - "content": "ី", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71290, - "content": "굒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71291, - "content": "썆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71292, - "content": "羔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71293, - "content": "쫷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71294, - "content": "燎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71295, - "content": "ち", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71296, - "content": "귆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71297, - "content": "鋭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71298, - "content": "즪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71299, - "content": "햅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71300, - "content": "ń", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71301, - "content": "簒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71302, - "content": "湴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71303, - "content": "졣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71304, - "content": "굃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71305, - "content": "诩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71306, - "content": "傑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71307, - "content": "쁺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71308, - "content": "អ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71309, - "content": "驀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71310, - "content": "쯢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71311, - "content": "돍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71312, - "content": "몎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71313, - "content": "죻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71314, - "content": "萝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71315, - "content": "虮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71316, - "content": "덬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71317, - "content": "溍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71318, - "content": "갽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71319, - "content": "숸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71320, - "content": "章", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71321, - "content": "缀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71322, - "content": "쾡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71323, - "content": "눍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71324, - "content": "蕤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71325, - "content": "벗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71326, - "content": "償", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71327, - "content": "슃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71328, - "content": "倕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71329, - "content": "돢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71330, - "content": "쪔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71331, - "content": "녽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71332, - "content": "벨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71333, - "content": "泛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71334, - "content": "봫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71335, - "content": "泂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71336, - "content": "듗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71337, - "content": "뾼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71338, - "content": "뽸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71339, - "content": "骷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71340, - "content": "識", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71341, - "content": "操", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71342, - "content": "紫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71343, - "content": "嶷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71344, - "content": "넞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71345, - "content": "甾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71346, - "content": "綏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71347, - "content": "嘌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71348, - "content": "芎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71349, - "content": "堌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71350, - "content": "塋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71351, - "content": "뮐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71352, - "content": "Ⓛ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71353, - "content": "퓙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71354, - "content": "퇰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71355, - "content": "龢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71356, - "content": "첌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71357, - "content": "믈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71358, - "content": "덑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71359, - "content": "늦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71360, - "content": "摑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71361, - "content": "뭅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71362, - "content": "긪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71363, - "content": "匯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71364, - "content": "눾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71365, - "content": "퇝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71366, - "content": "೨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71367, - "content": "晚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71368, - "content": "궓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71369, - "content": "苎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71370, - "content": "乞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71371, - "content": "시", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71372, - "content": "ぶ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71373, - "content": "送", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71374, - "content": "倏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71375, - "content": "金", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71376, - "content": "쫆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71377, - "content": "쵌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71378, - "content": "듼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71379, - "content": "ઝ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71380, - "content": "蛔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71381, - "content": "盯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71382, - "content": "籲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71383, - "content": "쭫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71384, - "content": "뷠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71385, - "content": "蔺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71386, - "content": "딊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71387, - "content": "읷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71388, - "content": "넍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71389, - "content": "슖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71390, - "content": "ワ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71391, - "content": "咪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71392, - "content": "廣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71393, - "content": "皈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71394, - "content": "쁔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71395, - "content": "늺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71396, - "content": "⑧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71397, - "content": "쓘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71398, - "content": "侵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71399, - "content": "뱮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71400, - "content": "쭃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71401, - "content": "閃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71402, - "content": "ؙ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71403, - "content": "氏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71404, - "content": "顶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71405, - "content": "埃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71406, - "content": "꽘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71407, - "content": "餚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71408, - "content": "뤕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71409, - "content": "鞧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71410, - "content": "걗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71411, - "content": "앆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71412, - "content": "溌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71413, - "content": "怨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71414, - "content": "莘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71415, - "content": "꺚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71416, - "content": "솀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71417, - "content": "愾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71418, - "content": "蒼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71419, - "content": "놐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71420, - "content": "札", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71421, - "content": "漣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71422, - "content": "勃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71423, - "content": "圮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71424, - "content": "훂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71425, - "content": "悌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71426, - "content": "숴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71427, - "content": "⑪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71428, - "content": "停", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71429, - "content": "ݜ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71430, - "content": "躊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71431, - "content": "ঞ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71432, - "content": "뜀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71433, - "content": "몰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71434, - "content": "뮲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71435, - "content": "壸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71436, - "content": "혳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71437, - "content": "珉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71438, - "content": "려", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71439, - "content": "辐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71440, - "content": "칽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71441, - "content": "猪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71442, - "content": "蚀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71443, - "content": "。", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71444, - "content": "鲧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71445, - "content": "좘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71446, - "content": "같", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71447, - "content": "骀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71448, - "content": "웊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71449, - "content": "켼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71450, - "content": "杖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71451, - "content": "멜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71452, - "content": "긧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71453, - "content": "綫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71454, - "content": "繒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71455, - "content": "財", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71456, - "content": "藪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71457, - "content": "맪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71458, - "content": "뮟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71459, - "content": "濰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71460, - "content": "킽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71461, - "content": "磺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71462, - "content": "涑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71463, - "content": "럪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71464, - "content": "홴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71465, - "content": "먏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71466, - "content": "惚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71467, - "content": "歟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71468, - "content": "ف", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71469, - "content": "ễ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71470, - "content": "寡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71471, - "content": "倀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71472, - "content": "稔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71473, - "content": "賭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71474, - "content": "ジ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71475, - "content": "빎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71476, - "content": "죦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71477, - "content": "퐜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71478, - "content": "鹔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71479, - "content": "秸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71480, - "content": "죇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71481, - "content": "쑀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71482, - "content": "粛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71483, - "content": "毋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71484, - "content": "黒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71485, - "content": "婁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71486, - "content": "绶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71487, - "content": "ฮ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71488, - "content": "祭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71489, - "content": "컰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71490, - "content": "놸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71491, - "content": "뎉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71492, - "content": "ष", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71493, - "content": "俵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71494, - "content": "춳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71495, - "content": "簪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71496, - "content": "扒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71497, - "content": "げ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71498, - "content": "序", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71499, - "content": "쿫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71500, - "content": "쭆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71501, - "content": "쵗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71502, - "content": "Κ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71503, - "content": "쑳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71504, - "content": "胳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71505, - "content": "啵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71506, - "content": "볹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71507, - "content": "褄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71508, - "content": "쉼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71509, - "content": "暂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71510, - "content": "얯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71511, - "content": "膩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71512, - "content": "翃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71513, - "content": "뒝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71514, - "content": "輿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71515, - "content": "舅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71516, - "content": "벑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71517, - "content": "뜐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71518, - "content": "몱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71519, - "content": "爹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71520, - "content": "칒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71521, - "content": "폕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71522, - "content": "尨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71523, - "content": "ए", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71524, - "content": "籬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71525, - "content": "렀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71526, - "content": "칄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71527, - "content": "库", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71528, - "content": "퇉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71529, - "content": "鵜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71530, - "content": "볧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71531, - "content": "뮉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71532, - "content": "됩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71533, - "content": "妁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71534, - "content": "姫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71535, - "content": "샵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71536, - "content": "،", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71537, - "content": "怼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71538, - "content": "睽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71539, - "content": "酂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71540, - "content": "㌦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71541, - "content": "헻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71542, - "content": "廂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71543, - "content": "솏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71544, - "content": "淅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71545, - "content": "끏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71546, - "content": "鲭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71547, - "content": "પ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71548, - "content": "੬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71549, - "content": "체", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71550, - "content": "쫛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71551, - "content": "혞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71552, - "content": "烶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71553, - "content": "둄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71554, - "content": "粝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71555, - "content": "퐅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71556, - "content": "몗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71557, - "content": "뱦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71558, - "content": "梆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71559, - "content": "惨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71560, - "content": "邴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71561, - "content": "踣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71562, - "content": "沺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71563, - "content": "냱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71564, - "content": "縱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71565, - "content": "솻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71566, - "content": "쇫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71567, - "content": "늎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71568, - "content": "팙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71569, - "content": "৫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71570, - "content": "뫦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71571, - "content": "찢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71572, - "content": "쵺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71573, - "content": "됴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71574, - "content": "๔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71575, - "content": "뾤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71576, - "content": "蹭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71577, - "content": "껂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71578, - "content": "筼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71579, - "content": "䦃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71580, - "content": "쩕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71581, - "content": "算", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71582, - "content": "옴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71583, - "content": "ஞ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71584, - "content": "첿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71585, - "content": "鼎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71586, - "content": "뽍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71587, - "content": "ഒ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71588, - "content": "쮥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71589, - "content": "笔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71590, - "content": "チ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71591, - "content": "싞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71592, - "content": "겍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71593, - "content": "톊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71594, - "content": "꽓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71595, - "content": "쵞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71596, - "content": "据", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71597, - "content": "챺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71598, - "content": "𬊈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71599, - "content": "抖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71600, - "content": "썅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71601, - "content": "햟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71602, - "content": "ఖ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71603, - "content": "받", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71604, - "content": "マ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71605, - "content": "壊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71606, - "content": "덍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71607, - "content": "풟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71608, - "content": "쭌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71609, - "content": "圩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71610, - "content": "뉊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71611, - "content": "苋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71612, - "content": "坟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71613, - "content": "챗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71614, - "content": "憾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71615, - "content": "祗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71616, - "content": "蝼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71617, - "content": "쥞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71618, - "content": "셮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71619, - "content": "쿛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71620, - "content": "롏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71621, - "content": "骺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71622, - "content": "푧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71623, - "content": "쌞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71624, - "content": "죲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71625, - "content": "頂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71626, - "content": "낽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71627, - "content": "环", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71628, - "content": "邐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71629, - "content": "俍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71630, - "content": "콕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71631, - "content": "冱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71632, - "content": "늶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71633, - "content": "全", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71634, - "content": "읮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71635, - "content": "义", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71636, - "content": "咨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71637, - "content": "邵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71638, - "content": "ឰ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71639, - "content": "参", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71640, - "content": "힠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71641, - "content": "遷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71642, - "content": "槜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71643, - "content": "ែ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71644, - "content": "홒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71645, - "content": "鉀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71646, - "content": "쳅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71647, - "content": "崙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71648, - "content": "쏮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71649, - "content": "崀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71650, - "content": "櫚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71651, - "content": "끊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71652, - "content": "떼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71653, - "content": "췑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71654, - "content": "Ể", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71655, - "content": "퍗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71656, - "content": "겹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71657, - "content": "볷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71658, - "content": "捂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71659, - "content": "锔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71660, - "content": "烩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71661, - "content": "曩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71662, - "content": "骨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71663, - "content": "鼗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71664, - "content": "菱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71665, - "content": "덞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71666, - "content": "珙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71667, - "content": "써", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71668, - "content": "赧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71669, - "content": "헢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71670, - "content": "汙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71671, - "content": "捡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71672, - "content": "욙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71673, - "content": "𬺦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71674, - "content": "湄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71675, - "content": "킒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71676, - "content": "뿥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71677, - "content": "幗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71678, - "content": "嗞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71679, - "content": "态", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71680, - "content": "恒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71681, - "content": "슇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71682, - "content": "‼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71683, - "content": "び", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71684, - "content": "稗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71685, - "content": "尖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71686, - "content": "ប", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71687, - "content": "葭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71688, - "content": "퍏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71689, - "content": "닰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71690, - "content": "鏊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71691, - "content": "𡎚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71692, - "content": "쌟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71693, - "content": "죔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71694, - "content": "尅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71695, - "content": "視", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71696, - "content": "闈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71697, - "content": "躬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71698, - "content": "켋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71699, - "content": "瀔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71700, - "content": "円", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71701, - "content": "뛴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71702, - "content": "좏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71703, - "content": "큝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71704, - "content": "삒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71705, - "content": "僑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71706, - "content": "钞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71707, - "content": "瘾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71708, - "content": "翠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71709, - "content": "剩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71710, - "content": "哇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71711, - "content": "넡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71712, - "content": "엞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71713, - "content": "뉮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71714, - "content": "뫿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71715, - "content": "該", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71716, - "content": "谳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71717, - "content": "쥣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71718, - "content": "蔗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71719, - "content": "訴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71720, - "content": "꽴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71721, - "content": "콃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71722, - "content": "℃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71723, - "content": "깦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71724, - "content": "혟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71725, - "content": "뛕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71726, - "content": "逼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71727, - "content": "늊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71728, - "content": "∫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71729, - "content": "蜎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71730, - "content": "쟴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71731, - "content": "¥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71732, - "content": "⚫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71733, - "content": "汔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71734, - "content": "麩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71735, - "content": "獨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71736, - "content": "樁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71737, - "content": "뺻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71738, - "content": "埠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71739, - "content": "쌨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71740, - "content": "鲲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71741, - "content": "퇽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71742, - "content": "뛯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71743, - "content": "鳩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71744, - "content": "뿢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71745, - "content": "锍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71746, - "content": "長", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71747, - "content": "ు", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71748, - "content": "鞑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71749, - "content": "鲢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71750, - "content": "둖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71751, - "content": "씓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71752, - "content": "稞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71753, - "content": "碲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71754, - "content": "坏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71755, - "content": "햰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71756, - "content": "筌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71757, - "content": "綑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71758, - "content": "璪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71759, - "content": "曉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71760, - "content": "菖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71761, - "content": "缸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71762, - "content": "ধ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71763, - "content": "潽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71764, - "content": "惭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71765, - "content": "璿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71766, - "content": "絯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71767, - "content": "뙹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71768, - "content": "曲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71769, - "content": "맣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71770, - "content": "껜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71771, - "content": "햾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71772, - "content": "惝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71773, - "content": "궖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71774, - "content": "뒛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71775, - "content": "맞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71776, - "content": "썍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71777, - "content": "聂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71778, - "content": "丛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71779, - "content": "앬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71780, - "content": "燔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71781, - "content": "苜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71782, - "content": "뮯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71783, - "content": "㍍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71784, - "content": "蹋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71785, - "content": "밙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71786, - "content": "泔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71787, - "content": "슀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71788, - "content": "잆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71789, - "content": "숷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71790, - "content": "㠓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71791, - "content": "씙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71792, - "content": "啻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71793, - "content": "狻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71794, - "content": "ھ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71795, - "content": "붮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71796, - "content": "클", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71797, - "content": "ű", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71798, - "content": "뒷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71799, - "content": "阚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71800, - "content": "콺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71801, - "content": "녩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71802, - "content": "诞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71803, - "content": "愀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71804, - "content": "놇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71805, - "content": "ಶ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71806, - "content": "퉅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71807, - "content": "溜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71808, - "content": "蚰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71809, - "content": "线", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71810, - "content": "镓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71811, - "content": "负", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71812, - "content": "챨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71813, - "content": "録", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71814, - "content": "먜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71815, - "content": "딸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71816, - "content": "盒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71817, - "content": "۷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71818, - "content": "梱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71819, - "content": "絨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71820, - "content": "쫗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71821, - "content": "屏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71822, - "content": "贵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71823, - "content": "멉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71824, - "content": "蕺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71825, - "content": "鲱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71826, - "content": "쯧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71827, - "content": "졭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71828, - "content": "叢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71829, - "content": "幛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71830, - "content": "끄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71831, - "content": "쉠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71832, - "content": "턇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71833, - "content": "렋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71834, - "content": "멒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71835, - "content": "催", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71836, - "content": "舰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71837, - "content": "덭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71838, - "content": "쟍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71839, - "content": "潲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71840, - "content": "闳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71841, - "content": "Ρ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71842, - "content": "√", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71843, - "content": "쾕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71844, - "content": "蟹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71845, - "content": "겲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71846, - "content": "迫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71847, - "content": "쯽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71848, - "content": "挺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71849, - "content": "喲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71850, - "content": "뢖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71851, - "content": "릊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71852, - "content": "Χ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71853, - "content": "퉵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71854, - "content": "奘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71855, - "content": "忝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71856, - "content": "褥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71857, - "content": "诸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71858, - "content": "琀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71859, - "content": "쌦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71860, - "content": "븚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71861, - "content": "롑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71862, - "content": "苈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71863, - "content": "騵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71864, - "content": "癬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71865, - "content": "쫼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71866, - "content": "뫘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71867, - "content": "់", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71868, - "content": "뿯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71869, - "content": "슙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71870, - "content": "냨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71871, - "content": "뎦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71872, - "content": "팸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71873, - "content": "훞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71874, - "content": "ۻ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71875, - "content": "븬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71876, - "content": "晒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71877, - "content": "춤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71878, - "content": "뽧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71879, - "content": "쿈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71880, - "content": "윽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71881, - "content": "棬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71882, - "content": "𫭟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71883, - "content": "𬺖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71884, - "content": "쟙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71885, - "content": "럾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71886, - "content": "틙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71887, - "content": "專", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71888, - "content": "똝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71889, - "content": "節", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71890, - "content": "嬿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71891, - "content": "쭾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71892, - "content": "䌹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71893, - "content": "펆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71894, - "content": "봵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71895, - "content": "庙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71896, - "content": "ห", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71897, - "content": "츂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71898, - "content": "恃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71899, - "content": "હ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71900, - "content": "葙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71901, - "content": "칯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71902, - "content": "놌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71903, - "content": "恤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71904, - "content": "选", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71905, - "content": "ஐ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71906, - "content": "잣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71907, - "content": "昇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71908, - "content": "빲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71909, - "content": "烠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71910, - "content": "怿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71911, - "content": "쿄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71912, - "content": "珷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71913, - "content": "鱈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71914, - "content": "쪄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71915, - "content": "삃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71916, - "content": "𬺧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71917, - "content": "糖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71918, - "content": "괳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71919, - "content": "颞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71920, - "content": "導", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71921, - "content": "뜘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71922, - "content": "챬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71923, - "content": "뿁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71924, - "content": "롫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71925, - "content": "荣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71926, - "content": "㳘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71927, - "content": "뉤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71928, - "content": "૯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71929, - "content": "좖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71930, - "content": "ল", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71931, - "content": "𬣡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71932, - "content": "뻧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71933, - "content": "懦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71934, - "content": "부", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71935, - "content": "疤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71936, - "content": "喈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71937, - "content": "Ỗ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71938, - "content": "륏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71939, - "content": "뉸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71940, - "content": "襻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71941, - "content": "妺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71942, - "content": "镉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71943, - "content": "鳌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71944, - "content": "뵋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71945, - "content": "觔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71946, - "content": "쩄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71947, - "content": "퓅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71948, - "content": "ெ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71949, - "content": "値", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71950, - "content": "딛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71951, - "content": "చ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71952, - "content": "眵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71953, - "content": "쇩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71954, - "content": "彤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71955, - "content": "永", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71956, - "content": "瓢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71957, - "content": "ૐ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71958, - "content": "헄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71959, - "content": "奕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71960, - "content": "赛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71961, - "content": "鹽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71962, - "content": "쀹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71963, - "content": "愢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71964, - "content": "폰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71965, - "content": "뾔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71966, - "content": "𬬩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71967, - "content": "뢗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71968, - "content": "嗥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71969, - "content": "럶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71970, - "content": "낡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71971, - "content": "깐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71972, - "content": "늆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71973, - "content": "풦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71974, - "content": "見", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71975, - "content": "拴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71976, - "content": "뒺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71977, - "content": "𫍽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71978, - "content": "胞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71979, - "content": "쑮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71980, - "content": "뒓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71981, - "content": "膽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71982, - "content": "젊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71983, - "content": "覺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71984, - "content": "푣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71985, - "content": "ಉ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71986, - "content": "냑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71987, - "content": "욌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71988, - "content": "뱚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71989, - "content": "爺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71990, - "content": "파", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71991, - "content": "딪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71992, - "content": "봮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71993, - "content": "밺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71994, - "content": "쨖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71995, - "content": "臏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71996, - "content": "齢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71997, - "content": "絀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71998, - "content": "듙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 71999, - "content": "𪤗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72000, - "content": "귶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72001, - "content": "朕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72002, - "content": "兮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72003, - "content": "ಧ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72004, - "content": "ൢ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72005, - "content": "◎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72006, - "content": "凤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72007, - "content": "뎐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72008, - "content": "捽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72009, - "content": "묃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72010, - "content": "랬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72011, - "content": "뾕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72012, - "content": "೫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72013, - "content": "돗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72014, - "content": "蝎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72015, - "content": "穿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72016, - "content": "힓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72017, - "content": "쨌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72018, - "content": "듌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72019, - "content": "蚨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72020, - "content": "滪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72021, - "content": "꾅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72022, - "content": "問", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72023, - "content": "섏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72024, - "content": "嘐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72025, - "content": "됚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72026, - "content": "苓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72027, - "content": "쌬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72028, - "content": "뛚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72029, - "content": "冂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72030, - "content": "렪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72031, - "content": "떁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72032, - "content": "눃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72033, - "content": "멛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72034, - "content": "眊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72035, - "content": "藕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72036, - "content": "떘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72037, - "content": "젲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72038, - "content": "季", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72039, - "content": "狞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72040, - "content": "촐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72041, - "content": "筘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72042, - "content": "纂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72043, - "content": "窓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72044, - "content": "纣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72045, - "content": "酰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72046, - "content": "튄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72047, - "content": "칿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72048, - "content": "炣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72049, - "content": "콳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72050, - "content": "丿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72051, - "content": "礴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72052, - "content": "寒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72053, - "content": "𬭤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72054, - "content": "沲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72055, - "content": "갗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72056, - "content": "블", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72057, - "content": "꿉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72058, - "content": "堋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72059, - "content": "๓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72060, - "content": "瑃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72061, - "content": "朸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72062, - "content": "킏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72063, - "content": "탩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72064, - "content": "ફ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72065, - "content": "챤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72066, - "content": "젡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72067, - "content": "뱼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72068, - "content": "ۣ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72069, - "content": "疟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72070, - "content": "忭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72071, - "content": "堕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72072, - "content": "헹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72073, - "content": "逍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72074, - "content": "钒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72075, - "content": "磻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72076, - "content": "虔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72077, - "content": "颍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72078, - "content": "뼖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72079, - "content": "춐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72080, - "content": "놘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72081, - "content": "얣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72082, - "content": "렩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72083, - "content": "ㄶ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72084, - "content": "럥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72085, - "content": "梾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72086, - "content": "얃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72087, - "content": "熾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72088, - "content": "찣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72089, - "content": "왯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72090, - "content": "酯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72091, - "content": "奓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72092, - "content": "왣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72093, - "content": "평", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72094, - "content": "堅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72095, - "content": "괊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72096, - "content": "윴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72097, - "content": "롟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72098, - "content": "你", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72099, - "content": "跐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72100, - "content": "廉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72101, - "content": "ٹ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72102, - "content": "焘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72103, - "content": "곛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72104, - "content": "찟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72105, - "content": "ఁ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72106, - "content": "棻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72107, - "content": "脚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72108, - "content": "钹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72109, - "content": "趟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72110, - "content": "늖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72111, - "content": "騎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72112, - "content": "鉑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72113, - "content": "ز", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72114, - "content": "煜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72115, - "content": "뼘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72116, - "content": "츘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72117, - "content": "빠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72118, - "content": "索", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72119, - "content": "៰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72120, - "content": "긨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72121, - "content": "ナ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72122, - "content": "伯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72123, - "content": "옷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72124, - "content": "캩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72125, - "content": "뙃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72126, - "content": "姅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72127, - "content": "磡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72128, - "content": "よ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72129, - "content": "쇱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72130, - "content": "仳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72131, - "content": "탘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72132, - "content": "頚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72133, - "content": "툴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72134, - "content": "胱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72135, - "content": "궭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72136, - "content": "∮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72137, - "content": "甓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72138, - "content": "糁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72139, - "content": "鋼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72140, - "content": "왦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72141, - "content": "呼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72142, - "content": "毹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72143, - "content": "婬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72144, - "content": "だ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72145, - "content": "쳸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72146, - "content": "Ң", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72147, - "content": "픾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72148, - "content": "쮙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72149, - "content": "ݽ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72150, - "content": "茕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72151, - "content": "뚉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72152, - "content": "钋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72153, - "content": "佼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72154, - "content": "筜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72155, - "content": "阮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72156, - "content": "덩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72157, - "content": "걑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72158, - "content": "띜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72159, - "content": "쁶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72160, - "content": "섓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72161, - "content": "得", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72162, - "content": "浲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72163, - "content": "阕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72164, - "content": "쐼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72165, - "content": "ㅶ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72166, - "content": "燜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72167, - "content": "퇬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72168, - "content": "锱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72169, - "content": "引", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72170, - "content": "뜭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72171, - "content": "逑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72172, - "content": "蒐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72173, - "content": "뗃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72174, - "content": "儡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72175, - "content": "싣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72176, - "content": "뼡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72177, - "content": "떌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72178, - "content": "釆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72179, - "content": "戲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72180, - "content": "歎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72181, - "content": "촺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72182, - "content": "觋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72183, - "content": "슏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72184, - "content": "쯝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72185, - "content": "쩜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72186, - "content": "铱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72187, - "content": "泶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72188, - "content": "컬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72189, - "content": "땩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72190, - "content": "聳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72191, - "content": "홏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72192, - "content": "輸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72193, - "content": "怏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72194, - "content": "ਲ਼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72195, - "content": "嘡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72196, - "content": "蚊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72197, - "content": "켯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72198, - "content": "育", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72199, - "content": "サ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72200, - "content": "줔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72201, - "content": "딾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72202, - "content": "釗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72203, - "content": "뉅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72204, - "content": "ਫ਼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72205, - "content": "缨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72206, - "content": "햊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72207, - "content": "鹬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72208, - "content": "낦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72209, - "content": "ْ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72210, - "content": "녂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72211, - "content": "읖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72212, - "content": "솁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72213, - "content": "肌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72214, - "content": "싥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72215, - "content": "맒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72216, - "content": "破", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72217, - "content": "𫌀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72218, - "content": "믶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72219, - "content": "섽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72220, - "content": "녴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72221, - "content": "퀹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72222, - "content": "濬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72223, - "content": "긷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72224, - "content": "컭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72225, - "content": "뫖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72226, - "content": "몈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72227, - "content": "츀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72228, - "content": "讹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72229, - "content": "إ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72230, - "content": "壹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72231, - "content": "젰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72232, - "content": "씼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72233, - "content": "孢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72234, - "content": "쌖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72235, - "content": "뎺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72236, - "content": "伙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72237, - "content": "嗫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72238, - "content": "諭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72239, - "content": "慾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72240, - "content": "否", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72241, - "content": "뱞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72242, - "content": "坯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72243, - "content": "揚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72244, - "content": "댼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72245, - "content": "쿧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72246, - "content": "ㆊ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72247, - "content": "腔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72248, - "content": "좾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72249, - "content": "铟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72250, - "content": "鬥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72251, - "content": "谍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72252, - "content": "뱜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72253, - "content": "궊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72254, - "content": "え", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72255, - "content": "慈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72256, - "content": "璁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72257, - "content": "賀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72258, - "content": "災", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72259, - "content": "갏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72260, - "content": "裰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72261, - "content": "隃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72262, - "content": "ச", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72263, - "content": "깟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72264, - "content": "칞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72265, - "content": "阙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72266, - "content": "捏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72267, - "content": "뷉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72268, - "content": "쮪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72269, - "content": "믭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72270, - "content": "涄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72271, - "content": "셋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72272, - "content": "蔦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72273, - "content": "苁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72274, - "content": "恻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72275, - "content": "쉙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72276, - "content": "噀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72277, - "content": "뢊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72278, - "content": "젤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72279, - "content": "맡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72280, - "content": "漩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72281, - "content": "旦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72282, - "content": "봳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72283, - "content": "ؗ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72284, - "content": "聖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72285, - "content": "뵙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72286, - "content": "奶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72287, - "content": "栴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72288, - "content": "绰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72289, - "content": "ۺ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72290, - "content": "썋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72291, - "content": "遙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72292, - "content": "튚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72293, - "content": "洎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72294, - "content": "푶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72295, - "content": "퐍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72296, - "content": "塄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72297, - "content": "→", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72298, - "content": "驿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72299, - "content": "掾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72300, - "content": "섾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72301, - "content": "钦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72302, - "content": "卿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72303, - "content": "狮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72304, - "content": "崮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72305, - "content": "荏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72306, - "content": "씡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72307, - "content": "跎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72308, - "content": "볳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72309, - "content": "쎀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72310, - "content": "박", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72311, - "content": "僻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72312, - "content": "嵎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72313, - "content": "悴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72314, - "content": "쒈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72315, - "content": "쫶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72316, - "content": "ﺙ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72317, - "content": "횄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72318, - "content": "擻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72319, - "content": "虧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72320, - "content": "覜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72321, - "content": "폿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72322, - "content": "唝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72323, - "content": "閂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72324, - "content": "威", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72325, - "content": "액", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72326, - "content": "듎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72327, - "content": "쑋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72328, - "content": "췒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72329, - "content": "쏝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72330, - "content": "씳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72331, - "content": "颡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72332, - "content": "쐈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72333, - "content": "嚶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72334, - "content": "뿼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72335, - "content": "铄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72336, - "content": "朊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72337, - "content": "勧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72338, - "content": "졞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72339, - "content": "퍭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72340, - "content": "咕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72341, - "content": "鷥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72342, - "content": "憕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72343, - "content": "鷓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72344, - "content": "٣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72345, - "content": "쓖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72346, - "content": "섛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72347, - "content": "瀰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72348, - "content": "붳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72349, - "content": "帮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72350, - "content": "ヵ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72351, - "content": "쐸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72352, - "content": "暅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72353, - "content": "狲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72354, - "content": "훬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72355, - "content": "융", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72356, - "content": "槌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72357, - "content": "黪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72358, - "content": "咦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72359, - "content": "넛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72360, - "content": "ఉ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72361, - "content": "뫆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72362, - "content": "峒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72363, - "content": "율", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72364, - "content": "솜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72365, - "content": "狠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72366, - "content": "콮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72367, - "content": "連", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72368, - "content": "갤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72369, - "content": "튲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72370, - "content": "轱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72371, - "content": "뇴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72372, - "content": "萤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72373, - "content": "道", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72374, - "content": "믂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72375, - "content": "垮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72376, - "content": "𤫉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72377, - "content": "굴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72378, - "content": "뇀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72379, - "content": "鸩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72380, - "content": "걅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72381, - "content": "쮅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72382, - "content": "涮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72383, - "content": "ક", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72384, - "content": "쀔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72385, - "content": "냛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72386, - "content": "턨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72387, - "content": "啪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72388, - "content": "꼱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72389, - "content": "ㅒ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72390, - "content": "瘦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72391, - "content": "墊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72392, - "content": "掎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72393, - "content": "즇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72394, - "content": "쓺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72395, - "content": "짚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72396, - "content": "讥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72397, - "content": "짫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72398, - "content": "헳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72399, - "content": "켥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72400, - "content": "携", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72401, - "content": "먄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72402, - "content": "Ҳ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72403, - "content": "兼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72404, - "content": "罷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72405, - "content": "苕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72406, - "content": "ݮ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72407, - "content": "쵼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72408, - "content": "岑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72409, - "content": "正", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72410, - "content": "民", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72411, - "content": "氧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72412, - "content": "홵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72413, - "content": "뾜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72414, - "content": "끮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72415, - "content": "녯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72416, - "content": "罰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72417, - "content": "慘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72418, - "content": "측", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72419, - "content": "売", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72420, - "content": "뤖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72421, - "content": "쀶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72422, - "content": "띌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72423, - "content": "仍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72424, - "content": "롾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72425, - "content": "逡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72426, - "content": "顷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72427, - "content": "뜲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72428, - "content": "뵽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72429, - "content": "쩪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72430, - "content": "밬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72431, - "content": "塽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72432, - "content": "컉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72433, - "content": "햎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72434, - "content": "롡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72435, - "content": "橫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72436, - "content": "丫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72437, - "content": "蟲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72438, - "content": "셷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72439, - "content": "휄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72440, - "content": "쭍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72441, - "content": "酔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72442, - "content": "絞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72443, - "content": "泽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72444, - "content": "뛤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72445, - "content": "싏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72446, - "content": "질", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72447, - "content": "戚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72448, - "content": "뚒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72449, - "content": "깈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72450, - "content": "롼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72451, - "content": "텮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72452, - "content": "铀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72453, - "content": "솘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72454, - "content": "둢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72455, - "content": "킇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72456, - "content": "숪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72457, - "content": "팵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72458, - "content": "៏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72459, - "content": "辦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72460, - "content": "좲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72461, - "content": "煌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72462, - "content": "惔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72463, - "content": "挤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72464, - "content": "狭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72465, - "content": "弃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72466, - "content": "是", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72467, - "content": "瘓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72468, - "content": "會", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72469, - "content": "真", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72470, - "content": "촊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72471, - "content": "갷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72472, - "content": "౩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72473, - "content": "풞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72474, - "content": "廟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72475, - "content": "氽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72476, - "content": "辇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72477, - "content": "읇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72478, - "content": "륨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72479, - "content": "펹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72480, - "content": "規", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72481, - "content": "茔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72482, - "content": "큯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72483, - "content": "뒫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72484, - "content": "뚢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72485, - "content": "넟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72486, - "content": "뱆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72487, - "content": "햫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72488, - "content": "根", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72489, - "content": "컞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72490, - "content": "炟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72491, - "content": "쬝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72492, - "content": "쁓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72493, - "content": "뙯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72494, - "content": "黉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72495, - "content": "ۓ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72496, - "content": "붐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72497, - "content": "骞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72498, - "content": "舷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72499, - "content": "丈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72500, - "content": "這", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72501, - "content": "覆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72502, - "content": "羅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72503, - "content": "줊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72504, - "content": "泵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72505, - "content": "엙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72506, - "content": "좇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72507, - "content": "癗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72508, - "content": "局", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72509, - "content": "苄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72510, - "content": "멐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72511, - "content": "險", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72512, - "content": "枡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72513, - "content": "貔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72514, - "content": "桯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72515, - "content": "셰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72516, - "content": "삥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72517, - "content": "밃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72518, - "content": "뤝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72519, - "content": "쓦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72520, - "content": "퀜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72521, - "content": "វ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72522, - "content": "ㅗ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72523, - "content": "绖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72524, - "content": "쮏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72525, - "content": "잝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72526, - "content": "죡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72527, - "content": "겅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72528, - "content": "䎃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72529, - "content": "놆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72530, - "content": "跖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72531, - "content": "笨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72532, - "content": "최", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72533, - "content": "肛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72534, - "content": "非", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72535, - "content": "답", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72536, - "content": "砺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72537, - "content": "엚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72538, - "content": "牺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72539, - "content": "뷵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72540, - "content": "셔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72541, - "content": "烈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72542, - "content": "훱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72543, - "content": "및", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72544, - "content": "啤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72545, - "content": "帶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72546, - "content": "뒥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72547, - "content": "摆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72548, - "content": "솸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72549, - "content": "缗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72550, - "content": "促", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72551, - "content": "വ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72552, - "content": "岱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72553, - "content": "鳅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72554, - "content": "鹆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72555, - "content": "柏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72556, - "content": "쑪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72557, - "content": "좼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72558, - "content": "嗲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72559, - "content": "哧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72560, - "content": "系", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72561, - "content": "뇖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72562, - "content": "틵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72563, - "content": "퍚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72564, - "content": "虢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72565, - "content": "穂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72566, - "content": "츯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72567, - "content": "뺹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72568, - "content": "啸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72569, - "content": "吽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72570, - "content": "앵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72571, - "content": "鹖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72572, - "content": "겯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72573, - "content": "ഇ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72574, - "content": "씆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72575, - "content": "퉇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72576, - "content": "똘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72577, - "content": "빵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72578, - "content": "レ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72579, - "content": "痕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72580, - "content": "吉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72581, - "content": "탔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72582, - "content": "蹑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72583, - "content": "뢝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72584, - "content": "梦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72585, - "content": "듊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72586, - "content": "急", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72587, - "content": "ឱ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72588, - "content": "뻎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72589, - "content": "陌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72590, - "content": "먼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72591, - "content": "ಗ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72592, - "content": "몯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72593, - "content": "쌜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72594, - "content": "웮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72595, - "content": "퓇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72596, - "content": "쌧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72597, - "content": "鯖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72598, - "content": "혒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72599, - "content": "翌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72600, - "content": "홉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72601, - "content": "역", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72602, - "content": "쭋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72603, - "content": "铪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72604, - "content": "੪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72605, - "content": "曖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72606, - "content": "鎚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72607, - "content": "럱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72608, - "content": "걊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72609, - "content": "弢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72610, - "content": "뾝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72611, - "content": "팽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72612, - "content": "陽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72613, - "content": "좄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72614, - "content": "ล", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72615, - "content": "ロ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72616, - "content": "竊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72617, - "content": "궯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72618, - "content": "颗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72619, - "content": "퍥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72620, - "content": "뚱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72621, - "content": "諂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72622, - "content": "卹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72623, - "content": "靶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72624, - "content": "륌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72625, - "content": "웓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72626, - "content": "킍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72627, - "content": "쯜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72628, - "content": "콵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72629, - "content": "햘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72630, - "content": "塅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72631, - "content": "윣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72632, - "content": "瑕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72633, - "content": "鴃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72634, - "content": "쳄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72635, - "content": "イ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72636, - "content": "땬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72637, - "content": "粜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72638, - "content": "稷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72639, - "content": "續", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72640, - "content": "촿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72641, - "content": "網", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72642, - "content": "쐬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72643, - "content": "퀭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72644, - "content": "蹙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72645, - "content": "矍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72646, - "content": "ݟ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72647, - "content": "끸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72648, - "content": "멧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72649, - "content": "웒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72650, - "content": "遴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72651, - "content": "쯠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72652, - "content": "勰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72653, - "content": "륜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72654, - "content": "荷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72655, - "content": "정", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72656, - "content": "煴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72657, - "content": "솚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72658, - "content": "줍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72659, - "content": "拘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72660, - "content": "땽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72661, - "content": "溃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72662, - "content": "곪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72663, - "content": "寮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72664, - "content": "モ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72665, - "content": "잽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72666, - "content": "𨭉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72667, - "content": "퐃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72668, - "content": "羧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72669, - "content": "௯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72670, - "content": "蛋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72671, - "content": "粒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72672, - "content": "넄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72673, - "content": "鞔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72674, - "content": "ๆ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72675, - "content": "浖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72676, - "content": "囊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72677, - "content": "뷥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72678, - "content": "今", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72679, - "content": "옍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72680, - "content": "눁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72681, - "content": "토", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72682, - "content": "뭑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72683, - "content": "볓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72684, - "content": "衽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72685, - "content": "瘉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72686, - "content": "僔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72687, - "content": "믎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72688, - "content": "輟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72689, - "content": "뿛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72690, - "content": "땍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72691, - "content": "쎚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72692, - "content": "퀞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72693, - "content": "失", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72694, - "content": "餛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72695, - "content": "焰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72696, - "content": "傉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72697, - "content": "볛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72698, - "content": "씘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72699, - "content": "냯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72700, - "content": "襪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72701, - "content": "讠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72702, - "content": "쉐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72703, - "content": "短", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72704, - "content": "쵾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72705, - "content": "溫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72706, - "content": "猕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72707, - "content": "燙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72708, - "content": "쥛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72709, - "content": "뜰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72710, - "content": "丧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72711, - "content": "「", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72712, - "content": "ż", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72713, - "content": "橑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72714, - "content": "롛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72715, - "content": "腦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72716, - "content": "菇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72717, - "content": "蜕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72718, - "content": "좤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72719, - "content": "狢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72720, - "content": "뻏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72721, - "content": "煬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72722, - "content": "ಡ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72723, - "content": "륿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72724, - "content": "酿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72725, - "content": "쯶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72726, - "content": "풬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72727, - "content": "핅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72728, - "content": "왛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72729, - "content": "៥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72730, - "content": "褟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72731, - "content": "宀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72732, - "content": "살", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72733, - "content": "ൂ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72734, - "content": "굗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72735, - "content": "곑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72736, - "content": "枹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72737, - "content": "섮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72738, - "content": "훆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72739, - "content": "Ờ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72740, - "content": "뉘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72741, - "content": "쇅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72742, - "content": "嚆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72743, - "content": "嚸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72744, - "content": "懊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72745, - "content": "呗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72746, - "content": "쎫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72747, - "content": "뵱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72748, - "content": "봍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72749, - "content": "瀲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72750, - "content": "빌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72751, - "content": "碣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72752, - "content": "隱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72753, - "content": "戒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72754, - "content": "秀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72755, - "content": "丬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72756, - "content": "珠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72757, - "content": "类", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72758, - "content": "؃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72759, - "content": "밈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72760, - "content": "瀾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72761, - "content": "뙺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72762, - "content": "跋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72763, - "content": "딲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72764, - "content": "絹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72765, - "content": "렌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72766, - "content": "诳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72767, - "content": "ڪ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72768, - "content": "莛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72769, - "content": "텶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72770, - "content": "몮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72771, - "content": "쉱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72772, - "content": "囲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72773, - "content": "깺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72774, - "content": "랉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72775, - "content": "ể", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72776, - "content": "萦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72777, - "content": "썏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72778, - "content": "딏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72779, - "content": "쓒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72780, - "content": "쩾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72781, - "content": "움", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72782, - "content": "픥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72783, - "content": "澎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72784, - "content": "쌼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72785, - "content": "鬲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72786, - "content": "躞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72787, - "content": "섣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72788, - "content": "큞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72789, - "content": "쌙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72790, - "content": "넬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72791, - "content": "秣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72792, - "content": "燏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72793, - "content": "嚼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72794, - "content": "닜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72795, - "content": "믬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72796, - "content": "ạ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72797, - "content": "봄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72798, - "content": "涩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72799, - "content": "뵉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72800, - "content": "쩠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72801, - "content": "뼾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72802, - "content": "靳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72803, - "content": "왚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72804, - "content": "뵆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72805, - "content": "뜍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72806, - "content": "톪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72807, - "content": "닯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72808, - "content": "쵥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72809, - "content": "슩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72810, - "content": "컇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72811, - "content": "櫬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72812, - "content": "浚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72813, - "content": "碟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72814, - "content": "岫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72815, - "content": "閭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72816, - "content": "왤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72817, - "content": "救", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72818, - "content": "鈴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72819, - "content": "轭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72820, - "content": "肾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72821, - "content": "뻅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72822, - "content": "菘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72823, - "content": "휶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72824, - "content": "勵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72825, - "content": "켣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72826, - "content": "桹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72827, - "content": "蘭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72828, - "content": "숹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72829, - "content": "ৎ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72830, - "content": "𬺙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72831, - "content": "긿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72832, - "content": "痘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72833, - "content": "俦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72834, - "content": "栈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72835, - "content": "槿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72836, - "content": "觫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72837, - "content": "穀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72838, - "content": "赉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72839, - "content": "뀅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72840, - "content": "늑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72841, - "content": "ਜ਼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72842, - "content": "猊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72843, - "content": "耿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72844, - "content": "빙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72845, - "content": "뉒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72846, - "content": "喃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72847, - "content": "邾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72848, - "content": "剪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72849, - "content": "栗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72850, - "content": "榨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72851, - "content": "꿿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72852, - "content": "碚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72853, - "content": "뫾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72854, - "content": "ﺩ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72855, - "content": "晴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72856, - "content": "뻿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72857, - "content": "踽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72858, - "content": "琰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72859, - "content": "폝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72860, - "content": "码", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72861, - "content": "뒯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72862, - "content": "痍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72863, - "content": "忤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72864, - "content": "쁢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72865, - "content": "總", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72866, - "content": "遛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72867, - "content": "멃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72868, - "content": "伶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72869, - "content": "恰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72870, - "content": "켭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72871, - "content": "增", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72872, - "content": "럓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72873, - "content": "瞋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72874, - "content": "牻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72875, - "content": "‚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72876, - "content": "順", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72877, - "content": "뮳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72878, - "content": "뇋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72879, - "content": "廈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72880, - "content": "굜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72881, - "content": "清", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72882, - "content": "嚣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72883, - "content": "밭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72884, - "content": "濂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72885, - "content": "뗡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72886, - "content": "츁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72887, - "content": "机", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72888, - "content": "촱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72889, - "content": "켦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72890, - "content": "Ņ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72891, - "content": "뇹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72892, - "content": "됁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72893, - "content": "掬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72894, - "content": "玥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72895, - "content": "싸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72896, - "content": "니", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72897, - "content": "햿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72898, - "content": "춃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72899, - "content": "𬳽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72900, - "content": "钅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72901, - "content": "८", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72902, - "content": "峣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72903, - "content": "뿓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72904, - "content": "羸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72905, - "content": "槻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72906, - "content": "쐱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72907, - "content": "캄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72908, - "content": "녅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72909, - "content": "쐟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72910, - "content": "햄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72911, - "content": "洌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72912, - "content": "팘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72913, - "content": "谩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72914, - "content": "ㅥ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72915, - "content": "뛵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72916, - "content": "젶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72917, - "content": "果", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72918, - "content": "足", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72919, - "content": "鳐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72920, - "content": "溞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72921, - "content": "麑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72922, - "content": "썗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72923, - "content": "樸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72924, - "content": "쯇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72925, - "content": "멲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72926, - "content": "晝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72927, - "content": "릿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72928, - "content": "゚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72929, - "content": "맩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72930, - "content": "순", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72931, - "content": "ធ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72932, - "content": "뛝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72933, - "content": "솝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72934, - "content": "랭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72935, - "content": "눲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72936, - "content": "켤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72937, - "content": "趼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72938, - "content": "佇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72939, - "content": "뗄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72940, - "content": "뽜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72941, - "content": "僵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72942, - "content": "裱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72943, - "content": "瓠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72944, - "content": "섷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72945, - "content": "癇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72946, - "content": "軌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72947, - "content": "颁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72948, - "content": "륄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72949, - "content": "뀏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72950, - "content": "흔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72951, - "content": "몺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72952, - "content": "옭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72953, - "content": "슢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72954, - "content": "닚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72955, - "content": "咳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72956, - "content": "썾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72957, - "content": "곾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72958, - "content": "츖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72959, - "content": "Ở", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72960, - "content": "귡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72961, - "content": "趣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72962, - "content": "뷌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72963, - "content": "傀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72964, - "content": "屌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72965, - "content": "儕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72966, - "content": "炒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72967, - "content": "藹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72968, - "content": "尢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72969, - "content": "沽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72970, - "content": "逖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72971, - "content": "滤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72972, - "content": "눷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72973, - "content": "꽯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72974, - "content": "緲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72975, - "content": "儘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72976, - "content": "リ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72977, - "content": "첃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72978, - "content": "鳡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72979, - "content": "혤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72980, - "content": "단", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72981, - "content": "좵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72982, - "content": "馆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72983, - "content": "千", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72984, - "content": "粧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72985, - "content": "郤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72986, - "content": "븒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72987, - "content": "훔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72988, - "content": "峦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72989, - "content": "랆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72990, - "content": "쪜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72991, - "content": "쪹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72992, - "content": "췄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72993, - "content": "窑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72994, - "content": "器", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72995, - "content": "괂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72996, - "content": "긶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72997, - "content": "ઃ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72998, - "content": "蚩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 72999, - "content": "ഫ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73000, - "content": "쑤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73001, - "content": "킋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73002, - "content": "瘋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73003, - "content": "턱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73004, - "content": "쒧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73005, - "content": "紲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73006, - "content": "羿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73007, - "content": "꺧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73008, - "content": "붣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73009, - "content": "犬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73010, - "content": "쳼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73011, - "content": "ṛ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73012, - "content": "禄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73013, - "content": "굔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73014, - "content": "쏃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73015, - "content": "声", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73016, - "content": "耻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73017, - "content": "댪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73018, - "content": "햯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73019, - "content": "轲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73020, - "content": "嗷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73021, - "content": "펺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73022, - "content": "꺂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73023, - "content": "눔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73024, - "content": "浄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73025, - "content": "뺆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73026, - "content": "彿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73027, - "content": "뚫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73028, - "content": "줱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73029, - "content": "દ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73030, - "content": "诎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73031, - "content": "눜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73032, - "content": "ź", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73033, - "content": "슚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73034, - "content": "뼦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73035, - "content": "죨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73036, - "content": "齦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73037, - "content": "樫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73038, - "content": "芴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73039, - "content": "浰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73040, - "content": "죌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73041, - "content": "얷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73042, - "content": "अ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73043, - "content": "卐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73044, - "content": "橛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73045, - "content": "촯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73046, - "content": "삑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73047, - "content": "芯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73048, - "content": "쁞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73049, - "content": "闻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73050, - "content": "휍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73051, - "content": "큜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73052, - "content": "𬴂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73053, - "content": "탡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73054, - "content": "앩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73055, - "content": "끫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73056, - "content": "㬊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73057, - "content": "끀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73058, - "content": "傥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73059, - "content": "뚋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73060, - "content": "뼞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73061, - "content": "쟛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73062, - "content": "싋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73063, - "content": "뜞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73064, - "content": "屢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73065, - "content": "꺝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73066, - "content": "뙟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73067, - "content": "羋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73068, - "content": "ٺ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73069, - "content": "멣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73070, - "content": "俟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73071, - "content": "픻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73072, - "content": "𫄨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73073, - "content": "뭩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73074, - "content": "퉘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73075, - "content": "셏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73076, - "content": "쁪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73077, - "content": "孤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73078, - "content": "歌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73079, - "content": "좍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73080, - "content": "퇙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73081, - "content": "㰀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73082, - "content": "陉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73083, - "content": "뷇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73084, - "content": "Ợ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73085, - "content": "줙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73086, - "content": "霎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73087, - "content": "듟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73088, - "content": "졦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73089, - "content": "葸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73090, - "content": "졶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73091, - "content": "も", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73092, - "content": "떩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73093, - "content": "绡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73094, - "content": "썪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73095, - "content": "掏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73096, - "content": "븷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73097, - "content": "롹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73098, - "content": "劢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73099, - "content": "긦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73100, - "content": "風", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73101, - "content": "욲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73102, - "content": "칌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73103, - "content": "ݢ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73104, - "content": "滇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73105, - "content": "뢯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73106, - "content": "퀊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73107, - "content": "ử", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73108, - "content": "遊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73109, - "content": "冽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73110, - "content": "찳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73111, - "content": "ﻝ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73112, - "content": "脇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73113, - "content": "뺏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73114, - "content": "뉪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73115, - "content": "椒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73116, - "content": "뻙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73117, - "content": "靿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73118, - "content": "읉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73119, - "content": "귃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73120, - "content": "쾙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73121, - "content": "퍖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73122, - "content": "퓻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73123, - "content": "쇑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73124, - "content": "됄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73125, - "content": "蜴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73126, - "content": "썟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73127, - "content": "년", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73128, - "content": "뫴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73129, - "content": "๏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73130, - "content": "恬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73131, - "content": "宦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73132, - "content": "츼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73133, - "content": "졃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73134, - "content": "獬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73135, - "content": "쑛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73136, - "content": "变", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73137, - "content": "榻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73138, - "content": "马", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73139, - "content": "찧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73140, - "content": "뾌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73141, - "content": "哈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73142, - "content": "鸶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73143, - "content": "놔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73144, - "content": "ഋ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73145, - "content": "죩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73146, - "content": "랰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73147, - "content": "䓬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73148, - "content": "】", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73149, - "content": "届", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73150, - "content": "洴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73151, - "content": "존", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73152, - "content": "켇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73153, - "content": "圊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73154, - "content": "읺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73155, - "content": "呷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73156, - "content": "ل", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73157, - "content": "鹲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73158, - "content": "뱫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73159, - "content": "枪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73160, - "content": "륅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73161, - "content": "넎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73162, - "content": "뒢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73163, - "content": "熨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73164, - "content": "잀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73165, - "content": "볏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73166, - "content": "犋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73167, - "content": "雲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73168, - "content": "惫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73169, - "content": "믡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73170, - "content": "彀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73171, - "content": "딡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73172, - "content": "坍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73173, - "content": "馞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73174, - "content": "踶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73175, - "content": "릫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73176, - "content": "籍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73177, - "content": "颓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73178, - "content": "骱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73179, - "content": "軎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73180, - "content": "硙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73181, - "content": "덦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73182, - "content": "왍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73183, - "content": "膘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73184, - "content": "낁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73185, - "content": "檬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73186, - "content": "鐾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73187, - "content": "夜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73188, - "content": "鄉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73189, - "content": "它", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73190, - "content": "佐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73191, - "content": "屍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73192, - "content": "짬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73193, - "content": "럔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73194, - "content": "함", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73195, - "content": "쟽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73196, - "content": "궚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73197, - "content": "멪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73198, - "content": "譆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73199, - "content": "鴦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73200, - "content": "갅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73201, - "content": "쥫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73202, - "content": "罹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73203, - "content": "큁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73204, - "content": "િ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73205, - "content": "牘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73206, - "content": "ந", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73207, - "content": "툆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73208, - "content": "迷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73209, - "content": "뺴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73210, - "content": "幫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73211, - "content": "쵸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73212, - "content": "ݕ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73213, - "content": "홧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73214, - "content": "Ҋ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73215, - "content": "幸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73216, - "content": "겻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73217, - "content": "판", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73218, - "content": "벰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73219, - "content": "덆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73220, - "content": "梧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73221, - "content": "칔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73222, - "content": "톑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73223, - "content": "ન", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73224, - "content": "슍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73225, - "content": "섦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73226, - "content": "룺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73227, - "content": "훹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73228, - "content": "뙏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73229, - "content": "쨠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73230, - "content": "貧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73231, - "content": "ڞ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73232, - "content": "ദ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73233, - "content": "볨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73234, - "content": "짡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73235, - "content": "툽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73236, - "content": "꺲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73237, - "content": "뻍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73238, - "content": "난", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73239, - "content": "떖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73240, - "content": "뇥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73241, - "content": "鴉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73242, - "content": "죝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73243, - "content": "粮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73244, - "content": "ء", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73245, - "content": "컈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73246, - "content": "槟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73247, - "content": "맔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73248, - "content": "륬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73249, - "content": "봗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73250, - "content": "쾉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73251, - "content": "젆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73252, - "content": "译", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73253, - "content": "괁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73254, - "content": "苣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73255, - "content": "뤯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73256, - "content": "竇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73257, - "content": "횆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73258, - "content": "墮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73259, - "content": "抚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73260, - "content": "딠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73261, - "content": "쓢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73262, - "content": "帽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73263, - "content": "ㅂ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73264, - "content": "刻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73265, - "content": "긾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73266, - "content": "췼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73267, - "content": "浒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73268, - "content": "작", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73269, - "content": "毫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73270, - "content": "톬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73271, - "content": "糞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73272, - "content": "왹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73273, - "content": "잍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73274, - "content": "멌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73275, - "content": "쬲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73276, - "content": "認", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73277, - "content": "ٰ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73278, - "content": "꼂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73279, - "content": "䂮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73280, - "content": "헕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73281, - "content": "违", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73282, - "content": "뮝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73283, - "content": "킭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73284, - "content": "쾞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73285, - "content": "킵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73286, - "content": "칵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73287, - "content": "넚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73288, - "content": "쨉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73289, - "content": "瑾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73290, - "content": "調", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73291, - "content": "钘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73292, - "content": "埏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73293, - "content": "彆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73294, - "content": "叫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73295, - "content": "弸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73296, - "content": "犇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73297, - "content": "죤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73298, - "content": "寓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73299, - "content": "乐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73300, - "content": "筚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73301, - "content": "넘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73302, - "content": "엊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73303, - "content": "캪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73304, - "content": "侹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73305, - "content": "ಒ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73306, - "content": "未", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73307, - "content": "ណ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73308, - "content": "벎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73309, - "content": "쯁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73310, - "content": "덺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73311, - "content": "뗗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73312, - "content": "기", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73313, - "content": "펂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73314, - "content": "ற", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73315, - "content": "ਣ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73316, - "content": "겟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73317, - "content": "謇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73318, - "content": "剛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73319, - "content": "콌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73320, - "content": "發", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73321, - "content": "摇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73322, - "content": "遞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73323, - "content": "懍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73324, - "content": "苑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73325, - "content": "倉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73326, - "content": "梣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73327, - "content": "泃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73328, - "content": "德", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73329, - "content": "퉝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73330, - "content": "浑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73331, - "content": "鹵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73332, - "content": "錆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73333, - "content": "닲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73334, - "content": "簀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73335, - "content": "忄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73336, - "content": "솑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73337, - "content": "纠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73338, - "content": "衒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73339, - "content": "쟬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73340, - "content": "햮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73341, - "content": "籠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73342, - "content": "跦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73343, - "content": "蓏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73344, - "content": "𬍡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73345, - "content": "굋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73346, - "content": "쀨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73347, - "content": "牦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73348, - "content": "셩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73349, - "content": "댂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73350, - "content": "턆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73351, - "content": "솼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73352, - "content": "늱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73353, - "content": "꼨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73354, - "content": "齬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73355, - "content": "脑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73356, - "content": "좬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73357, - "content": "퀸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73358, - "content": "쥍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73359, - "content": "픅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73360, - "content": "븂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73361, - "content": "닙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73362, - "content": "떕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73363, - "content": "탼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73364, - "content": "赝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73365, - "content": "뺫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73366, - "content": "𬶠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73367, - "content": "亲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73368, - "content": "流", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73369, - "content": "퍽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73370, - "content": "ﺕ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73371, - "content": "닃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73372, - "content": "択", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73373, - "content": "衰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73374, - "content": "면", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73375, - "content": "겂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73376, - "content": "핺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73377, - "content": "ẹ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73378, - "content": "큨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73379, - "content": "ǐ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73380, - "content": "미", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73381, - "content": "鸡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73382, - "content": "獄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73383, - "content": "곹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73384, - "content": "苠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73385, - "content": "珩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73386, - "content": "邗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73387, - "content": "职", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73388, - "content": "ൠ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73389, - "content": "젽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73390, - "content": "聡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73391, - "content": "腴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73392, - "content": "凶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73393, - "content": "챇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73394, - "content": "皕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73395, - "content": "図", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73396, - "content": "캇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73397, - "content": "牲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73398, - "content": "檔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73399, - "content": "쾏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73400, - "content": "쬙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73401, - "content": "눑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73402, - "content": "讨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73403, - "content": "잴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73404, - "content": "筋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73405, - "content": "뵝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73406, - "content": "紱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73407, - "content": "佃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73408, - "content": "槍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73409, - "content": "託", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73410, - "content": "퓈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73411, - "content": "阽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73412, - "content": "ㅭ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73413, - "content": "퉙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73414, - "content": "땂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73415, - "content": "鄙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73416, - "content": "씣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73417, - "content": "찅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73418, - "content": "铮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73419, - "content": "퍻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73420, - "content": "ട", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73421, - "content": "믓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73422, - "content": "녡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73423, - "content": "벱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73424, - "content": "臃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73425, - "content": "串", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73426, - "content": "궔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73427, - "content": "왁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73428, - "content": "鯨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73429, - "content": "Ω", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73430, - "content": "缴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73431, - "content": "觳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73432, - "content": "뛘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73433, - "content": "姮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73434, - "content": "쨿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73435, - "content": "땁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73436, - "content": "룶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73437, - "content": "덿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73438, - "content": "衢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73439, - "content": "蹩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73440, - "content": "ஸ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73441, - "content": "事", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73442, - "content": "쇷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73443, - "content": "稈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73444, - "content": "끜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73445, - "content": "눤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73446, - "content": "ட", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73447, - "content": "询", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73448, - "content": "쑻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73449, - "content": "咉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73450, - "content": "皮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73451, - "content": "쵘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73452, - "content": "ઇ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73453, - "content": "흁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73454, - "content": "婢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73455, - "content": "繩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73456, - "content": "無", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73457, - "content": "닭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73458, - "content": "됪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73459, - "content": "珦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73460, - "content": "끣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73461, - "content": "橈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73462, - "content": "믊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73463, - "content": "엥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73464, - "content": "數", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73465, - "content": "畋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73466, - "content": "쐙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73467, - "content": "镊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73468, - "content": "显", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73469, - "content": "칶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73470, - "content": "逮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73471, - "content": "议", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73472, - "content": "槲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73473, - "content": "猹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73474, - "content": "쏾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73475, - "content": "ؽ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73476, - "content": "㸌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73477, - "content": "配", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73478, - "content": "陶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73479, - "content": "春", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73480, - "content": "佾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73481, - "content": "퉓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73482, - "content": "槳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73483, - "content": "气", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73484, - "content": "誼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73485, - "content": "瑧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73486, - "content": "铃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73487, - "content": "쮬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73488, - "content": "룙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73489, - "content": "滔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73490, - "content": "撮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73491, - "content": "셶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73492, - "content": "炙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73493, - "content": "싆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73494, - "content": "釀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73495, - "content": "뚲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73496, - "content": "賄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73497, - "content": "끶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73498, - "content": "捯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73499, - "content": "틖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73500, - "content": "묎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73501, - "content": "窀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73502, - "content": "ឲ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73503, - "content": "颱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73504, - "content": "쁭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73505, - "content": "ẫ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73506, - "content": "ڸ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73507, - "content": "롐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73508, - "content": "贔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73509, - "content": "췏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73510, - "content": "남", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73511, - "content": "ਇ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73512, - "content": "좚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73513, - "content": "斠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73514, - "content": "폴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73515, - "content": "굫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73516, - "content": "馱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73517, - "content": "맥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73518, - "content": "蝌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73519, - "content": "꿔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73520, - "content": "忸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73521, - "content": "亳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73522, - "content": "뻾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73523, - "content": "ڟ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73524, - "content": "ồ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73525, - "content": "呈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73526, - "content": "뛟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73527, - "content": "謀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73528, - "content": "즂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73529, - "content": "뱤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73530, - "content": "剔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73531, - "content": "絆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73532, - "content": "觥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73533, - "content": "뇳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73534, - "content": "幟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73535, - "content": "尝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73536, - "content": "퐖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73537, - "content": "뾡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73538, - "content": "蠢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73539, - "content": "溵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73540, - "content": "쪥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73541, - "content": "怂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73542, - "content": "뤢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73543, - "content": "壎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73544, - "content": "Д", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73545, - "content": "ڢ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73546, - "content": "晱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73547, - "content": "묁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73548, - "content": "퇭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73549, - "content": "铖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73550, - "content": "쉿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73551, - "content": "ㅽ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73552, - "content": "쵨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73553, - "content": "곰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73554, - "content": "쿻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73555, - "content": "탞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73556, - "content": "癯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73557, - "content": "쀬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73558, - "content": "帐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73559, - "content": "뒌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73560, - "content": "덛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73561, - "content": "훘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73562, - "content": "磜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73563, - "content": "糢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73564, - "content": "쀽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73565, - "content": "∞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73566, - "content": "쎿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73567, - "content": "讽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73568, - "content": "쯤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73569, - "content": "೯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73570, - "content": "庤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73571, - "content": "罴", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73572, - "content": "옪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73573, - "content": "뗁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73574, - "content": "ؔ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73575, - "content": "왃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73576, - "content": "瞀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73577, - "content": "嗯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73578, - "content": "쟈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73579, - "content": "ន", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73580, - "content": "킉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73581, - "content": "숌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73582, - "content": "阆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73583, - "content": "实", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73584, - "content": "랊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73585, - "content": "剅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73586, - "content": "맍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73587, - "content": "駟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73588, - "content": "䓫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73589, - "content": "穰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73590, - "content": "燾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73591, - "content": "裂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73592, - "content": "毙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73593, - "content": "쐾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73594, - "content": "퉪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73595, - "content": "컩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73596, - "content": "귝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73597, - "content": "鼠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73598, - "content": "멭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73599, - "content": "母", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73600, - "content": "氳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73601, - "content": "샷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73602, - "content": "嫗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73603, - "content": "؝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73604, - "content": "셂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73605, - "content": "븓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73606, - "content": "쾻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73607, - "content": "쐭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73608, - "content": "並", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73609, - "content": "違", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73610, - "content": "襕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73611, - "content": "ﻍ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73612, - "content": "帳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73613, - "content": "莊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73614, - "content": "넃", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73615, - "content": "硼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73616, - "content": "账", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73617, - "content": "퀰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73618, - "content": "븁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73619, - "content": "뙽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73620, - "content": "箠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73621, - "content": "铻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73622, - "content": "긁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73623, - "content": "輔", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73624, - "content": "쀱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73625, - "content": "곟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73626, - "content": "엘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73627, - "content": "四", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73628, - "content": "묂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73629, - "content": "뇄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73630, - "content": "㸆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73631, - "content": "池", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73632, - "content": "氟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73633, - "content": "駢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73634, - "content": "녿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73635, - "content": "ਫ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73636, - "content": "艉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73637, - "content": "죭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73638, - "content": "摻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73639, - "content": "쀻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73640, - "content": "쏭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73641, - "content": "씎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73642, - "content": "촄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73643, - "content": "瀆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73644, - "content": "З", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73645, - "content": "뜡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73646, - "content": "荩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73647, - "content": "긖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73648, - "content": "닮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73649, - "content": "描", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73650, - "content": "搭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73651, - "content": "涝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73652, - "content": "谵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73653, - "content": "퉷", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73654, - "content": "귂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73655, - "content": "쇨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73656, - "content": "镘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73657, - "content": "硍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73658, - "content": "걀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73659, - "content": "콪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73660, - "content": "蜣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73661, - "content": "𠙶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73662, - "content": "꾣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73663, - "content": "鎭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73664, - "content": "튤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73665, - "content": "뻫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73666, - "content": "쓵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73667, - "content": "뫈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73668, - "content": "쩁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73669, - "content": "鄰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73670, - "content": "琐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73671, - "content": "加", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73672, - "content": "菹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73673, - "content": "锞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73674, - "content": "膳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73675, - "content": "宅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73676, - "content": "揾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73677, - "content": "퉠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73678, - "content": "桌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73679, - "content": "∀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73680, - "content": "쎁", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73681, - "content": "അ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73682, - "content": "颙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73683, - "content": "雹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73684, - "content": "寺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73685, - "content": "Ш", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73686, - "content": "뇭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73687, - "content": "放", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73688, - "content": "娈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73689, - "content": "딶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73690, - "content": "뷯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73691, - "content": "턩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73692, - "content": "툺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73693, - "content": "갇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73694, - "content": "癸", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73695, - "content": "挑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73696, - "content": "邢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73697, - "content": "蔌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73698, - "content": "唑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73699, - "content": "띬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73700, - "content": "刬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73701, - "content": "丞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73702, - "content": "ಳ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73703, - "content": "뢉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73704, - "content": "抟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73705, - "content": "뇇", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73706, - "content": "轿", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73707, - "content": "ﺏ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73708, - "content": "缋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73709, - "content": "腓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73710, - "content": "뫩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73711, - "content": "멩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73712, - "content": "끺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73713, - "content": "Ů", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73714, - "content": "곋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73715, - "content": "꿄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73716, - "content": "驅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73717, - "content": "鹑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73718, - "content": "轫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73719, - "content": "긕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73720, - "content": "詖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73721, - "content": "薢", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73722, - "content": "觌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73723, - "content": "ञ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73724, - "content": "డ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73725, - "content": "굟", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73726, - "content": "帖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73727, - "content": "첐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73728, - "content": "쁝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73729, - "content": "眠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73730, - "content": "罾", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73731, - "content": "坲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73732, - "content": "殓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73733, - "content": "铏", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73734, - "content": "떚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73735, - "content": "瑪", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73736, - "content": "폐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73737, - "content": "컓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73738, - "content": "쟫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73739, - "content": "늣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73740, - "content": "筈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73741, - "content": "낒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73742, - "content": "桂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73743, - "content": "촧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73744, - "content": "氬", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73745, - "content": "츰", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73746, - "content": "滦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73747, - "content": "焚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73748, - "content": "鬶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73749, - "content": "摹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73750, - "content": "诱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73751, - "content": "䏲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73752, - "content": "死", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73753, - "content": "佑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73754, - "content": "熠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73755, - "content": "뙜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73756, - "content": "꺺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73757, - "content": "껲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73758, - "content": "玉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73759, - "content": "鑒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73760, - "content": "ۮ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73761, - "content": "놼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73762, - "content": "잶", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73763, - "content": "钮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73764, - "content": "쁌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73765, - "content": "佽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73766, - "content": "쥆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73767, - "content": "叼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73768, - "content": "젘", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73769, - "content": "↑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73770, - "content": "疣", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73771, - "content": "盞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73772, - "content": "뼄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73773, - "content": "랈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73774, - "content": "풵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73775, - "content": "쭽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73776, - "content": "悼", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73777, - "content": "썧", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73778, - "content": "擒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73779, - "content": "갊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73780, - "content": "푄", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73781, - "content": "굯", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73782, - "content": "췆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73783, - "content": "滚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73784, - "content": "戳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73785, - "content": "材", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73786, - "content": "髦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73787, - "content": "뗆", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73788, - "content": "폂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73789, - "content": "썺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73790, - "content": "偽", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73791, - "content": "界", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73792, - "content": "更", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73793, - "content": "耠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73794, - "content": "琤", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73795, - "content": "혀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73796, - "content": "隅", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73797, - "content": "币", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73798, - "content": "蓐", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73799, - "content": "闱", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73800, - "content": "샳", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73801, - "content": "뀉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73802, - "content": "몜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73803, - "content": "噜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73804, - "content": "髋", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73805, - "content": "齊", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73806, - "content": "赵", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73807, - "content": "눙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73808, - "content": "쏜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73809, - "content": "輜", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73810, - "content": "탕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73811, - "content": "滌", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73812, - "content": "궂", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73813, - "content": "븗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73814, - "content": "劭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73815, - "content": "놛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73816, - "content": "ų", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73817, - "content": "쾫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73818, - "content": "赚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73819, - "content": "眉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73820, - "content": "➨", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73821, - "content": "齑", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73822, - "content": "뵹", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73823, - "content": "愛", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73824, - "content": "𬨎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73825, - "content": "쨦", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73826, - "content": "浮", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73827, - "content": "蒉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73828, - "content": "굠", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73829, - "content": "돉", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73830, - "content": "龀", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73831, - "content": "۞", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73832, - "content": "ο", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73833, - "content": "킕", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73834, - "content": "똚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73835, - "content": "쇙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73836, - "content": "겚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73837, - "content": "萚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73838, - "content": "堝", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73839, - "content": "纺", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73840, - "content": "둒", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73841, - "content": "銖", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73842, - "content": "븲", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73843, - "content": "態", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73844, - "content": "𬺥", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73845, - "content": "滫", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73846, - "content": "眙", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73847, - "content": "훈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73848, - "content": "倡", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73849, - "content": "퀎", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73850, - "content": "쑚", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73851, - "content": "ౌ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73852, - "content": "傩", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73853, - "content": "섍", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73854, - "content": "띻", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73855, - "content": "鼈", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73856, - "content": "慭", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73857, - "content": "갓", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73858, - "content": "뾗", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73859, - "content": "\\chemfig{", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73860, - "content": "\\Chemabove{", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73861, - "content": "[TMP_2]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73862, - "content": "[TMP_3]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73863, - "content": "[TMP_4]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73864, - "content": "[TMP_5]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73865, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73866, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73867, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73868, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73869, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73870, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73871, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73872, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73873, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73875, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73876, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73877, - "content": "", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73878, - "content": "
", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73879, - "content": "[PAIR_SEP]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73880, - "content": "[RELATION_SEP]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73881, - "content": "[TMP_22]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73882, - "content": "[TMP_23]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73883, - "content": "[TMP_24]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73884, - "content": "[TMP_25]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73885, - "content": "[TMP_26]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73886, - "content": "[TMP_27]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73887, - "content": "[TMP_28]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73888, - "content": "[TMP_29]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73889, - "content": "[TMP_30]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73890, - "content": "[TMP_31]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73891, - "content": "[TMP_32]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73892, - "content": "[TMP_33]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73893, - "content": "[TMP_34]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73894, - "content": "[TMP_35]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73895, - "content": "[TMP_36]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73896, - "content": "[TMP_37]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73897, - "content": "[TMP_38]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73898, - "content": "[TMP_39]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73899, - "content": "[TMP_40]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73900, - "content": "[TMP_41]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73901, - "content": "[TMP_42]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73902, - "content": "[TMP_43]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73903, - "content": "[TMP_44]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73904, - "content": "[TMP_45]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73905, - "content": "[TMP_46]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73906, - "content": "[TMP_47]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73907, - "content": "[TMP_48]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73908, - "content": "[TMP_49]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73909, - "content": "[TMP_50]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73910, - "content": "[TMP_51]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73911, - "content": "[TMP_52]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73912, - "content": "[TMP_53]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73913, - "content": "[TMP_54]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73914, - "content": "[TMP_55]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73915, - "content": "[TMP_56]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73916, - "content": "[TMP_57]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73917, - "content": "[TMP_58]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73918, - "content": "[TMP_59]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73919, - "content": "[TMP_60]", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - }, - { - "id": 73920, - "content": " ", - "single_word": false, - "lstrip": false, - "rstrip": false, - "normalized": false, - "special": true - } - ], - "normalizer": { - "type": "NFKC" - }, - "pre_tokenizer": { - "type": "Sequence", - "pretokenizers": [ - { - "type": "Split", - "pattern": { - "String": "SPL1T-TH1S-Pl3A5E" - }, - "behavior": "Removed", - "invert": false - }, - { - "type": "Digits", - "individual_digits": true - }, - { - "type": "Split", - "pattern": { - "Regex": "[\\(\\)\\[\\]\\{\\}]|([!\"\\#\\$%\\&'\\*\\+,\\-\\./:;<=>\\?\\\\\\^_`\\|\\~])\\1*" - }, - "behavior": "Isolated", - "invert": false - }, - { - "type": "Split", - "pattern": { - "String": "\n" - }, - "behavior": "Isolated", - "invert": false - }, - { - "type": "ByteLevel", - "add_prefix_space": false, - "trim_offsets": true, - "use_regex": true - } - ] - }, - "post_processor": { - "type": "TemplateProcessing", - "single": [ - { - "SpecialToken": { - "id": "", - "type_id": 0 - } - }, - { - "Sequence": { - "id": "A", - "type_id": 0 - } - }, - { - "SpecialToken": { - "id": "", - "type_id": 0 - } - } - ], - "pair": [ - { - "Sequence": { - "id": "A", - "type_id": 0 - } - }, - { - "Sequence": { - "id": "B", - "type_id": 1 - } - } - ], - "special_tokens": { - "
": { - "id": "
", - "ids": [ - 2 - ], - "tokens": [ - "
" - ] - }, - "": { - "id": "", - "ids": [ - 0 - ], - "tokens": [ - "" - ] - } - } - }, - "decoder": { - "type": "ByteLevel", - "add_prefix_space": true, - "trim_offsets": true, - "use_regex": true - }, - "model": { - "type": "BPE", - "dropout": null, - "unk_token": null, - "continuing_subword_prefix": null, - "end_of_word_suffix": null, - "fuse_unk": false, - "byte_fallback": false, - "ignore_merges": false, - "vocab": { - "": 0, - "": 1, - "": 2, - "": 3, - "[START_REF]": 4, - "[END_REF]": 5, - "[IMAGE]": 6, - "": 7, - "": 8, - "": 9, - "": 10, - "[START_SUP]": 11, - "[END_SUP]": 12, - "[START_SUB]": 13, - "[END_SUB]": 14, - "[START_DNA]": 15, - "[END_DNA]": 16, - "[START_AMINO]": 17, - "[END_AMINO]": 18, - "[START_SMILES]": 19, - "[END_SMILES]": 20, - "[START_I_SMILES]": 21, - "[END_I_SMILES]": 22, - "!": 23, - "\"": 24, - "#": 25, - "$": 26, - "%": 27, - "&": 28, - "'": 29, - "(": 30, - ")": 31, - "*": 32, - "+": 33, - ",": 34, - "-": 35, - ".": 36, - "/": 37, - "0": 38, - "1": 39, - "2": 40, - "3": 41, - "4": 42, - "5": 43, - "6": 44, - "7": 45, - "8": 46, - "9": 47, - ":": 48, - ";": 49, - "<": 50, - "=": 51, - ">": 52, - "?": 53, - "@": 54, - "A": 55, - "B": 56, - "C": 57, - "D": 58, - "E": 59, - "F": 60, - "G": 61, - "H": 62, - "I": 63, - "J": 64, - "K": 65, - "L": 66, - "M": 67, - "N": 68, - "O": 69, - "P": 70, - "Q": 71, - "R": 72, - "S": 73, - "T": 74, - "U": 75, - "V": 76, - "W": 77, - "X": 78, - "Y": 79, - "Z": 80, - "[": 81, - "\\": 82, - "]": 83, - "^": 84, - "_": 85, - "`": 86, - "a": 87, - "b": 88, - "c": 89, - "d": 90, - "e": 91, - "f": 92, - "g": 93, - "h": 94, - "i": 95, - "j": 96, - "k": 97, - "l": 98, - "m": 99, - "n": 100, - "o": 101, - "p": 102, - "q": 103, - "r": 104, - "s": 105, - "t": 106, - "u": 107, - "v": 108, - "w": 109, - "x": 110, - "y": 111, - "z": 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, - "Ġ": 243, - "ġ": 244, - "Ģ": 245, - "ģ": 246, - "Ĥ": 247, - "ĥ": 248, - "Ħ": 249, - "ħ": 250, - "Ĩ": 251, - "ĩ": 252, - "Ī": 253, - "ī": 254, - "Ĭ": 255, - "ĭ": 256, - "Į": 257, - "į": 258, - "İ": 259, - "ı": 260, - "IJ": 261, - "ij": 262, - "Ĵ": 263, - "ĵ": 264, - "Ķ": 265, - "ķ": 266, - "ĸ": 267, - "Ĺ": 268, - "ĺ": 269, - "Ļ": 270, - "ļ": 271, - "Ľ": 272, - "ľ": 273, - "Ŀ": 274, - "ŀ": 275, - "Ł": 276, - "ł": 277, - "Ń": 278, - "Ġt": 279, - "in": 280, - "Ġa": 281, - "he": 282, - "on": 283, - "re": 284, - "at": 285, - "Ġthe": 286, - "er": 287, - "Ġs": 288, - "Ġo": 289, - "en": 290, - "al": 291, - "Ġc": 292, - "ti": 293, - "or": 294, - "ed": 295, - "es": 296, - "is": 297, - "Ġp": 298, - "Ġof": 299, - "nd": 300, - "Ġin": 301, - "Ġf": 302, - "Ġw": 303, - "ĠĠ": 304, - "it": 305, - "an": 306, - "ro": 307, - "ar": 308, - "Ġd": 309, - "Ġm": 310, - "Ġb": 311, - "Ġand": 312, - "ic": 313, - "le": 314, - "ing": 315, - "ion": 316, - "as": 317, - "Ġe": 318, - "Ġre": 319, - "ation": 320, - "Ġto": 321, - "el": 322, - "ent": 323, - "ac": 324, - "et": 325, - "ec": 326, - "tion": 327, - "om": 328, - "st": 329, - "ĠT": 330, - "Ġn": 331, - "Ġth": 332, - "ol": 333, - "ul": 334, - "im": 335, - "RE": 336, - "ig": 337, - "us": 338, - "REF": 339, - "Ġl": 340, - "Ġh": 341, - "ur": 342, - "Ġis": 343, - "ĠĠĠĠ": 344, - "Ġfor": 345, - "id": 346, - "am": 347, - "ĠS": 348, - "ve": 349, - "il": 350, - "ĠA": 351, - "ĠC": 352, - "Ġg": 353, - "ot": 354, - "ith": 355, - "ly": 356, - "ce": 357, - "Ġcon": 358, - "ow": 359, - "Ġst": 360, - "ut": 361, - "os": 362, - "Ġwith": 363, - "od": 364, - "ra": 365, - "Ġv": 366, - "Ġpro": 367, - "um": 368, - "ĠI": 369, - "if": 370, - "uc": 371, - "ter": 372, - "un": 373, - "AR": 374, - "ST": 375, - "res": 376, - "Ġon": 377, - "EN": 378, - "ere": 379, - "ĠP": 380, - "ĠThe": 381, - "ĠM": 382, - "Ġas": 383, - "ART": 384, - "Ġan": 385, - "END": 386, - "START": 387, - "Ġthat": 388, - "qu": 389, - "em": 390, - "Ġbe": 391, - "Ġex": 392, - "ri": 393, - "ab": 394, - "ity": 395, - "tic": 396, - "ver": 397, - "Ġal": 398, - "pl": 399, - "ts": 400, - "ĠF": 401, - "Ġâ": 402, - "ure": 403, - "Ġby": 404, - "ate": 405, - "ag": 406, - "ir": 407, - "oc": 408, - "per": 409, - "ĠB": 410, - "ay": 411, - "ĠD": 412, - "Ġcom": 413, - "ĠH": 414, - "ated": 415, - "ĠR": 416, - "Ġare": 417, - "rom": 418, - "ĠE": 419, - "op": 420, - "ad": 421, - "se": 422, - "ĠL": 423, - "igh": 424, - "ĠN": 425, - "ment": 426, - "her": 427, - "og": 428, - "ain": 429, - "ect": 430, - "ud": 431, - "Ġde": 432, - "Ġr": 433, - "Ġat": 434, - "Ġwas": 435, - "Ġus": 436, - "Ġres": 437, - "ell": 438, - "iz": 439, - "ine": 440, - "ph": 441, - "Ġac": 442, - "ess": 443, - "ore": 444, - "ical": 445, - "th": 446, - "und": 447, - "rac": 448, - "Ġwe": 449, - "ath": 450, - "ĠG": 451, - "Ġfrom": 452, - "ati": 453, - "up": 454, - "ist": 455, - "ant": 456, - "Ġor": 457, - "ff": 458, - "Ġcomp": 459, - "Ġwh": 460, - "ĠW": 461, - "ch": 462, - "ers": 463, - "Ġsp": 464, - "orm": 465, - "Ġch": 466, - "ations": 467, - "ran": 468, - "ub": 469, - "te": 470, - "di": 471, - "Ġsh": 472, - "ge": 473, - "ase": 474, - "Ġwere": 475, - "ĠĠĠĠĠĠĠĠ": 476, - "ĠÎ": 477, - "ap": 478, - "ĠIn": 479, - "and": 480, - "Ġse": 481, - "vel": 482, - "Ġim": 483, - "ĠâĪ": 484, - "ens": 485, - "ies": 486, - "ich": 487, - "ight": 488, - "duc": 489, - "ĠO": 490, - "Ġit": 491, - "tions": 492, - "end": 493, - "Ġco": 494, - "Ġthis": 495, - "Ġcan": 496, - "Ġk": 497, - "âĢ": 498, - "lec": 499, - "ted": 500, - "Ġmod": 501, - "math": 502, - "Ġcont": 503, - "Ġne": 504, - "Ġpar": 505, - "ib": 506, - "ĠĠĠ": 507, - "Ġle": 508, - "iv": 509, - "ug": 510, - "ence": 511, - "ign": 512, - "ous": 513, - "ents": 514, - "ys": 515, - "ave": 516, - "red": 517, - "ress": 518, - "able": 519, - "por": 520, - "all": 521, - "iff": 522, - "est": 523, - "Ġap": 524, - "Ġinc": 525, - "nt": 526, - "ary": 527, - "iti": 528, - "Ġwhich": 529, - "Ġnot": 530, - "form": 531, - "Ġsy": 532, - "Ġad": 533, - "low": 534, - "ak": 535, - "Ġper": 536, - "Ġhe": 537, - "pro": 538, - "ance": 539, - "ial": 540, - "ue": 541, - "Ġen": 542, - "Ġcl": 543, - "ass": 544, - "ip": 545, - "rans": 546, - "Ġob": 547, - "Ġgen": 548, - "tim": 549, - "Ġdis": 550, - "unc": 551, - "Ġint": 552, - "ep": 553, - "etw": 554, - "Ġdiff": 555, - "ach": 556, - "ther": 557, - "ime": 558, - "age": 559, - "ple": 560, - "ill": 561, - "yp": 562, - "ĠK": 563, - "act": 564, - "ari": 565, - "Ġmet": 566, - "ors": 567, - "Ġhave": 568, - "Ġstud": 569, - "ong": 570, - "ĠU": 571, - "Ġpl": 572, - "ide": 573, - "ma": 574, - "hen": 575, - "ific": 576, - "ome": 577, - "Ġi": 578, - "ular": 579, - "ĠV": 580, - "ally": 581, - "Ġshow": 582, - "rib": 583, - "ia": 584, - "enti": 585, - "Ġass": 586, - "ond": 587, - "ft": 588, - "Ġab": 589, - "Ġinter": 590, - "ĠTh": 591, - "The": 592, - "str": 593, - "Ġcell": 594, - "cal": 595, - "Ġmodel": 596, - "ata": 597, - "ast": 598, - "Ġeff": 599, - "Ġtrans": 600, - "ates": 601, - "ased": 602, - "ost": 603, - "vi": 604, - "ang": 605, - "our": 606, - "Ġme": 607, - "ard": 608, - "Ġdiffere": 609, - "Ġpre": 610, - "Ġdi": 611, - "ĠâĪĴ": 612, - "olog": 613, - "ution": 614, - "ound": 615, - "ace": 616, - "Ġresul": 617, - "erm": 618, - "pos": 619, - "here": 620, - "tive": 621, - "ord": 622, - "so": 623, - "stem": 624, - "yl": 625, - "Ġph": 626, - "Ġy": 627, - "ame": 628, - "ork": 629, - "ative": 630, - "Ġqu": 631, - "ric": 632, - "SU": 633, - "wo": 634, - "Ġun": 635, - "Ġev": 636, - "are": 637, - "##": 638, - "de": 639, - "een": 640, - "tiv": 641, - "Ġgro": 642, - "ory": 643, - "Ġcons": 644, - "Ġsub": 645, - "ta": 646, - "--": 647, - "Ġstr": 648, - "ber": 649, - "erv": 650, - "etween": 651, - "enc": 652, - "Ġanal": 653, - "int": 654, - "Ġhas": 655, - "uch": 656, - "Ġreg": 657, - "Ġbetween": 658, - "Ġdet": 659, - "Ġall": 660, - "cess": 661, - "Ġexp": 662, - "ection": 663, - "ĠâĢ": 664, - "ind": 665, - "ater": 666, - "Ġsign": 667, - "pt": 668, - "ugh": 669, - "ite": 670, - "ility": 671, - "Ġusing": 672, - "Ġval": 673, - "Ġro": 674, - "ree": 675, - "Ġrel": 676, - "out": 677, - "Ġfunc": 678, - "ition": 679, - "Ġcor": 680, - "Ġalso": 681, - "Ġtwo": 682, - "ne": 683, - "ĠJ": 684, - "Ġsystem": 685, - "cl": 686, - "uct": 687, - "Ġsim": 688, - "tain": 689, - "ust": 690, - "ied": 691, - "port": 692, - "Ġrec": 693, - "Ġresp": 694, - "Ġdata": 695, - "rm": 696, - "resent": 697, - "uld": 698, - "xt": 699, - "Ġj": 700, - "ry": 701, - "ack": 702, - "Ġra": 703, - "par": 704, - "Ġform": 705, - "Ġsc": 706, - "frac": 707, - "ĠWe": 708, - "ating": 709, - "ech": 710, - "hod": 711, - "Ġfol": 712, - "ined": 713, - "ĠSt": 714, - "ual": 715, - "Ġused": 716, - "Ġone": 717, - "Ġdes": 718, - "ĠÏ": 719, - "Ġvari": 720, - "Ġdist": 721, - "Ġnum": 722, - "ym": 723, - "ew": 724, - "rec": 725, - "ob": 726, - "Ġinf": 727, - "Ġar": 728, - "lect": 729, - "ll": 730, - "ons": 731, - "ĠThis": 732, - "ose": 733, - "ile": 734, - "play": 735, - "ear": 736, - "ox": 737, - "ures": 738, - "one": 739, - "Ġstudy": 740, - "ysis": 741, - "Ġfollow": 742, - "yle": 743, - "ract": 744, - "dis": 745, - "Ġpos": 746, - "right": 747, - "Ġthan": 748, - "ros": 749, - "av": 750, - "Fig": 751, - "Ġtime": 752, - "ization": 753, - "ulation": 754, - "ized": 755, - "Ġsur": 756, - "oth": 757, - "Ġout": 758, - "Ġcol": 759, - "ature": 760, - "ive": 761, - "Ġsol": 762, - "Ġx": 763, - "eld": 764, - "Ġother": 765, - "plic": 766, - "Ġdef": 767, - "erg": 768, - "Ġgener": 769, - "ely": 770, - "Ġbeen": 771, - "Ġincre": 772, - "Ġthese": 773, - "Ġno": 774, - "ax": 775, - "style": 776, - "arg": 777, - "ian": 778, - "Ġind": 779, - "Ġsuch": 780, - "Ġfunction": 781, - "ting": 782, - "Ġequ": 783, - "aus": 784, - "Ġund": 785, - "mathb": 786, - "tical": 787, - "Ġhigh": 788, - "rain": 789, - "Ġam": 790, - "ield": 791, - "oun": 792, - "ression": 793, - "Ġspec": 794, - "Ġop": 795, - "Ġdec": 796, - "Ġover": 797, - "Ġmethod": 798, - "Ġset": 799, - "âĪ": 800, - "Ġif": 801, - "dition": 802, - "ues": 803, - "ects": 804, - "display": 805, - "hem": 806, - "Ġpati": 807, - "Ġresults": 808, - "old": 809, - "anc": 810, - "displaystyle": 811, - "Ġeach": 812, - "Ġmore": 813, - "les": 814, - "pr": 815, - "acter": 816, - "Ġtheir": 817, - "Ġacc": 818, - "Ġappro": 819, - "iss": 820, - "ize": 821, - "Ġinv": 822, - "ases": 823, - "Ġcells": 824, - "irst": 825, - "lu": 826, - "ail": 827, - "Ġmeas": 828, - "Ġlow": 829, - "ov": 830, - "the": 831, - "ik": 832, - "**": 833, - "ef": 834, - "Ġbut": 835, - "hes": 836, - "fter": 837, - "Ġdifferent": 838, - "vely": 839, - "Ġext": 840, - "Ġthere": 841, - "oci": 842, - "Ġprob": 843, - "Ġits": 844, - "ron": 845, - "ments": 846, - "Ġag": 847, - "NA": 848, - "Ġpo": 849, - "ice": 850, - "ype": 851, - "Ġgroup": 852, - "âĢĵ": 853, - "ever": 854, - "ult": 855, - "ism": 856, - "tern": 857, - "ability": 858, - "ions": 859, - "ark": 860, - "Ġnon": 861, - "to": 862, - "ĠĠĠĠĠĠĠ": 863, - "Ġobs": 864, - "Ġtre": 865, - "als": 866, - "left": 867, - "ĠPro": 868, - "Ġonly": 869, - "Ġman": 870, - "der": 871, - "Ġpol": 872, - "uring": 873, - "amet": 874, - "rol": 875, - "In": 876, - "yn": 877, - "Ġunder": 878, - "ĠCh": 879, - "Ġwhere": 880, - "ood": 881, - "ĠX": 882, - "nce": 883, - "Ġpartic": 884, - "ected": 885, - "ĠFig": 886, - "Ġem": 887, - "Ġfact": 888, - "ĠAn": 889, - "Ġperform": 890, - "Ġso": 891, - "Ġanalysis": 892, - "stract": 893, - "hed": 894, - "Ġmay": 895, - "atic": 896, - "Ġrep": 897, - "tein": 898, - "duced": 899, - "Ġup": 900, - "Ġinto": 901, - "Ġnumber": 902, - "Ġour": 903, - "Ġet": 904, - "eg": 905, - "itle": 906, - "over": 907, - "ix": 908, - "ator": 909, - "ulti": 910, - "Ġincl": 911, - "ould": 912, - "ici": 913, - "bstract": 914, - "Ġcomple": 915, - "Ġpatients": 916, - "Ġdo": 917, - "Ġexper": 918, - "vid": 919, - "ange": 920, - "Ġlevel": 921, - "Ġprocess": 922, - "mathcal": 923, - "ps": 924, - "Ġsignific": 925, - "Ġsam": 926, - "Title": 927, - "Ġbl": 928, - "Ġstruct": 929, - "eta": 930, - "Ġobserv": 931, - "raph": 932, - "gr": 933, - "Ġactiv": 934, - "Ġfirst": 935, - "velop": 936, - "gen": 937, - "ible": 938, - "Ġsm": 939, - "Ġwill": 940, - "ĠQ": 941, - "Ġmeasure": 942, - "put": 943, - "Ġloc": 944, - "Ġmo": 945, - "vers": 946, - "of": 947, - "tal": 948, - "ered": 949, - "own": 950, - "Ġmat": 951, - "ities": 952, - "til": 953, - "inal": 954, - "Ġcar": 955, - "pha": 956, - "Ġboth": 957, - "Ġcur": 958, - "SUB": 959, - "its": 960, - "rel": 961, - "Ġwhen": 962, - "Ġz": 963, - "Ġchar": 964, - "Ġbi": 965, - "cent": 966, - "Ġthen": 967, - "ise": 968, - "owever": 969, - "Ġmin": 970, - "ĠFor": 971, - "ĠY": 972, - "ption": 973, - "Ġes": 974, - "mun": 975, - "Ġinclud": 976, - "istic": 977, - "con": 978, - "Ġobtain": 979, - "ared": 980, - "duction": 981, - "Ġsignificant": 982, - "ĠZ": 983, - "Ġpresent": 984, - "ann": 985, - "Ġid": 986, - "ency": 987, - "Ġver": 988, - "val": 989, - "yd": 990, - "rough": 991, - "SUP": 992, - "fore": 993, - "Ġsome": 994, - "ĠAs": 995, - "Ġsup": 996, - "Ġafter": 997, - "ological": 998, - "entif": 999, - "Ġcase": 1000, - "Ġsec": 1001, - "elf": 1002, - "Ġdep": 1003, - "ks": 1004, - "Ġcal": 1005, - "ved": 1006, - "Ġtem": 1007, - "Ġuse": 1008, - "ĠCom": 1009, - "lam": 1010, - "ines": 1011, - "ays": 1012, - "Ġgiv": 1013, - "Ġconsid": 1014, - "Ġelect": 1015, - "ational": 1016, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 1017, - "iqu": 1018, - "ties": 1019, - "Ġline": 1020, - "Ġsu": 1021, - "Abstract": 1022, - "ount": 1023, - "Ġdevelop": 1024, - "ĠCon": 1025, - "ology": 1026, - "alpha": 1027, - "ans": 1028, - "prime": 1029, - "cc": 1030, - "ogen": 1031, - "Ġwork": 1032, - "ven": 1033, - "ium": 1034, - "ective": 1035, - "Ġpa": 1036, - "ten": 1037, - "ĠAl": 1038, - "Ġï": 1039, - "Ġfe": 1040, - "âĢĻ": 1041, - "ential": 1042, - "line": 1043, - "Ġparamet": 1044, - "Ġprotein": 1045, - "Ġdisc": 1046, - "face": 1047, - "ces": 1048, - "Ġwell": 1049, - "ural": 1050, - "eng": 1051, - "Ġduring": 1052, - "row": 1053, - "ants": 1054, - "Ġrem": 1055, - "formation": 1056, - "Ġexam": 1057, - "Ġmic": 1058, - "âĪĴ": 1059, - "lem": 1060, - "ergy": 1061, - "Ġassoci": 1062, - "ĠÃ": 1063, - "rop": 1064, - "Ġfield": 1065, - "ty": 1066, - "Ġclass": 1067, - "Ġu": 1068, - "ie": 1069, - "Ġbec": 1070, - "Ġexperim": 1071, - "sp": 1072, - "Ġpr": 1073, - "ilar": 1074, - "tial": 1075, - "Ġconst": 1076, - "ĠIt": 1077, - "Ġcontrol": 1078, - "da": 1079, - "Ġmulti": 1080, - "itive": 1081, - "ics": 1082, - "urn": 1083, - "Ġindic": 1084, - "Ġfound": 1085, - "text": 1086, - "Ġnew": 1087, - "Ġref": 1088, - "gor": 1089, - "rap": 1090, - "Ġdesc": 1091, - "Ġsame": 1092, - "Ġfollowing": 1093, - "Ġdistrib": 1094, - "Figure": 1095, - "ild": 1096, - "Ġanti": 1097, - "etwork": 1098, - "ove": 1099, - "Ġthrough": 1100, - "Ġmost": 1101, - "cer": 1102, - "Ġdeterm": 1103, - "ha": 1104, - "elta": 1105, - "arge": 1106, - "Ġshown": 1107, - "ince": 1108, - "Ġany": 1109, - "ren": 1110, - "dot": 1111, - "ral": 1112, - "ration": 1113, - "amma": 1114, - "oid": 1115, - "Ġmed": 1116, - "ension": 1117, - "art": 1118, - "Ġpred": 1119, - "met": 1120, - "mathbb": 1121, - "ake": 1122, - "Ġcalc": 1123, - "Ġhig": 1124, - "Ġthree": 1125, - "Ġbased": 1126, - "mon": 1127, - "arch": 1128, - "----": 1129, - "ples": 1130, - "ages": 1131, - "ause": 1132, - "ish": 1133, - "tively": 1134, - "qui": 1135, - "resp": 1136, - "Ġcharacter": 1137, - "ock": 1138, - "Ġtreat": 1139, - "Ġproper": 1140, - "ex": 1141, - "Ġsmall": 1142, - "Ġterm": 1143, - "bda": 1144, - "Ġkn": 1145, - "ode": 1146, - "ings": 1147, - "Ġexpression": 1148, - "Ġmon": 1149, - "emb": 1150, - "ute": 1151, - "echn": 1152, - "hib": 1153, - "Ġdirec": 1154, - "ination": 1155, - "ithm": 1156, - "ulated": 1157, - "Ġcy": 1158, - "Ġpot": 1159, - "Ġorder": 1160, - "ote": 1161, - "ically": 1162, - "Ġvalues": 1163, - "ort": 1164, - "urther": 1165, - "cept": 1166, - "ynam": 1167, - "ough": 1168, - "echan": 1169, - "Ġâī": 1170, - "ok": 1171, - "ement": 1172, - "Ġμ": 1173, - "Ġestim": 1174, - "Ġeffect": 1175, - "Ġpath": 1176, - "Ġconf": 1177, - "Ġapp": 1178, - "Ġgiven": 1179, - "Ġend": 1180, - "set": 1181, - "Ġgl": 1182, - "Ġthey": 1183, - "ning": 1184, - "Ġtest": 1185, - "Ġtemper": 1186, - "ves": 1187, - "Ġvalue": 1188, - "ited": 1189, - "ality": 1190, - "Ġlim": 1191, - "Ġspect": 1192, - "ently": 1193, - "tit": 1194, - "Ġsequ": 1195, - "Ġidentif": 1196, - "//": 1197, - "igma": 1198, - "Ġenergy": 1199, - "inc": 1200, - "ness": 1201, - "ensity": 1202, - "Ġproblem": 1203, - "ydro": 1204, - "agn": 1205, - "ane": 1206, - "rent": 1207, - "com": 1208, - "ject": 1209, - "Ġimport": 1210, - "ĉĉ": 1211, - "Ġoper": 1212, - "olution": 1213, - "Ġaut": 1214, - "ectively": 1215, - "ĠHowever": 1216, - "ho": 1217, - "ental": 1218, - "Ġsing": 1219, - "ey": 1220, - "mu": 1221, - "ross": 1222, - "action": 1223, - "epend": 1224, - "ĠEx": 1225, - "vious": 1226, - "Ġstudies": 1227, - "sc": 1228, - "ormal": 1229, - "Ġhad": 1230, - "Ġmain": 1231, - "alth": 1232, - "gorithm": 1233, - "Ġfl": 1234, - "omet": 1235, - "ĠÂ": 1236, - "..": 1237, - "err": 1238, - "Ġposs": 1239, - "Ġdifferen": 1240, - "Ġobserved": 1241, - "ray": 1242, - "Ġpredic": 1243, - "Ġgene": 1244, - "Ġstate": 1245, - "We": 1246, - "Ġstructure": 1247, - "Ġret": 1248, - "respond": 1249, - "requ": 1250, - "ily": 1251, - "ĠâĪĪ": 1252, - "Ġser": 1253, - "Ġbound": 1254, - "Ġrepresent": 1255, - "phi": 1256, - "Ġtreatment": 1257, - "hat": 1258, - "Ġrequi": 1259, - "app": 1260, - "uman": 1261, - "Ġhigher": 1262, - "Ġlarge": 1263, - "Ġtra": 1264, - "ward": 1265, - "Ġobtained": 1266, - "Ġcould": 1267, - "tig": 1268, - "ĠUn": 1269, - "Ġdescrib": 1270, - "Ġsimilar": 1271, - "ported": 1272, - "ins": 1273, - "Ġaddition": 1274, - "osis": 1275, - "Ġnetwork": 1276, - "Ġele": 1277, - "pi": 1278, - "rix": 1279, - "Ġrate": 1280, - "gan": 1281, - "ugg": 1282, - "uss": 1283, - "Ġmechan": 1284, - "Ġdise": 1285, - "Ġeffects": 1286, - "Ġmodels": 1287, - "orph": 1288, - "ike": 1289, - "Ġsecond": 1290, - "mathbf": 1291, - "Ġdue": 1292, - "Ġq": 1293, - "Ġpres": 1294, - "Ġtechn": 1295, - "els": 1296, - "Ġcorrespond": 1297, - "Ġassociated": 1298, - "posed": 1299, - "Ġmass": 1300, - "round": 1301, - "view": 1302, - "Ġins": 1303, - "ĠâĢ¢": 1304, - "ditions": 1305, - "Ġwhile": 1306, - "ole": 1307, - "Ġlong": 1308, - "alu": 1309, - "Ġcap": 1310, - "Ġsurface": 1311, - "Ġcomplex": 1312, - "Ġcent": 1313, - "Ġcompared": 1314, - "Ġfind": 1315, - "arget": 1316, - "atory": 1317, - "fer": 1318, - "Ġsize": 1319, - "Ġcontain": 1320, - "usion": 1321, - "utions": 1322, - "Ġdem": 1323, - "ES": 1324, - "Ġdepend": 1325, - "atis": 1326, - "sum": 1327, - "ffici": 1328, - "Ġbas": 1329, - "lambda": 1330, - "ier": 1331, - "AT": 1332, - "Ġmax": 1333, - "Ġimp": 1334, - "Ġevalu": 1335, - "Ġtemperature": 1336, - "ink": 1337, - "ector": 1338, - "Ġscal": 1339, - "Ġgrow": 1340, - "ower": 1341, - "Ġrespectively": 1342, - "lear": 1343, - "sh": 1344, - "ick": 1345, - "Ġfil": 1346, - "irc": 1347, - "ilon": 1348, - "ram": 1349, - "Ġα": 1350, - "ification": 1351, - "Ġocc": 1352, - "Ġyear": 1353, - "Ġsugg": 1354, - "Ġradi": 1355, - "ified": 1356, - "havi": 1357, - "Ġwithin": 1358, - "Ġsens": 1359, - "Ġinte": 1360, - "Ġwould": 1361, - "Ġconcent": 1362, - "Ġmicro": 1363, - "Ġsingle": 1364, - "ĠSp": 1365, - "ou": 1366, - "Ġatt": 1367, - "Ġself": 1368, - "Ġabout": 1369, - "ength": 1370, - "Ġel": 1371, - "ĠRe": 1372, - "xim": 1373, - "Ġconditions": 1374, - "ude": 1375, - "ĠAt": 1376, - "where": 1377, - "med": 1378, - "Ġneed": 1379, - "iron": 1380, - "Ġpop": 1381, - "Ġresult": 1382, - "Ġpoint": 1383, - "Ġlo": 1384, - "Ġalgorithm": 1385, - "Ġactivity": 1386, - "leq": 1387, - "plement": 1388, - "ĠRes": 1389, - "Ġsym": 1390, - "onstr": 1391, - "atures": 1392, - "Ġimpro": 1393, - "for": 1394, - "Ġgeneral": 1395, - "iter": 1396, - "Ġexpl": 1397, - "###": 1398, - "Ġdom": 1399, - "Ġtri": 1400, - "min": 1401, - "Ġdistribution": 1402, - "Ġtr": 1403, - "ĠThere": 1404, - "oss": 1405, - "uce": 1406, - "mathrm": 1407, - "ull": 1408, - "ER": 1409, - "reg": 1410, - "Ġpe": 1411, - "Ġtotal": 1412, - "Ġlead": 1413, - "==": 1414, - "iod": 1415, - "Ġassum": 1416, - "Ġchang": 1417, - "Ġgra": 1418, - "MI": 1419, - "Ġcomput": 1420, - "Ġcomb": 1421, - "Ġinformation": 1422, - "Ġdesign": 1423, - "Ġiniti": 1424, - "Ġfrequ": 1425, - "imension": 1426, - "cop": 1427, - "Ġproperties": 1428, - "Ġconsider": 1429, - "Ġlevels": 1430, - "ene": 1431, - "Ġtype": 1432, - "ived": 1433, - "ĠHe": 1434, - "ependent": 1435, - "Ġapplic": 1436, - "Ġinves": 1437, - "Ġprevious": 1438, - "aw": 1439, - "Ġspace": 1440, - "Ġprovid": 1441, - "hyl": 1442, - "Ġinvestig": 1443, - "Ġapproach": 1444, - "aterial": 1445, - "onse": 1446, - "lecular": 1447, - "Ġparameters": 1448, - "Ġphase": 1449, - "ulations": 1450, - "ubl": 1451, - "beta": 1452, - "Ġav": 1453, - "Ġflu": 1454, - "Ġpotential": 1455, - "ĠThese": 1456, - "sigma": 1457, - "lo": 1458, - "times": 1459, - "Ġoptim": 1460, - "ision": 1461, - "Ġaff": 1462, - "Ġmean": 1463, - "Ġbehavi": 1464, - "Ġvol": 1465, - "orem": 1466, - "agne": 1467, - "Ġdecre": 1468, - "tional": 1469, - "Ġsolution": 1470, - "Ġhuman": 1471, - "ger": 1472, - "Ġpaper": 1473, - "Ġcompar": 1474, - "Ġlower": 1475, - "andard": 1476, - "Ġcorrel": 1477, - "cri": 1478, - "Ġcurrent": 1479, - "Ġder": 1480, - "ission": 1481, - "ĠFigure": 1482, - "Ġproduc": 1483, - "Ġwater": 1484, - "ĠTo": 1485, - "Ġthose": 1486, - "Ġacid": 1487, - "Ġcancer": 1488, - "Ġlocal": 1489, - "ton": 1490, - "Ġflow": 1491, - "Ġregion": 1492, - "Ġhealth": 1493, - "Ġimportant": 1494, - "ograph": 1495, - "abl": 1496, - "Ġselec": 1497, - "Ġgre": 1498, - "Ġindi": 1499, - "ade": 1500, - "rid": 1501, - "Ġshould": 1502, - "based": 1503, - "Ġabove": 1504, - "ld": 1505, - "Ġsystems": 1506, - "ication": 1507, - "Ġed": 1508, - "Ġtyp": 1509, - "Ġphys": 1510, - "oper": 1511, - "Ġcompon": 1512, - "ON": 1513, - "Ġsuper": 1514, - "ga": 1515, - "hemical": 1516, - "isk": 1517, - "oph": 1518, - "Ġhy": 1519, - "Ġanaly": 1520, - "inu": 1521, - "Ġtarget": 1522, - "ĠAd": 1523, - "Ġpat": 1524, - "gamma": 1525, - "Ġsamples": 1526, - "Ġsl": 1527, - "Ġpart": 1528, - "olds": 1529, - "Ġbel": 1530, - "imum": 1531, - "ĠIm": 1532, - "Ġdisease": 1533, - "II": 1534, - "ists": 1535, - "iver": 1536, - "Ġperformance": 1537, - "ĠĠĠĠĠĠĠĠĠĠĠ": 1538, - "gle": 1539, - "Ġox": 1540, - "ndom": 1541, - "ĠĠĠĠĠ": 1542, - "Ġbecause": 1543, - "ayer": 1544, - "Ġrange": 1545, - "Ġcoun": 1546, - "Ġincreased": 1547, - "och": 1548, - "onal": 1549, - "Ġvery": 1550, - "Ġdynam": 1551, - "anti": 1552, - "Ġadd": 1553, - "Ġinhib": 1554, - "Ġmethods": 1555, - "idence": 1556, - "inical": 1557, - "erence": 1558, - "ival": 1559, - "ule": 1560, - "Ġfactor": 1561, - "Ġfin": 1562, - "ints": 1563, - "viron": 1564, - "Ġsour": 1565, - "verage": 1566, - "equ": 1567, - "Ġear": 1568, - "Ġshowed": 1569, - "ites": 1570, - "Ġperformed": 1571, - "Ġrese": 1572, - "ĠEn": 1573, - "Ġspecies": 1574, - "AC": 1575, - "ĠCl": 1576, - "hip": 1577, - "tilde": 1578, - "io": 1579, - "ately": 1580, - "Th": 1581, - "ody": 1582, - "Ġincrease": 1583, - "ĠPh": 1584, - "âĢĿ": 1585, - "Ġshows": 1586, - "ĠAc": 1587, - "Ġpost": 1588, - "ording": 1589, - "ences": 1590, - "oy": 1591, - "ner": 1592, - "Ġresponse": 1593, - "Ġoccur": 1594, - "rho": 1595, - "Ġperiod": 1596, - "ars": 1597, - "Ġred": 1598, - "ĠOn": 1599, - "Ġdensity": 1600, - "Ġexample": 1601, - "get": 1602, - "Ġreal": 1603, - "ĠCount": 1604, - "acy": 1605, - "Ġpower": 1606, - "Ġabs": 1607, - "ital": 1608, - "Ġprim": 1609, - "âĢIJ": 1610, - "Ġdefined": 1611, - "Ġnormal": 1612, - "aj": 1613, - "Ġinst": 1614, - "Ġallow": 1615, - "Ġpossible": 1616, - "Ġvis": 1617, - "Ġreported": 1618, - "Ġsignal": 1619, - "theta": 1620, - "Ġden": 1621, - "ables": 1622, - "Ġdeg": 1623, - "Ġindivid": 1624, - "agnetic": 1625, - "Ġgroups": 1626, - "ae": 1627, - "arrow": 1628, - "Ġstat": 1629, - "Ġmechanism": 1630, - "osp": 1631, - "mer": 1632, - "other": 1633, - "Ġprot": 1634, - "Ġcases": 1635, - "Ġcr": 1636, - "Ġte": 1637, - "Ġintegr": 1638, - "ets": 1639, - "Ġdevelopment": 1640, - "Ġrandom": 1641, - "Ġinvol": 1642, - "Ġincluding": 1643, - "Ġerr": 1644, - "gram": 1645, - "Ġparticular": 1646, - "eps": 1647, - "Ġstandard": 1648, - "position": 1649, - "Ġcontrib": 1650, - "sequ": 1651, - "Ġmany": 1652, - "Ġfurther": 1653, - "Ġsignificantly": 1654, - "ators": 1655, - "urb": 1656, - "Ġagain": 1657, - "bar": 1658, - "Ġwithout": 1659, - "Ġsever": 1660, - "Ġtop": 1661, - "ret": 1662, - "led": 1663, - "Ġmatrix": 1664, - "Ġspecific": 1665, - "ateg": 1666, - "ĨĴ": 1667, - "Ġdirect": 1668, - "Ġsample": 1669, - "Ġthem": 1670, - "SA": 1671, - "oint": 1672, - "Ġrole": 1673, - "Ġchanges": 1674, - "raction": 1675, - "Ġsum": 1676, - "Ġindividual": 1677, - "IN": 1678, - "Ġimmun": 1679, - "ced": 1680, - "oh": 1681, - "Ġstrong": 1682, - "Ġep": 1683, - "Ġlinear": 1684, - "ually": 1685, - "delta": 1686, - "way": 1687, - "asing": 1688, - "Ġtim": 1689, - "Ġvi": 1690, - "ison": 1691, - "Ġfunctions": 1692, - "Ġamong": 1693, - "Ġsee": 1694, - "erest": 1695, - "Ġgrowth": 1696, - "Ġrati": 1697, - "ĠSc": 1698, - "ixed": 1699, - "RNA": 1700, - "eed": 1701, - "tau": 1702, - "Ġent": 1703, - "Ġdr": 1704, - "ores": 1705, - "Ġapproxim": 1706, - "ful": 1707, - "Ġrele": 1708, - "Ġfactors": 1709, - "Ġdiscuss": 1710, - "Ġphot": 1711, - "Ġproposed": 1712, - "ero": 1713, - "omega": 1714, - "Ġfour": 1715, - "astic": 1716, - "Ġyears": 1717, - "hesis": 1718, - "ique": 1719, - "Ġmaterial": 1720, - "Ġbre": 1721, - "Ġprof": 1722, - "ĠAp": 1723, - "Ġneg": 1724, - "Ġbu": 1725, - "Ġassess": 1726, - "ĠâĢľ": 1727, - "Ġvir": 1728, - "atter": 1729, - "Ġdescribed": 1730, - "istics": 1731, - "Ġcompos": 1732, - "az": 1733, - "struc": 1734, - "Ġtum": 1735, - "partial": 1736, - "af": 1737, - "Ġwho": 1738, - "atal": 1739, - "Ġdemonstr": 1740, - "ances": 1741, - "yt": 1742, - "Ġremain": 1743, - "Ġless": 1744, - "Ġpositive": 1745, - "omic": 1746, - "Ġsince": 1747, - "ogn": 1748, - "Ġcondition": 1749, - "::": 1750, - "Ġdoes": 1751, - "tice": 1752, - "osph": 1753, - "Ġprov": 1754, - "ĠCO": 1755, - "Ġrat": 1756, - "Ġterms": 1757, - "box": 1758, - "Ġtak": 1759, - "Ġpattern": 1760, - "ale": 1761, - "Ġnan": 1762, - "ules": 1763, - "Ġmut": 1764, - "ished": 1765, - "Ġrelated": 1766, - "Ġtheory": 1767, - "bol": 1768, - "cdot": 1769, - "vironment": 1770, - "air": 1771, - "ivers": 1772, - "ĠAr": 1773, - "Ġï£": 1774, - "ressed": 1775, - "Ġâī¤": 1776, - "ĠMet": 1777, - "ID": 1778, - "ults": 1779, - "Ġβ": 1780, - "Ġdat": 1781, - "pose": 1782, - "Ġorig": 1783, - "Ġreturn": 1784, - "Ġchange": 1785, - "Ġlarg": 1786, - "au": 1787, - "aces": 1788, - "Ġarea": 1789, - "Ġgenes": 1790, - "AS": 1791, - "Ġhydro": 1792, - "Ġconsist": 1793, - "man": 1794, - "Ġresearch": 1795, - "ĠDe": 1796, - "Ġorgan": 1797, - "ask": 1798, - "Ġback": 1799, - "Ġfollows": 1800, - "ung": 1801, - "roll": 1802, - "Ġequation": 1803, - "plied": 1804, - "tr": 1805, - "Ġcorresponding": 1806, - "odes": 1807, - "ested": 1808, - "Ġrelations": 1809, - "nal": 1810, - "Ġfr": 1811, - "Ġlimit": 1812, - "mit": 1813, - "Ġoff": 1814, - "uted": 1815, - "Ġrisk": 1816, - "read": 1817, - "Ġknown": 1818, - "plit": 1819, - "tivity": 1820, - "Ġsequence": 1821, - "Ġconsidered": 1822, - "xi": 1823, - "ĠMod": 1824, - "vity": 1825, - "Ġnuc": 1826, - "cle": 1827, - "ices": 1828, - "Ġlength": 1829, - "Ġseveral": 1830, - "sing": 1831, - "oot": 1832, - "not": 1833, - "Ġstress": 1834, - "ĠIf": 1835, - "CT": 1836, - "roph": 1837, - "Ġcommun": 1838, - "Ġclust": 1839, - "ĠLe": 1840, - "me": 1841, - "antum": 1842, - "Ġmemb": 1843, - "Ġlab": 1844, - "Ġeven": 1845, - "Ġinflu": 1846, - "ck": 1847, - "ĠÃĹ": 1848, - "Ġlog": 1849, - "ving": 1850, - "ests": 1851, - "Ġhis": 1852, - "ank": 1853, - "ĠInd": 1854, - "actions": 1855, - "fty": 1856, - "mod": 1857, - "Ġreview": 1858, - "though": 1859, - "Ġeffici": 1860, - "Ġmap": 1861, - "infty": 1862, - "Ġbeing": 1863, - "land": 1864, - "Ġclinical": 1865, - "Ġmeasured": 1866, - "ering": 1867, - "ĠTable": 1868, - "Ġshe": 1869, - "see": 1870, - "Ġsection": 1871, - "Ġavail": 1872, - "omen": 1873, - "Ġvers": 1874, - "Ġdel": 1875, - "ither": 1876, - "eration": 1877, - "Ġhand": 1878, - "Ġcontinu": 1879, - "Ġconn": 1880, - "hors": 1881, - "rad": 1882, - "Ġfam": 1883, - "Ġlear": 1884, - "Ġinitial": 1885, - "ystem": 1886, - "Ġge": 1887, - "Ġâ̲": 1888, - "Ġcirc": 1889, - "Ġpubl": 1890, - "ĠIs": 1891, - "Ġvia": 1892, - "Ġcommon": 1893, - "ife": 1894, - "Ġmark": 1895, - "Ġever": 1896, - "arc": 1897, - "big": 1898, - "ertain": 1899, - "\\\\": 1900, - "var": 1901, - "As": 1902, - "roscop": 1903, - "Ġage": 1904, - "Ġhow": 1905, - "ĠLet": 1906, - "struct": 1907, - "Ġaverage": 1908, - "vant": 1909, - "ĠSh": 1910, - "imensional": 1911, - "SC": 1912, - "ape": 1913, - "nu": 1914, - "Ġloss": 1915, - "ason": 1916, - "ides": 1917, - "Ġpopulation": 1918, - "Ġdomain": 1919, - "inding": 1920, - "we": 1921, - "AL": 1922, - "Ġaccur": 1923, - "ety": 1924, - "Ġcaus": 1925, - "Delta": 1926, - "rapy": 1927, - "Ġprom": 1928, - "time": 1929, - "Ġintro": 1930, - "Ġmultiple": 1931, - "Ġconstant": 1932, - "pling": 1933, - "ino": 1934, - "ajor": 1935, - "ior": 1936, - "abol": 1937, - "def": 1938, - "Ġpoints": 1939, - "verse": 1940, - "name": 1941, - "ĠSe": 1942, - "itor": 1943, - "Pro": 1944, - "arm": 1945, - "Ġtiss": 1946, - "Ġfib": 1947, - "Ġgraph": 1948, - "Ġcall": 1949, - "atisf": 1950, - "Ġconduc": 1951, - "dex": 1952, - "ĠNe": 1953, - "Ġpers": 1954, - "ern": 1955, - "CR": 1956, - "angle": 1957, - "Ġfrequency": 1958, - "AP": 1959, - "Ġpresented": 1960, - "amp": 1961, - "Ġbefore": 1962, - "ords": 1963, - "Ġinput": 1964, - "ĠâĨĴ": 1965, - "Ġparticip": 1966, - "OR": 1967, - "Ġchild": 1968, - "Ġcre": 1969, - "fficient": 1970, - "Ġsepar": 1971, - "uration": 1972, - "α": 1973, - "Ġexist": 1974, - "ised": 1975, - "Ġlight": 1976, - "imal": 1977, - "****": 1978, - "ĠDNA": 1979, - "hel": 1980, - "Ġinterest": 1981, - "bf": 1982, - "ke": 1983, - "Ġcollec": 1984, - "Ġtrain": 1985, - "ai": 1986, - "ĠPl": 1987, - "Ġλ": 1988, - "ĠCo": 1989, - "Ġimage": 1990, - "Ġhyp": 1991, - "oma": 1992, - "Ġweight": 1993, - "Ġcross": 1994, - "rt": 1995, - "Ġdifference": 1996, - "Ġfeatures": 1997, - "medi": 1998, - "type": 1999, - "Ġpress": 2000, - "IC": 2001, - "Ġtherm": 2002, - "Ġstates": 2003, - "ustr": 2004, - "till": 2005, - "Ġhist": 2006, - "Ġratio": 2007, - "aging": 2008, - "ĠAll": 2009, - "Ġhel": 2010, - "bon": 2011, - "Ġbehavior": 2012, - "Ġpri": 2013, - "Ġsynt": 2014, - "ended": 2015, - "ĠInt": 2016, - "tt": 2017, - "Ġvarious": 2018, - "rect": 2019, - "Ġprec": 2020, - "Ġtimes": 2021, - "MS": 2022, - "Ġanalyz": 2023, - "Ġcare": 2024, - "mat": 2025, - "Ġalong": 2026, - "Ġpur": 2027, - "atively": 2028, - "Ġstar": 2029, - "jects": 2030, - "ii": 2031, - "istance": 2032, - "ĠThen": 2033, - "AN": 2034, - "Ġparameter": 2035, - "ulate": 2036, - "Ġevery": 2037, - "Ġsatisf": 2038, - "Ġdetermined": 2039, - "ina": 2040, - "rane": 2041, - "Ġpair": 2042, - "ool": 2043, - "Table": 2044, - "Ġthus": 2045, - "ogene": 2046, - "ĠÏĨ": 2047, - "Ġprogram": 2048, - "asc": 2049, - "Ġenvironment": 2050, - "MP": 2051, - "Ġread": 2052, - "Ġach": 2053, - "Ġpresence": 2054, - "Ġmice": 2055, - "For": 2056, - "Ġproduction": 2057, - "Ġdifferences": 2058, - "Ġprovide": 2059, - "ste": 2060, - "ames": 2061, - "ĉĠ": 2062, - "Ġ±": 2063, - "roup": 2064, - "Ġelectron": 2065, - "Ġhyper": 2066, - "bit": 2067, - "ĠRec": 2068, - "Ġvector": 2069, - "uble": 2070, - "rangle": 2071, - "Ġwr": 2072, - "wide": 2073, - "ĠâĬ": 2074, - "rack": 2075, - "ryst": 2076, - "Ġinj": 2077, - "ega": 2078, - "Ġwhe": 2079, - "psilon": 2080, - "Ġagainst": 2081, - "Ġdiagn": 2082, - "Ġhom": 2083, - "Ġachie": 2084, - "ns": 2085, - "Ġrece": 2086, - "--------": 2087, - "Ġavailable": 2088, - "inf": 2089, - "Ġsuc": 2090, - "Ġgu": 2091, - "Ġmajor": 2092, - "ĠThus": 2093, - "ware": 2094, - "Ġsupport": 2095, - "lor": 2096, - "Ġexperimental": 2097, - "ĠMo": 2098, - "Ġconcentration": 2099, - "tics": 2100, - "Ġnec": 2101, - "Ġphen": 2102, - "sq": 2103, - "Ġclos": 2104, - "sub": 2105, - "Ġknow": 2106, - "Ġformation": 2107, - "Ġdid": 2108, - "ouse": 2109, - "inary": 2110, - "ict": 2111, - "ĠCD": 2112, - "This": 2113, - "less": 2114, - "Ġnear": 2115, - "Ġimprove": 2116, - "abil": 2117, - "Ġreve": 2118, - "Ġexperiments": 2119, - "ience": 2120, - "ula": 2121, - "ored": 2122, - "Ġunc": 2123, - "__": 2124, - "Ġapplied": 2125, - "Ġreduced": 2126, - "Ġdetail": 2127, - "stand": 2128, - "Ġcho": 2129, - "omy": 2130, - "Ġcalculated": 2131, - "Ġenh": 2132, - "LES": 2133, - "itro": 2134, - "Ġrespons": 2135, - "Ġest": 2136, - "Ġmi": 2137, - "Ġcoe": 2138, - "ĠTherefore": 2139, - "ĠMore": 2140, - "bl": 2141, - "anced": 2142, - "ume": 2143, - "Ġband": 2144, - "Ġact": 2145, - "Ġeither": 2146, - "omes": 2147, - "ĠGen": 2148, - "vare": 2149, - "ET": 2150, - "reen": 2151, - "ĠPar": 2152, - "ĠSim": 2153, - "Ġidentified": 2154, - "Ġinteraction": 2155, - "Ġmade": 2156, - "Ġsource": 2157, - "tis": 2158, - "ots": 2159, - "mega": 2160, - "Ġserv": 2161, - "ms": 2162, - "alysis": 2163, - "vent": 2164, - "ense": 2165, - "gl": 2166, - "Ġlines": 2167, - "Ġappear": 2168, - "tif": 2169, - "Ġfree": 2170, - "oms": 2171, - "ining": 2172, - "eren": 2173, - "Ġchann": 2174, - "varepsilon": 2175, - "sim": 2176, - "Ġcou": 2177, - "°": 2178, - "Ġerror": 2179, - "Ġquanti": 2180, - "ĠEq": 2181, - "by": 2182, - "ĠII": 2183, - "tex": 2184, - "ĠSch": 2185, - "sqrt": 2186, - "ocus": 2187, - "Ġdev": 2188, - "quad": 2189, - "ters": 2190, - "Ġrelationship": 2191, - "oll": 2192, - "Ġgo": 2193, - "Ġwave": 2194, - "Ġleft": 2195, - "ways": 2196, - "hi": 2197, - "Ġright": 2198, - "obal": 2199, - "Ġdown": 2200, - "uk": 2201, - "Ġcoll": 2202, - "Ġmagnetic": 2203, - "Ġprog": 2204, - "dots": 2205, - "Ġstrateg": 2206, - "bs": 2207, - "unction": 2208, - "Ġenc": 2209, - "Ġclear": 2210, - "Ġcost": 2211, - "geb": 2212, - "etter": 2213, - "MILES": 2214, - "lamm": 2215, - "Ġmust": 2216, - "Ġeffective": 2217, - "Ġexc": 2218, - "Ġplas": 2219, - "Ġsuggest": 2220, - "itions": 2221, - "Ġleast": 2222, - "ying": 2223, - "lying": 2224, - "Ġlik": 2225, - "Omega": 2226, - "aking": 2227, - "Ġmaximum": 2228, - "Ġrelative": 2229, - "é": 2230, - "Ġaccording": 2231, - "ient": 2232, - "Ġway": 2233, - "Ġsem": 2234, - "atural": 2235, - "like": 2236, - "resh": 2237, - "ĠMe": 2238, - "Ps": 2239, - "ĠTrans": 2240, - "isc": 2241, - "Ġprac": 2242, - "Ġrun": 2243, - "Ġconver": 2244, - "Ġsk": 2245, - "Ġyield": 2246, - "geq": 2247, - "ably": 2248, - "Ġantib": 2249, - "izing": 2250, - "β": 2251, - "mission": 2252, - "Ġnow": 2253, - "Ġdetection": 2254, - "eloc": 2255, - "Ġget": 2256, - "ert": 2257, - "Ġvariables": 2258, - "Ġopen": 2259, - "Ġpressure": 2260, - "Ġstrain": 2261, - "ument": 2262, - "ĠFurther": 2263, - "Ġquantum": 2264, - "Ġimplement": 2265, - "Ġearly": 2266, - "Ġframe": 2267, - "Ġshort": 2268, - "Ġdrug": 2269, - "Ġrequired": 2270, - "PS": 2271, - "Ġmy": 2272, - "Ġmuch": 2273, - "Ġmem": 2274, - "CC": 2275, - "Ġquality": 2276, - "Ġproteins": 2277, - "Ġlayer": 2278, - "Ġques": 2279, - "Ġrecept": 2280, - "Ġhere": 2281, - "Ġproced": 2282, - "ured": 2283, - "Ġdeveloped": 2284, - "Ġposition": 2285, - "rum": 2286, - "Ġlat": 2287, - "Ġincreasing": 2288, - "EM": 2289, - "Ġmeasurements": 2290, - "Ġben": 2291, - "Ġisol": 2292, - "wh": 2293, - "To": 2294, - "Ġvalid": 2295, - "Ġfunctional": 2296, - "emma": 2297, - "...": 2298, - "orld": 2299, - "ries": 2300, - "Ġprobability": 2301, - "ĠNew": 2302, - "Ġmm": 2303, - "OS": 2304, - "AD": 2305, - "Ġδ": 2306, - "Ġscale": 2307, - "ĠFe": 2308, - "ĠTheorem": 2309, - "ĠQu": 2310, - "Ġcomponents": 2311, - "Ġblood": 2312, - "ĠÏĥ": 2313, - "acc": 2314, - "Ġbetter": 2315, - "Ġstep": 2316, - "Ġγ": 2317, - "Ġfac": 2318, - "aneous": 2319, - "Ġload": 2320, - "Ġmetabol": 2321, - "Ġevolution": 2322, - "son": 2323, - "ream": 2324, - "Ġeas": 2325, - "ird": 2326, - "dimensional": 2327, - "bor": 2328, - "Ġmus": 2329, - "Ġequations": 2330, - "psi": 2331, - "order": 2332, - "olar": 2333, - "Ġnumer": 2334, - "Ġkey": 2335, - "orth": 2336, - "Ġsimple": 2337, - "ift": 2338, - "cale": 2339, - "Ġindex": 2340, - "ĠâĢĵ": 2341, - "Ġconcentr": 2342, - "ges": 2343, - "Ġnegative": 2344, - "Ġveloc": 2345, - "Ġax": 2346, - "ĠEff": 2347, - "Ġfinite": 2348, - "Ġill": 2349, - "ching": 2350, - "Ġpatient": 2351, - "epsilon": 2352, - "Ġmen": 2353, - "Ġcri": 2354, - "IS": 2355, - "Cl": 2356, - "Ġconcl": 2357, - "Ġθ": 2358, - "ibility": 2359, - "Ġsymmet": 2360, - "enter": 2361, - "Ġdistance": 2362, - "Ġpolym": 2363, - "ights": 2364, - "Ġcult": 2365, - "Ġpeak": 2366, - "Ġacross": 2367, - "inition": 2368, - "Ġlet": 2369, - "Ġconstruc": 2370, - "Ġincluded": 2371, - "Ġhowever": 2372, - "Ġregions": 2373, - "Ġlearning": 2374, - "Ġevidence": 2375, - "inally": 2376, - "Ġneut": 2377, - "itation": 2378, - "Ġwhether": 2379, - "Ġoutput": 2380, - "ĠSection": 2381, - "Ġgood": 2382, - "IT": 2383, - "uation": 2384, - "Ġtypes": 2385, - "bm": 2386, - "cos": 2387, - "with": 2388, - "lim": 2389, - "otic": 2390, - "Ġstill": 2391, - "Ġdays": 2392, - "Ġstudied": 2393, - "Ġimages": 2394, - "ble": 2395, - "Ġarg": 2396, - "linear": 2397, - "Ġprocesses": 2398, - "Ġwid": 2399, - "Ġtraining": 2400, - "Ġindependent": 2401, - "plac": 2402, - "Ġresid": 2403, - "Ġsuccess": 2404, - "Ġnucle": 2405, - "GF": 2406, - "let": 2407, - "ploy": 2408, - "Ġtumor": 2409, - "Gamma": 2410, - "Ġtherefore": 2411, - "rast": 2412, - "Ġfocus": 2413, - "ash": 2414, - "Ġbelow": 2415, - "ially": 2416, - "Ġcomparison": 2417, - "Ġadj": 2418, - "Ġlike": 2419, - "Ġmolecular": 2420, - "ried": 2421, - "Ġfit": 2422, - "ĠDi": 2423, - "log": 2424, - "Ġplay": 2425, - "work": 2426, - "ections": 2427, - "Ġelectro": 2428, - "uit": 2429, - "more": 2430, - "Ġmight": 2431, - "Ġanalys": 2432, - "Ġmeans": 2433, - "Ġcorrelation": 2434, - "kn": 2435, - "Ġcontroll": 2436, - "IV": 2437, - "Ch": 2438, - "pec": 2439, - "rag": 2440, - "Ġmagn": 2441, - "Ġphysical": 2442, - "ION": 2443, - "Ġreveal": 2444, - "Ġphosph": 2445, - "Ġrates": 2446, - "Ġlarger": 2447, - "Ġstim": 2448, - "Ġsoft": 2449, - "Ġcompound": 2450, - "be": 2451, - "chi": 2452, - "ĠNo": 2453, - "Ġimpact": 2454, - "tor": 2455, - "Ġprimary": 2456, - "ocial": 2457, - "Ġapplication": 2458, - "Ġsolutions": 2459, - "duce": 2460, - "Ġcharacteristics": 2461, - "Ġelements": 2462, - "Ġview": 2463, - "Ġlater": 2464, - "uture": 2465, - "Ġfamily": 2466, - "rial": 2467, - "Ġtranscri": 2468, - "orption": 2469, - "Ġsw": 2470, - "CD": 2471, - "ED": 2472, - "Ġemb": 2473, - "Ġzero": 2474, - "ols": 2475, - "Ġlife": 2476, - "cep": 2477, - "ĠLi": 2478, - "ths": 2479, - "Ġseries": 2480, - "Ġaround": 2481, - "Ġtransition": 2482, - "ĠCor": 2483, - "ĠâĪĤ": 2484, - "Ġdatas": 2485, - "Ġher": 2486, - "ĠBy": 2487, - "AM": 2488, - "spec": 2489, - "oles": 2490, - "ography": 2491, - "tle": 2492, - "ĠCar": 2493, - "alle": 2494, - "Ġestabl": 2495, - "agement": 2496, - "Ġschem": 2497, - "ground": 2498, - "Ġfail": 2499, - "Ġexpected": 2500, - "Ġrequire": 2501, - "array": 2502, - "Ġexperiment": 2503, - "Ġelement": 2504, - "Ġneu": 2505, - "Ġgenerated": 2506, - "Ġsite": 2507, - "ĠCont": 2508, - "ĠRNA": 2509, - "eral": 2510, - "Ġcontent": 2511, - "Ġbacter": 2512, - "ler": 2513, - "Ġtransfer": 2514, - "ulf": 2515, - "rightarrow": 2516, - "any": 2517, - "ĠSince": 2518, - "induced": 2519, - "Ġreaction": 2520, - "heck": 2521, - "Ġstructures": 2522, - "Ġcount": 2523, - "Ġdetermine": 2524, - "zym": 2525, - "ĠBl": 2526, - "Ġunderstand": 2527, - "ocal": 2528, - "Ġsyn": 2529, - "Ġpoly": 2530, - "ury": 2531, - "Ġbest": 2532, - "Ġfixed": 2533, - "reng": 2534, - "Ġchemical": 2535, - "Ġtissue": 2536, - "Ġpul": 2537, - "Ġboundary": 2538, - "ising": 2539, - "Ġbro": 2540, - "atistical": 2541, - "icity": 2542, - "sk": 2543, - "ring": 2544, - "Ġlast": 2545, - "Ġchildren": 2546, - "rim": 2547, - "Ġreduction": 2548, - "Ġspin": 2549, - "Ġbody": 2550, - "operator": 2551, - "vari": 2552, - "Ġdiv": 2553, - "ymbol": 2554, - "Ġmal": 2555, - "Ġspati": 2556, - "ah": 2557, - "ĠBi": 2558, - "back": 2559, - "sy": 2560, - "Ġseen": 2561, - "ĠWith": 2562, - "ids": 2563, - "plications": 2564, - "Ġnecess": 2565, - "Ġside": 2566, - "Ġbrain": 2567, - "Ġfew": 2568, - "Ġapplications": 2569, - "utes": 2570, - "aches": 2571, - "Ġactive": 2572, - "varphi": 2573, - "term": 2574, - "Ġmom": 2575, - "iversity": 2576, - "Ġfinal": 2577, - "ledge": 2578, - "Ġdynamics": 2579, - "aving": 2580, - "erc": 2581, - "orphism": 2582, - "ones": 2583, - "off": 2584, - "pm": 2585, - "Ġaction": 2586, - "Ġnatural": 2587, - "ĠGe": 2588, - "Ġyou": 2589, - "lex": 2590, - "ĠĠĠĠĠĠ": 2591, - "stit": 2592, - "Ġgas": 2593, - "Ġmake": 2594, - "Ġinduced": 2595, - "ĠAfter": 2596, - "ĠWh": 2597, - "Ġcomponent": 2598, - "Ġinfection": 2599, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 2600, - "Ġconfir": 2601, - "igen": 2602, - "ĠSystem": 2603, - "ticle": 2604, - "Ġprovided": 2605, - "ternal": 2606, - "bers": 2607, - "OD": 2608, - "ĠInter": 2609, - "ott": 2610, - "aves": 2611, - "ĠStud": 2612, - "py": 2613, - "Ġresistance": 2614, - "ĠSur": 2615, - "atch": 2616, - "Ġdim": 2617, - "Ġinterp": 2618, - "Ġcycl": 2619, - "ont": 2620, - "iting": 2621, - "AG": 2622, - "Ġequival": 2623, - "otype": 2624, - "Ġpreviously": 2625, - "Ġadditional": 2626, - "outh": 2627, - "Ġimpl": 2628, - "Ġion": 2629, - "Ġir": 2630, - "Ġcop": 2631, - "Ġhal": 2632, - "Ġactivation": 2633, - "langle": 2634, - "Ġfull": 2635, - "SS": 2636, - "ĠOp": 2637, - "idd": 2638, - "Ġproof": 2639, - "Ġproblems": 2640, - "Ġtransform": 2641, - "Ġinteractions": 2642, - "Ġsupp": 2643, - "des": 2644, - "ĠReg": 2645, - "operatorname": 2646, - "egin": 2647, - "Ġcryst": 2648, - "Ġincreases": 2649, - "ronic": 2650, - "Ġadap": 2651, - "inant": 2652, - "Ġvelocity": 2653, - "ĠAss": 2654, - "iques": 2655, - "Ġcontinuous": 2656, - "ĠComp": 2657, - "ĠProper": 2658, - "Ġprior": 2659, - "orb": 2660, - "Ġnovel": 2661, - "Ġblock": 2662, - "Ġvolume": 2663, - "Ġregard": 2664, - "ometry": 2665, - "EC": 2666, - "Ġresulting": 2667, - "ĠOr": 2668, - "Ġcarbon": 2669, - "arent": 2670, - "Ġbinding": 2671, - "ij": 2672, - "Ġaccess": 2673, - "Ġweak": 2674, - "Ġunit": 2675, - "Ġide": 2676, - "\"\"": 2677, - "Ġcm": 2678, - "Ġcritical": 2679, - "Ġrespect": 2680, - "trans": 2681, - "Ġâī¥": 2682, - "Ġsal": 2683, - "ead": 2684, - "Ġsimulation": 2685, - "Ġcapac": 2686, - "itivity": 2687, - "Ġrecord": 2688, - "rak": 2689, - "Ġneur": 2690, - "onic": 2691, - "ople": 2692, - "Ġmg": 2693, - "Ġstreng": 2694, - "erve": 2695, - "Ġreduc": 2696, - "Ġpass": 2697, - "ordin": 2698, - "exp": 2699, - "jective": 2700, - "ensor": 2701, - "Ġparticles": 2702, - "Ġair": 2703, - "Ġlink": 2704, - "ĠÏĦ": 2705, - "Ġlist": 2706, - "cin": 2707, - "ĠOur": 2708, - "pri": 2709, - "vere": 2710, - "ibr": 2711, - "iform": 2712, - "Ġexplain": 2713, - "Ġfem": 2714, - "Ġutil": 2715, - "St": 2716, - "overline": 2717, - "Ġoften": 2718, - "ery": 2719, - "ope": 2720, - "ĠUsing": 2721, - "begin": 2722, - "Ġdifferenti": 2723, - "pers": 2724, - "self": 2725, - "izes": 2726, - "Ġconcentrations": 2727, - "IR": 2728, - "ĠSup": 2729, - "Ġbasis": 2730, - "Ġinclude": 2731, - "ĠBond": 2732, - "Ġextrac": 2733, - "ĠMethod": 2734, - "ĠData": 2735, - "ĠDef": 2736, - "wn": 2737, - "Ġnetworks": 2738, - "igned": 2739, - "âĢ¢": 2740, - "Ġexpressed": 2741, - "Ġcontrast": 2742, - "esis": 2743, - "col": 2744, - "inter": 2745, - "pid": 2746, - "Ġdri": 2747, - "Ġdefine": 2748, - "Ġinfluence": 2749, - "Ġselected": 2750, - "EL": 2751, - "Ġcontaining": 2752, - "Ġsil": 2753, - "gebra": 2754, - "reat": 2755, - "bolds": 2756, - "Ġinvestigated": 2757, - "ĠCol": 2758, - "ymmet": 2759, - "ytes": 2760, - "Ġmolec": 2761, - "Ġinvolved": 2762, - "Ġday": 2763, - "Ġchain": 2764, - "ĠMoreover": 2765, - "Ġdiag": 2766, - "Ġang": 2767, - "Ġlikely": 2768, - "Ġspectrum": 2769, - "Ġderiv": 2770, - "boldsymbol": 2771, - "Ġhelp": 2772, - "ĠAm": 2773, - "Ġtreated": 2774, - "Ġvariable": 2775, - "ellular": 2776, - "ĠDes": 2777, - "aps": 2778, - "Ġnm": 2779, - "ĠÏģ": 2780, - "ĠWhen": 2781, - "Ġhighly": 2782, - "amin": 2783, - "Ġwhat": 2784, - "related": 2785, - "Ġchrom": 2786, - "Ġsurv": 2787, - "ĠAnalysis": 2788, - "Ġsit": 2789, - "fact": 2790, - "oding": 2791, - "Ġproduct": 2792, - "Ġevents": 2793, - "ras": 2794, - "ĠPer": 2795, - "max": 2796, - "ĠAg": 2797, - "cont": 2798, - "icro": 2799, - "Ġadv": 2800, - "Ġcalled": 2801, - "Ġdegree": 2802, - "AB": 2803, - "TR": 2804, - "Ġseg": 2805, - "ĠCan": 2806, - "Ġdemonstrated": 2807, - "wise": 2808, - "Ġve": 2809, - "ĠCa": 2810, - "Ġdetected": 2811, - "co": 2812, - "Ġderived": 2813, - "Ġexhib": 2814, - "Ġglobal": 2815, - "alax": 2816, - "ulating": 2817, - "Al": 2818, - "angu": 2819, - "bo": 2820, - "Ġrecom": 2821, - "Ġfeature": 2822, - "dependent": 2823, - "Ġrot": 2824, - "vention": 2825, - "Ġremov": 2826, - "Ġwind": 2827, - "Ġaccuracy": 2828, - "size": 2829, - "Ġsumm": 2830, - "Ġmeasurement": 2831, - "Ġfields": 2832, - "wards": 2833, - "Ġliter": 2834, - "ataly": 2835, - "ĠStr": 2836, - "Ġreport": 2837, - "Ġcentral": 2838, - "Ġsqu": 2839, - "Ġtherapy": 2840, - "hest": 2841, - "Ġfeed": 2842, - "SMILES": 2843, - "ĠAN": 2844, - "Ġsites": 2845, - "â̲": 2846, - "ours": 2847, - "omal": 2848, - "Ġlip": 2849, - "Ġanalyzed": 2850, - "Ġ°": 2851, - "Ġwee": 2852, - "tem": 2853, - "Ġanother": 2854, - "iles": 2855, - "Ġcomplete": 2856, - "Ġnext": 2857, - "ĠOne": 2858, - "bi": 2859, - "rip": 2860, - "state": 2861, - "ĠModel": 2862, - "Ġfindings": 2863, - "ĠPre": 2864, - "Ġrecent": 2865, - "ascular": 2866, - "Ġestimate": 2867, - "Ġmechanisms": 2868, - "ĠResults": 2869, - "Ġparticipants": 2870, - "Ġeng": 2871, - "most": 2872, - "ometric": 2873, - "Ġequal": 2874, - "Ġrob": 2875, - "Ġpolar": 2876, - "Ġgenetic": 2877, - "Ġbo": 2878, - "Ġrest": 2879, - "ĠÏĢ": 2880, - "Ġrelation": 2881, - "Ġquestion": 2882, - "epti": 2883, - "Ġdiffic": 2884, - "ems": 2885, - "Ġfuture": 2886, - "ify": 2887, - "Ġmode": 2888, - "Ġmembrane": 2889, - "Ġheat": 2890, - "Aut": 2891, - "ding": 2892, - "Ġoxid": 2893, - "Ġconfig": 2894, - "plication": 2895, - "ĠMon": 2896, - "allel": 2897, - "ided": 2898, - "Ġdirection": 2899, - "pled": 2900, - "Ġprovides": 2901, - "Ġindicate": 2902, - "Ġsets": 2903, - "Ġtechnique": 2904, - "Ġmac": 2905, - "Ġhypot": 2906, - "Ġatten": 2907, - "Ġevent": 2908, - "Ġstage": 2909, - "Ġnode": 2910, - "Ġreference": 2911, - "Ġupper": 2912, - "Ġtechniques": 2913, - "Ġgreater": 2914, - "Ġdirectly": 2915, - "Ġareas": 2916, - "Ġdiss": 2917, - "hor": 2918, - "ĠPol": 2919, - "Ġevaluation": 2920, - "Ġpatterns": 2921, - "ĠAbstract": 2922, - "Ġvirus": 2923, - "vey": 2924, - "PC": 2925, - "Ġwomen": 2926, - "rient": 2927, - "Ġplasma": 2928, - "Ġproduced": 2929, - "Ġε": 2930, - "Ġanalyses": 2931, - "ĠSub": 2932, - "Ġsetting": 2933, - "Ġmoment": 2934, - "Ġthermal": 2935, - "Ġoptimal": 2936, - "Ġtaken": 2937, - "Ġrecogn": 2938, - "Ġvariation": 2939, - "ĠLemma": 2940, - "Ġsus": 2941, - "frak": 2942, - "ĠIL": 2943, - "Ġprocedure": 2944, - "hood": 2945, - "Ġaim": 2946, - "aries": 2947, - "mathfrak": 2948, - "Ġplant": 2949, - "brid": 2950, - "elect": 2951, - "Ġvisual": 2952, - "urs": 2953, - "cence": 2954, - "Ġfive": 2955, - "Ġspatial": 2956, - "Ġreceptor": 2957, - "Ġindicated": 2958, - "Ġess": 2959, - "Ġconsistent": 2960, - "Ġturn": 2961, - "tices": 2962, - "Ġexists": 2963, - "ectors": 2964, - "Ġenzym": 2965, - "meric": 2966, - "Ġnoise": 2967, - "Ġground": 2968, - "Ġestimated": 2969, - "eline": 2970, - "Ġchannel": 2971, - "tition": 2972, - "Ġdiscussed": 2973, - "omer": 2974, - "otes": 2975, - "Ġexact": 2976, - "ĠSec": 2977, - "Ġtake": 2978, - "Ġknowledge": 2979, - "Ġprop": 2980, - "Ġinflamm": 2981, - "Ġdouble": 2982, - "It": 2983, - "Ġcontext": 2984, - "ĠMed": 2985, - "MA": 2986, - "Ġfat": 2987, - "ams": 2988, - "data": 2989, - "ands": 2990, - "Ġcardi": 2991, - "ĠFurthermore": 2992, - "ocy": 2993, - "Ġobservations": 2994, - "apping": 2995, - "ĠInf": 2996, - "omial": 2997, - "Ġpublic": 2998, - "Ġemploy": 2999, - "Ġreason": 3000, - "ygen": 3001, - "Ġfollowed": 3002, - "Ġamount": 3003, - "Ġcertain": 3004, - "which": 3005, - "otyp": 3006, - "ĠCell": 3007, - "Ġchall": 3008, - "Ġparticle": 3009, - "ambda": 3010, - "Ġens": 3011, - "Ġpeople": 3012, - "ault": 3013, - "ĠUnd": 3014, - "ĠBe": 3015, - "umin": 3016, - "roscopy": 3017, - "MR": 3018, - "lation": 3019, - "Ġrepe": 3020, - "Ġable": 3021, - "ĠSo": 3022, - "ĠâĪŀ": 3023, - "Ġenti": 3024, - "Ġmove": 3025, - "Ġtrac": 3026, - "CO": 3027, - "Ġheter": 3028, - "Ġspeed": 3029, - "Ġefficiency": 3030, - "Ġoptical": 3031, - "Ġcombination": 3032, - "eness": 3033, - "Ġchem": 3034, - "LE": 3035, - "appa": 3036, - "Ġdecrease": 3037, - "μ": 3038, - "ped": 3039, - "note": 3040, - "ĠMulti": 3041, - "Ġaltern": 3042, - "Ġassume": 3043, - "ĠForm": 3044, - "stric": 3045, - "que": 3046, - "Ġiss": 3047, - "urrent": 3048, - "Ġprinc": 3049, - "Ġtask": 3050, - "ops": 3051, - "Ġwhereas": 3052, - "CH": 3053, - "Ġrevealed": 3054, - "Ġcannot": 3055, - "active": 3056, - "enz": 3057, - "Ġfore": 3058, - "Ġoperator": 3059, - "Ġcolum": 3060, - "atin": 3061, - "Ġoriginal": 3062, - "Ġsmaller": 3063, - "Ġmaterials": 3064, - "hydro": 3065, - "Ġcurve": 3066, - "Ġselection": 3067, - "akes": 3068, - "Ġexpos": 3069, - "ats": 3070, - "ĠÏī": 3071, - "Ġpack": 3072, - "Ġstability": 3073, - "Ġoverall": 3074, - "Ġmorph": 3075, - "Ġmetric": 3076, - "Ġol": 3077, - "Ġbar": 3078, - "ĠIN": 3079, - "IM": 3080, - "cy": 3081, - "ethyl": 3082, - "SP": 3083, - "Ġresponses": 3084, - "ancy": 3085, - "Ġlay": 3086, - "specific": 3087, - "Ġvs": 3088, - "aged": 3089, - "Ġsocial": 3090, - "Ġcut": 3091, - "IP": 3092, - "Ġlimited": 3093, - "encies": 3094, - "Ġprotoc": 3095, - "Ġcomposition": 3096, - "ĠThey": 3097, - "Ġnumbers": 3098, - "mbox": 3099, - "Ġdecreased": 3100, - "vec": 3101, - "RO": 3102, - "Authors": 3103, - "Ġthick": 3104, - "Ġcoordin": 3105, - "Ġmes": 3106, - "Ġaffect": 3107, - "Ġclose": 3108, - "Ġtransport": 3109, - "CA": 3110, - "rete": 3111, - "come": 3112, - "Ġcollected": 3113, - "ĠFrom": 3114, - "Ġcontains": 3115, - "chit": 3116, - "ĠDet": 3117, - "Ġflux": 3118, - "overy": 3119, - "eu": 3120, - "aff": 3121, - "Ġconducted": 3122, - "Ġcriter": 3123, - "Ġliterature": 3124, - "Ġmemory": 3125, - "Ġsequences": 3126, - "Ġpan": 3127, - "plicit": 3128, - "Ġtrue": 3129, - "Ġmedium": 3130, - "Ġdam": 3131, - "ire": 3132, - "cell": 3133, - "Let": 3134, - "eful": 3135, - "ĠAmeric": 3136, - "Ġnodes": 3137, - "gether": 3138, - "Ġtogether": 3139, - "TP": 3140, - "Ġrather": 3141, - "Ġauthors": 3142, - "Ġsch": 3143, - "Ġprocessing": 3144, - "Ġspectra": 3145, - "Ġevaluated": 3146, - "alk": 3147, - "Ġreduce": 3148, - "ĠHigh": 3149, - "ĠCons": 3150, - "Ġcycle": 3151, - "orn": 3152, - "iers": 3153, - "Ġpropor": 3154, - "ories": 3155, - "rate": 3156, - "Ġhost": 3157, - "ooth": 3158, - "ynt": 3159, - "Ġsources": 3160, - "Ġindividuals": 3161, - "Ġaccount": 3162, - "ĠAlthough": 3163, - "Ġcorrec": 3164, - "Ġplan": 3165, - "entially": 3166, - "Ġdistinc": 3167, - "Ġsoil": 3168, - "Ġsearch": 3169, - "Ġmanagement": 3170, - "Ġversion": 3171, - "âĢĶ": 3172, - "Ġfig": 3173, - "ĠNote": 3174, - "Ġhead": 3175, - "ditional": 3176, - "Ġbuild": 3177, - "ĠGl": 3178, - "asis": 3179, - "group": 3180, - "Ġdisplay": 3181, - "ĠUniversity": 3182, - "ootnote": 3183, - "ameter": 3184, - "minist": 3185, - "opl": 3186, - "ymph": 3187, - "Lambda": 3188, - "Ġidentify": 3189, - "ĠStere": 3190, - "ĠïĢ": 3191, - "Ġprol": 3192, - "ource": 3193, - "icial": 3194, - "Ġsimulations": 3195, - "Ġthresh": 3196, - "point": 3197, - "earch": 3198, - "elling": 3199, - "ĠAcc": 3200, - "Ġframework": 3201, - "Ġstrength": 3202, - "ĠAb": 3203, - "ticles": 3204, - "Ġcos": 3205, - "Footnote": 3206, - "ru": 3207, - "ospital": 3208, - "Ġstable": 3209, - "Ġmotion": 3210, - "Ġtested": 3211, - "Ġtests": 3212, - "aster": 3213, - "ldots": 3214, - "CL": 3215, - "inite": 3216, - "Ġspecial": 3217, - "====": 3218, - "Ġapproaches": 3219, - "ping": 3220, - "Ġconsum": 3221, - "SD": 3222, - "Ġjust": 3223, - "kappa": 3224, - "Ġthough": 3225, - "faces": 3226, - "Ġrapid": 3227, - "ensive": 3228, - "Ġnecessary": 3229, - "Ġtub": 3230, - "Ġforce": 3231, - "Ġblack": 3232, - "volution": 3233, - "ĠAtom": 3234, - "ĠHere": 3235, - "itude": 3236, - "ensions": 3237, - "ffer": 3238, - "rich": 3239, - "Ġgives": 3240, - "Ġshape": 3241, - "Ġhard": 3242, - "omp": 3243, - "Ġrepresentation": 3244, - "ling": 3245, - "ĠDec": 3246, - "Ġnumerical": 3247, - "Ġplace": 3248, - "Ġleading": 3249, - "Ġbenef": 3250, - "Ġregular": 3251, - "Ġcluster": 3252, - "Ġrelatively": 3253, - "Ġpercent": 3254, - "Ġautom": 3255, - "Ġsympt": 3256, - "ibri": 3257, - "ches": 3258, - "henyl": 3259, - "car": 3260, - "Ġillustr": 3261, - "ports": 3262, - "emic": 3263, - "Ġgive": 3264, - "Ġconven": 3265, - "lection": 3266, - "ĠĠĠĠĠĠĠĠĠĠĠĠ": 3267, - "ĠAnd": 3268, - "Ġfood": 3269, - "mic": 3270, - "ographic": 3271, - "Ġcheck": 3272, - "Ġability": 3273, - "iquid": 3274, - "Ġsubstr": 3275, - "ĠâĪĨ": 3276, - "Ġedge": 3277, - "ĠPD": 3278, - "Ġclassification": 3279, - "Ġsurvival": 3280, - "ĠCal": 3281, - "erate": 3282, - "Ġuseful": 3283, - "Ġcarried": 3284, - "Ġintensity": 3285, - "HE": 3286, - "ocenter": 3287, - "Ġpathway": 3288, - "Ġdefinition": 3289, - "Ġscheme": 3290, - "Ġsubsequ": 3291, - "ĠFirst": 3292, - "Ġconsequ": 3293, - "ĠDiff": 3294, - "Ġinhibit": 3295, - "Ġamplit": 3296, - "aser": 3297, - "ĠNetwork": 3298, - "normal": 3299, - "ĠST": 3300, - "Ġsolid": 3301, - "perim": 3302, - "comes": 3303, - "Ġcyt": 3304, - "odies": 3305, - "IF": 3306, - "radi": 3307, - "Ġmor": 3308, - "Ġcore": 3309, - "BS": 3310, - "********": 3311, - "Ġsoftware": 3312, - "ĠGu": 3313, - "ired": 3314, - "ident": 3315, - "Ġdifficult": 3316, - "use": 3317, - "Ġadded": 3318, - "ley": 3319, - "Ġcaused": 3320, - "gence": 3321, - "Ġbase": 3322, - "####": 3323, - "ogenic": 3324, - "from": 3325, - "Ġstatus": 3326, - "Ġassociation": 3327, - "ĠStereocenter": 3328, - "Ġgalax": 3329, - "NO": 3330, - "anguage": 3331, - "Ġdimension": 3332, - "ogenesis": 3333, - "Ġemission": 3334, - "Ġdeath": 3335, - "ulin": 3336, - "Ġagre": 3337, - "turb": 3338, - "nabl": 3339, - "poral": 3340, - "Ġpor": 3341, - "Ġcombined": 3342, - "Ġalgorithms": 3343, - "Cs": 3344, - "Ġsensitivity": 3345, - "Ġallows": 3346, - "Ġcapacity": 3347, - "version": 3348, - "Ġrestric": 3349, - "rome": 3350, - "Ġexposure": 3351, - "hy": 3352, - "anning": 3353, - "Ġobject": 3354, - "Ġcode": 3355, - "fl": 3356, - "roduction": 3357, - "resents": 3358, - "rup": 3359, - "Ġtext": 3360, - "ĠMat": 3361, - "Ġleads": 3362, - "Ġreson": 3363, - "Ġproducts": 3364, - "Ġwhole": 3365, - "Ġmatter": 3366, - "Phi": 3367, - "opt": 3368, - "encing": 3369, - "fficients": 3370, - "na": 3371, - "pecially": 3372, - "Ġhaving": 3373, - "ropy": 3374, - "Ġuncertain": 3375, - "enari": 3376, - "rical": 3377, - "Ġminim": 3378, - "Ġorigin": 3379, - "uper": 3380, - "ĠNon": 3381, - "Ġevaluate": 3382, - "Proof": 3383, - "cap": 3384, - "Ġsignaling": 3385, - "Ġpolymer": 3386, - "tically": 3387, - "itten": 3388, - "antit": 3389, - "Ġuser": 3390, - "level": 3391, - "Ġmeasures": 3392, - "Ġdynamic": 3393, - "Ġmonths": 3394, - "oti": 3395, - "rand": 3396, - "Ġuntil": 3397, - "Ġdenote": 3398, - "Ġnote": 3399, - "Ġmaintain": 3400, - "Ġkin": 3401, - "scill": 3402, - "Ġimaging": 3403, - "Ġpain": 3404, - "avy": 3405, - "Ġmit": 3406, - "othe": 3407, - "Ġregul": 3408, - "known": 3409, - "Ġplot": 3410, - "nabla": 3411, - "Ġfraction": 3412, - "wer": 3413, - "Ġstrategy": 3414, - "Ġgreat": 3415, - "Ġdataset": 3416, - "Ġunique": 3417, - "CM": 3418, - "Ġtw": 3419, - "han": 3420, - "ĠEu": 3421, - "andid": 3422, - "Ġbackground": 3423, - "Ġbroad": 3424, - "ilt": 3425, - "Ġimproved": 3426, - "Ġdiagnosis": 3427, - "ious": 3428, - "Ġdig": 3429, - "rem": 3430, - "era": 3431, - "Ġexcl": 3432, - "Ġmetal": 3433, - "Ġsix": 3434, - "Ġminimum": 3435, - "usions": 3436, - "ee": 3437, - "Ġcompounds": 3438, - "Ġasp": 3439, - "Ġeth": 3440, - "Ġdetect": 3441, - "ference": 3442, - "Ġη": 3443, - "Ġstatistical": 3444, - "atives": 3445, - "ris": 3446, - "Ġtheorem": 3447, - "ĠOF": 3448, - "ww": 3449, - "arily": 3450, - "ception": 3451, - "iving": 3452, - "Ġtesting": 3453, - "Ġdiagnos": 3454, - "Ġrepresents": 3455, - "Sigma": 3456, - "onical": 3457, - "Ġequivalent": 3458, - "Ġbiom": 3459, - "Ġsubst": 3460, - "raints": 3461, - "ĠRef": 3462, - "Ġscore": 3463, - "Ġdoc": 3464, - "Ġimplies": 3465, - "eter": 3466, - "Ġsynthesis": 3467, - "ilibri": 3468, - "attering": 3469, - "CS": 3470, - "alse": 3471, - "Ġneuro": 3472, - "Ġalthough": 3473, - "irus": 3474, - "methyl": 3475, - "Ġtranscription": 3476, - "ÏĢ": 3477, - "ĠMolecular": 3478, - "Ġcause": 3479, - "mut": 3480, - "ĠId": 3481, - "λ": 3482, - "add": 3483, - "Ġplac": 3484, - "Ġagg": 3485, - "ture": 3486, - "Ġlack": 3487, - "Ġprediction": 3488, - "raw": 3489, - "An": 3490, - "Ġult": 3491, - "ynomial": 3492, - "Ġimmune": 3493, - "ili": 3494, - "Ġprep": 3495, - "γ": 3496, - "class": 3497, - "Ġmach": 3498, - "ample": 3499, - "Ġresolution": 3500, - "Ġcoupling": 3501, - "seud": 3502, - "Ġindicates": 3503, - "Ġgeneration": 3504, - "Ġhar": 3505, - "Ġfund": 3506, - "scale": 3507, - "Ġeigen": 3508, - "ĠRel": 3509, - "abor": 3510, - "ĠCH": 3511, - "ext": 3512, - "amm": 3513, - "Ġcorrect": 3514, - "Ġscreen": 3515, - "Ġstructural": 3516, - "ĠpH": 3517, - "Ġrelevant": 3518, - "Ġangle": 3519, - "IG": 3520, - "Ġalgebra": 3521, - "helial": 3522, - "Ġworld": 3523, - "Ġcurves": 3524, - "ĠIntroduction": 3525, - "Ġthird": 3526, - "Ġintroduced": 3527, - "Big": 3528, - "no": 3529, - "auss": 3530, - "subset": 3531, - "Ġtransmission": 3532, - "Ġprofile": 3533, - "Ġν": 3534, - "Ġespecially": 3535, - "Ġattrib": 3536, - "uction": 3537, - "Ġcoefficients": 3538, - "Ġremains": 3539, - "Ġneigh": 3540, - "osen": 3541, - "Ġreli": 3542, - "Ġhighest": 3543, - "Ġuniform": 3544, - "Ġfar": 3545, - "chitect": 3546, - "||": 3547, - "Ġappropri": 3548, - "plex": 3549, - "ĠMass": 3550, - "ogeneous": 3551, - "ales": 3552, - "Ġrefer": 3553, - "Ġneeded": 3554, - "Ġdifferential": 3555, - "ceed": 3556, - "$$": 3557, - "ynamic": 3558, - "Ġsex": 3559, - "Ġspectral": 3560, - "char": 3561, - "PE": 3562, - "TS": 3563, - "Ġapproximately": 3564, - "value": 3565, - "Ġhalf": 3566, - "ending": 3567, - "Ġgradi": 3568, - "Ġcoefficient": 3569, - "ĠPhys": 3570, - "Ġconcer": 3571, - "Ġlabel": 3572, - "iral": 3573, - "Ġcharge": 3574, - "Ġoxygen": 3575, - "Ġdevi": 3576, - "Ġinternal": 3577, - "Ġexpans": 3578, - "load": 3579, - "ĠSm": 3580, - "rang": 3581, - "Con": 3582, - "ĠNa": 3583, - "Ġke": 3584, - "Ġdiab": 3585, - "ached": 3586, - "Ġlocation": 3587, - "Ġvolt": 3588, - "ĠDisc": 3589, - "---": 3590, - "ocytes": 3591, - "oretical": 3592, - "Ġgain": 3593, - "Ġmedi": 3594, - "ympt": 3595, - "oted": 3596, - "ĠVal": 3597, - "Ġcommunity": 3598, - "plementary": 3599, - "Ġtree": 3600, - "ĠTwo": 3601, - "Ġwhose": 3602, - "Ġdone": 3603, - "amine": 3604, - "Ġbiological": 3605, - "inks": 3606, - "Ġalmost": 3607, - "Ġslight": 3608, - "Ġrepro": 3609, - "ģĦ": 3610, - "Ġtherap": 3611, - "ocation": 3612, - "Ġgly": 3613, - "ĠEqu": 3614, - "Ġcolor": 3615, - "Ġnam": 3616, - "section": 3617, - "ĠEm": 3618, - "ready": 3619, - "Hz": 3620, - "PD": 3621, - "function": 3622, - "change": 3623, - "Ġprincip": 3624, - "Ġbecome": 3625, - "ĠâĢĺ": 3626, - "Ġcour": 3627, - "Ġlocated": 3628, - "Ġrang": 3629, - "inity": 3630, - "Ġinterval": 3631, - "gin": 3632, - "Ġinvestigate": 3633, - "free": 3634, - "Ġvitro": 3635, - "Ġsubset": 3636, - "Ġmov": 3637, - "Ġprove": 3638, - "Ġliver": 3639, - "ategor": 3640, - "etes": 3641, - "Ġlymph": 3642, - "dom": 3643, - "ĠElect": 3644, - "Ġserum": 3645, - "Ġscenari": 3646, - "ends": 3647, - "ĠFinally": 3648, - "Ġfilter": 3649, - "IL": 3650, - "Ġabund": 3651, - "mentation": 3652, - "imals": 3653, - "num": 3654, - "enced": 3655, - "Ġproperty": 3656, - "matrix": 3657, - "ĠCompar": 3658, - "Ġland": 3659, - "ĠChar": 3660, - "ressive": 3661, - "ulus": 3662, - "Ġbone": 3663, - "Ex": 3664, - "Ġradiation": 3665, - "Ġsuggested": 3666, - "ĠComput": 3667, - "Ġthreshold": 3668, - "ĠAD": 3669, - "Ġhor": 3670, - "Ġinduc": 3671, - "Ġapproximation": 3672, - "Ġadminist": 3673, - "Ġord": 3674, - "Ġlung": 3675, - "Ġreceived": 3676, - "Ġnorm": 3677, - "Ġestimates": 3678, - "Ġlaw": 3679, - "Ġoutcomes": 3680, - "ĠPr": 3681, - "Ġdepth": 3682, - "Ġelse": 3683, - "Ġcontribution": 3684, - "hetic": 3685, - "Ġconserv": 3686, - "Ġupon": 3687, - "Ġdeep": 3688, - "MD": 3689, - "Ġmel": 3690, - "Ġfilm": 3691, - "ilibrium": 3692, - "Ġoscill": 3693, - "olved": 3694, - "Ġbreast": 3695, - "CP": 3696, - "ĠDist": 3697, - "rices": 3698, - "inated": 3699, - "Ġoptimization": 3700, - "Ġpredicted": 3701, - "sf": 3702, - "dim": 3703, - "ĠSN": 3704, - "Ġavoid": 3705, - "Ġneural": 3706, - "Ġwa": 3707, - "rope": 3708, - "Ġdistributions": 3709, - "oxid": 3710, - "Ġsmooth": 3711, - "path": 3712, - "Ġfluid": 3713, - "Ġsaf": 3714, - "Ġchoice": 3715, - "AA": 3716, - "Ġmolecules": 3717, - "US": 3718, - "Ġalways": 3719, - "ivo": 3720, - "Ġregression": 3721, - "Ġsuccessful": 3722, - "Ġwall": 3723, - "oung": 3724, - "Ġactivities": 3725, - "Ġdependence": 3726, - "Ġrequires": 3727, - "Ġplane": 3728, - "Ġdesigned": 3729, - "PI": 3730, - "down": 3731, - "Ġpopulations": 3732, - "cor": 3733, - "mediate": 3734, - "Ġdose": 3735, - "Ġbond": 3736, - "Co": 3737, - "ĠMan": 3738, - "Ġdiagram": 3739, - "gs": 3740, - "Ġtool": 3741, - "Ġisolated": 3742, - "Ġversus": 3743, - "ney": 3744, - "Ġemerg": 3745, - "ĠAut": 3746, - "aim": 3747, - "field": 3748, - "Ġexamined": 3749, - "Ġsat": 3750, - "SM": 3751, - "ĠSpec": 3752, - "Ġparallel": 3753, - "isation": 3754, - "Ġdistinct": 3755, - "Ġpredict": 3756, - "Ġfer": 3757, - "Ġunderstanding": 3758, - "ĠSimilar": 3759, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 3760, - "udes": 3761, - "Ġorient": 3762, - "hic": 3763, - "uz": 3764, - "Ġmodified": 3765, - "Ġâμ": 3766, - "FF": 3767, - "There": 3768, - "Ġtrial": 3769, - "xy": 3770, - "gery": 3771, - "Ġalready": 3772, - "define": 3773, - "ming": 3774, - "ĠSD": 3775, - "Ġmonitor": 3776, - "Ġpsy": 3777, - "Ġbecomes": 3778, - "istry": 3779, - "ĠÎĵ": 3780, - "Ġhum": 3781, - "rier": 3782, - "ession": 3783, - "Ġhistory": 3784, - "ö": 3785, - "Ġξ": 3786, - "Ġestablished": 3787, - "Ġachieved": 3788, - "estern": 3789, - "ÏĨ": 3790, - "ĠHence": 3791, - "Ġassessment": 3792, - "otor": 3793, - "Ġdescribe": 3794, - "ochond": 3795, - "ylation": 3796, - "sts": 3797, - "space": 3798, - "Ġdiseases": 3799, - "jection": 3800, - "Ġslow": 3801, - "Ġnonlinear": 3802, - "ply": 3803, - "ml": 3804, - "Ġembed": 3805, - "comp": 3806, - "Ġefficient": 3807, - "Ġoperation": 3808, - "Ġcontact": 3809, - "oz": 3810, - "Ġinvari": 3811, - "Ġcenter": 3812, - "Ġconc": 3813, - "widetilde": 3814, - "Ġbeam": 3815, - "Ġclosed": 3816, - "ĠMethods": 3817, - "Ġchronic": 3818, - "aling": 3819, - "Ġsevere": 3820, - "Ġforms": 3821, - "ilit": 3822, - "side": 3823, - "pen": 3824, - "Ġbran": 3825, - "oud": 3826, - "tality": 3827, - "Ġmaps": 3828, - "acts": 3829, - "OL": 3830, - "PR": 3831, - "ĠÍ": 3832, - "sl": 3833, - "Ġinstance": 3834, - "ully": 3835, - "Ġestimation": 3836, - "Ġplate": 3837, - "Ġdevice": 3838, - "ĠIII": 3839, - "sin": 3840, - "Ġplants": 3841, - "ittle": 3842, - "Ġproduce": 3843, - "Ġhence": 3844, - "Ġnature": 3845, - "Ġrelease": 3846, - "ĠMin": 3847, - "rict": 3848, - "Ġconnected": 3849, - "ottom": 3850, - "ellar": 3851, - "Ġformed": 3852, - "Ġmob": 3853, - "Ġcomputed": 3854, - "ĠRE": 3855, - "Ġpolynomial": 3856, - "Ġliquid": 3857, - "gn": 3858, - "Ġassay": 3859, - "Ġmanif": 3860, - "ĠSi": 3861, - "rence": 3862, - "Ġaxis": 3863, - "VID": 3864, - "Ġsignals": 3865, - "θ": 3866, - "tok": 3867, - "ds": 3868, - "Ġrats": 3869, - "Ġtor": 3870, - "olecular": 3871, - "ched": 3872, - "Ġdescri": 3873, - "Ġexpon": 3874, - "Ġperturb": 3875, - "Ġgluc": 3876, - "Ġcolumn": 3877, - "UL": 3878, - "Ġmainly": 3879, - "Ġmul": 3880, - "ider": 3881, - "ĠCR": 3882, - "Ġcataly": 3883, - "Ġlaser": 3884, - "tioned": 3885, - "den": 3886, - "Ġsuggests": 3887, - "fig": 3888, - "Ġpropag": 3889, - "org": 3890, - "rep": 3891, - "Ġcharacterized": 3892, - "ologies": 3893, - "Ġaccum": 3894, - "Ġvary": 3895, - "Ġcontrolled": 3896, - "Ġupd": 3897, - "ĠBr": 3898, - "Ġentire": 3899, - "Ġ@": 3900, - "âģĦ": 3901, - "ĠÌ": 3902, - "Ġdatab": 3903, - "ano": 3904, - "amil": 3905, - "Ġadjust": 3906, - "ye": 3907, - "pression": 3908, - "erences": 3909, - "Ġessential": 3910, - "ĠHydro": 3911, - "ĠTr": 3912, - "Ġappropriate": 3913, - "Ġformula": 3914, - "Ġlattice": 3915, - "Ġacute": 3916, - "Ġusually": 3917, - "itable": 3918, - "Ġmar": 3919, - "Ġμm": 3920, - "ĠUSA": 3921, - "Ġincub": 3922, - "ocks": 3923, - "Ġpepti": 3924, - "iddle": 3925, - "Ġdecom": 3926, - "Ġdamage": 3927, - "Ġgenome": 3928, - "Ġmouse": 3929, - "circ": 3930, - "Ġlayers": 3931, - "Ġtrack": 3932, - "Ġtox": 3933, - "Ġreplac": 3934, - "Ġadvant": 3935, - "izon": 3936, - "Ġrecorded": 3937, - "Ġstart": 3938, - "Ġrank": 3939, - "ser": 3940, - "ĠGene": 3941, - "aussian": 3942, - "ingu": 3943, - "Ġconstraints": 3944, - "flow": 3945, - "Ġmig": 3946, - "PL": 3947, - "Ġincor": 3948, - "appro": 3949, - "Ġfast": 3950, - "Ġmuscle": 3951, - "Ġhome": 3952, - "eq": 3953, - "ĠÏĪ": 3954, - "Ġstrongly": 3955, - "ĠEurope": 3956, - "Ġsubjects": 3957, - "Ġobjects": 3958, - "test": 3959, - "tered": 3960, - "ĠWhile": 3961, - "Ġsymmetry": 3962, - "Ġquantif": 3963, - "``": 3964, - "Ġbreak": 3965, - "ĠExperim": 3966, - "Ġmixt": 3967, - "<<": 3968, - "ĠChina": 3969, - "ĠIdentif": 3970, - "Ġaffected": 3971, - "Ġsecondary": 3972, - "Ġinequ": 3973, - "incl": 3974, - "EG": 3975, - "FT": 3976, - "Ġfailure": 3977, - "ectiv": 3978, - "Ġkm": 3979, - "Ġsampling": 3980, - "Ġexpansion": 3981, - "Ġpractice": 3982, - "uations": 3983, - "ognitive": 3984, - "Ġdiet": 3985, - "Ġtemperatures": 3986, - "Ġcontrols": 3987, - "Ġchosen": 3988, - "Ġgenerally": 3989, - "ancer": 3990, - "Ġdegrad": 3991, - "uli": 3992, - "sm": 3993, - "otherapy": 3994, - "Ġtowards": 3995, - "ĠProperties": 3996, - "Ġclusters": 3997, - "Ġdelay": 3998, - "Ġhep": 3999, - "PA": 4000, - "ĠStudy": 4001, - "antitative": 4002, - "Ġclassical": 4003, - "ĠZh": 4004, - "ĠΩ": 4005, - "ĠBo": 4006, - "Ġseed": 4007, - "ĠStruct": 4008, - "Ġtrend": 4009, - "iological": 4010, - "Ġconfirmed": 4011, - "Ġdistributed": 4012, - "bial": 4013, - "Ġname": 4014, - "CN": 4015, - "valence": 4016, - "erior": 4017, - "iven": 4018, - "ned": 4019, - "Ġbehaviour": 4020, - "asks": 4021, - "gra": 4022, - "mark": 4023, - "Ġerrors": 4024, - "ĠRep": 4025, - "light": 4026, - "cript": 4027, - "If": 4028, - "Ġcandid": 4029, - "Ġdepends": 4030, - "ĠNational": 4031, - "Ġholds": 4032, - "Ġprotocol": 4033, - "ĠUnited": 4034, - "Ġinterface": 4035, - "Ġexpect": 4036, - "Ġïģ": 4037, - "ĠHIV": 4038, - "Ġroot": 4039, - "Ġscattering": 4040, - "words": 4041, - "Ġobservation": 4042, - "otop": 4043, - "Ġoccurs": 4044, - "ources": 4045, - "pite": 4046, - "ĠSte": 4047, - "Ġorth": 4048, - "Ġstain": 4049, - "Ġsteps": 4050, - "Ġcompare": 4051, - "Ġbasic": 4052, - "Ġinhibition": 4053, - "Ġsymptoms": 4054, - "ĠHealth": 4055, - "Ġpublished": 4056, - "fold": 4057, - "Ġtun": 4058, - "Ġvivo": 4059, - "Ġreconstr": 4060, - "ĠmRNA": 4061, - "icy": 4062, - "Ġhybrid": 4063, - "yr": 4064, - "Ġmixed": 4065, - "vis": 4066, - "ChI": 4067, - "Ġmedical": 4068, - "Ġfrag": 4069, - "Ġanimals": 4070, - "Ġimportance": 4071, - "Ġengine": 4072, - "ĠCT": 4073, - "Ġpairs": 4074, - "Ġbal": 4075, - "ĠEar": 4076, - "hers": 4077, - "Ġsynd": 4078, - "Ġarchitect": 4079, - "Ġidentification": 4080, - "Ġstrategies": 4081, - "Ġregulation": 4082, - "ĠLa": 4083, - "ror": 4084, - "Ġfluores": 4085, - "urity": 4086, - "Ġconcept": 4087, - "Ġattention": 4088, - "Ġtransformation": 4089, - "ucle": 4090, - "ĠResearch": 4091, - "Ġsimpl": 4092, - "Ġculture": 4093, - "aring": 4094, - "ifically": 4095, - "pir": 4096, - "ze": 4097, - "PT": 4098, - "mosp": 4099, - "Ġswit": 4100, - "Ġnor": 4101, - "Ġenhance": 4102, - "Ġenvironmental": 4103, - "rary": 4104, - "ĠMicro": 4105, - "Ġwide": 4106, - "opath": 4107, - "auge": 4108, - "zeta": 4109, - "Ġste": 4110, - "ĠEl": 4111, - "Ġwords": 4112, - "Ġnuclear": 4113, - "Ġlanguage": 4114, - "Ġdetails": 4115, - "opar": 4116, - "ĠRed": 4117, - "water": 4118, - "Ġcategor": 4119, - "Ġfile": 4120, - "Ġcover": 4121, - "Ġachieve": 4122, - "á": 4123, - "umm": 4124, - "Ġlig": 4125, - "Ġsurvey": 4126, - "Ġextended": 4127, - "lab": 4128, - "ĠInc": 4129, - "Ġdispers": 4130, - "Ġrecomm": 4131, - "ĠBased": 4132, - "Ġabsence": 4133, - "Ġconstruction": 4134, - "Ġpoor": 4135, - "Ġvoltage": 4136, - "Ġcellular": 4137, - "Ġmortality": 4138, - "Ġshowing": 4139, - "Ġprolif": 4140, - "mp": 4141, - "Ġneurons": 4142, - "Ġsupported": 4143, - "Ġprevent": 4144, - "eli": 4145, - "oxy": 4146, - "ica": 4147, - "Ġfully": 4148, - "Ġenough": 4149, - "otimes": 4150, - "ĠMR": 4151, - "Ġbul": 4152, - "Ġphenomen": 4153, - "FA": 4154, - "Ġdecision": 4155, - "Ġdual": 4156, - "Ġdecay": 4157, - "Ġown": 4158, - "Ġuses": 4159, - "Ġchalleng": 4160, - "Ġaddress": 4161, - "OC": 4162, - "tivation": 4163, - "Ġmill": 4164, - "Ġmodes": 4165, - "atus": 4166, - "iction": 4167, - "Ġabsorption": 4168, - "Ġepit": 4169, - "Ġconstra": 4170, - "Ġagreement": 4171, - "ĠAf": 4172, - "Ġbias": 4173, - "uded": 4174, - "Ġparts": 4175, - "Ġvan": 4176, - "Ġcolon": 4177, - "Ġexternal": 4178, - "Ġtheoretical": 4179, - "asi": 4180, - "Ġles": 4181, - "abilities": 4182, - "LA": 4183, - "ttps": 4184, - "Ġinstead": 4185, - "Ġmembers": 4186, - "++": 4187, - "Ġrecently": 4188, - "Ġprepared": 4189, - "Ġarticle": 4190, - "day": 4191, - "Ġextract": 4192, - "Ġâİ": 4193, - "Ġpathways": 4194, - "ÏĦ": 4195, - "mid": 4196, - "orage": 4197, - "Ġcommunication": 4198, - "Ġaccel": 4199, - "Ġunits": 4200, - "itis": 4201, - "ynthesis": 4202, - "Ġamplitude": 4203, - "rie": 4204, - "ultaneous": 4205, - "ĠLear": 4206, - "ecause": 4207, - "do": 4208, - "eff": 4209, - "Ġexplicit": 4210, - "Ġcriteria": 4211, - "bre": 4212, - "Ġexec": 4213, - "Ġmechanical": 4214, - "eros": 4215, - "ĠConcl": 4216, - "ĠExt": 4217, - "Ġclasses": 4218, - "Ġlonger": 4219, - "Ġcalculations": 4220, - "eutic": 4221, - "ociated": 4222, - "ardi": 4223, - "Ġcourse": 4224, - "Ġpartial": 4225, - "Ġsensor": 4226, - "Ïĥ": 4227, - "Ġoperators": 4228, - "ĠAmerican": 4229, - "ĠmM": 4230, - "Ġvacc": 4231, - "occ": 4232, - "icon": 4233, - "Ġoutcome": 4234, - "Ġanalog": 4235, - "Ġthickness": 4236, - "Ġreach": 4237, - "Ġassumed": 4238, - "ender": 4239, - "Ġmale": 4240, - "SE": 4241, - "Ġintra": 4242, - "Ġimplementation": 4243, - "emia": 4244, - "Ġenhanced": 4245, - "bility": 4246, - "Ġeasily": 4247, - "ump": 4248, - "Ġcarcin": 4249, - "osa": 4250, - "Ġcorresponds": 4251, - "neg": 4252, - "Ġmagnitude": 4253, - "const": 4254, - "Ġlatter": 4255, - "Ġrepresented": 4256, - "Ġsed": 4257, - "Ġparticularly": 4258, - "Ġwritten": 4259, - "part": 4260, - "Ġoil": 4261, - "berg": 4262, - "ĠBar": 4263, - "Ġdys": 4264, - "ĠSome": 4265, - "ĠMar": 4266, - "Ġalternative": 4267, - "ĠGerm": 4268, - "Ġgenerate": 4269, - "Ġconstruct": 4270, - "ians": 4271, - "stream": 4272, - "Ġec": 4273, - "ochemical": 4274, - "ibration": 4275, - "operative": 4276, - "ister": 4277, - "Ġrobust": 4278, - "tre": 4279, - "Ġmodeling": 4280, - "oring": 4281, - "ese": 4282, - "ded": 4283, - "ideo": 4284, - "Ġhydrogen": 4285, - "uments": 4286, - "Ġdemonstrate": 4287, - "Ġcorrelated": 4288, - "Ġsystematic": 4289, - "Ġsurgery": 4290, - "Ġindicating": 4291, - "Ġhypothesis": 4292, - "year": 4293, - "mitted": 4294, - "Ġstars": 4295, - "Ġprofiles": 4296, - "Ġconsists": 4297, - "tri": 4298, - "Ġdependent": 4299, - "ishing": 4300, - "top": 4301, - "Ġheart": 4302, - "atically": 4303, - "Ġinjury": 4304, - "Ġquad": 4305, - "Ġweeks": 4306, - "uting": 4307, - "ĠTe": 4308, - "Ġidenti": 4309, - "Ġgradient": 4310, - "Ġcalculation": 4311, - "Ġur": 4312, - "RT": 4313, - "zation": 4314, - "Ġeduc": 4315, - "ening": 4316, - "PP": 4317, - "zed": 4318, - "ush": 4319, - "Ġcharacteristic": 4320, - "Ġstrains": 4321, - "eth": 4322, - "Ġdivers": 4323, - "âĪĪ": 4324, - "oids": 4325, - "olic": 4326, - "Ġinterpret": 4327, - "Key": 4328, - "Ġattack": 4329, - "pective": 4330, - "Ġlabor": 4331, - "Ġmetast": 4332, - "NF": 4333, - "Ġtissues": 4334, - "Ġradius": 4335, - "ĠEach": 4336, - "Ġcat": 4337, - "Ġdon": 4338, - "Ġelev": 4339, - "Ġassemb": 4340, - "rons": 4341, - "Ġarbit": 4342, - "Ġpanel": 4343, - "Ġgrid": 4344, - "Ġtable": 4345, - "roscopic": 4346, - "Ġcle": 4347, - "ĠIntern": 4348, - "obacter": 4349, - "Ġassumption": 4350, - "ĠCOVID": 4351, - "Ġbounded": 4352, - "Ġothers": 4353, - "Ġschool": 4354, - "Ġhospital": 4355, - "lected": 4356, - "ĠCu": 4357, - "ÃĹ": 4358, - "Ġcomplet": 4359, - "Ġwidth": 4360, - "Ġlinks": 4361, - "po": 4362, - "ollow": 4363, - "Ġnut": 4364, - "Ġappears": 4365, - "rown": 4366, - "aro": 4367, - "Ġusers": 4368, - "Ġclim": 4369, - "Ġslightly": 4370, - "Ġblue": 4371, - "rab": 4372, - "ĠSer": 4373, - "Ġfigure": 4374, - "ĠRad": 4375, - "Ġelectric": 4376, - "mm": 4377, - "ochastic": 4378, - "rief": 4379, - "Ġcollection": 4380, - "Ġstem": 4381, - "Ġgover": 4382, - "Ġbur": 4383, - "Ġtypical": 4384, - "sup": 4385, - "Ġaggreg": 4386, - "raz": 4387, - "ĉĉĉ": 4388, - "Ġstation": 4389, - "Ġarter": 4390, - "ively": 4391, - "itrogen": 4392, - "Ġconstit": 4393, - "empt": 4394, - "ĠEffect": 4395, - "Ġdescription": 4396, - "Ġscores": 4397, - "Ġmethyl": 4398, - "ĠOb": 4399, - "ĠStates": 4400, - "Ġsplit": 4401, - "ĠVari": 4402, - "ĠWang": 4403, - "Ġcere": 4404, - "ĠFran": 4405, - "Ġneeds": 4406, - "ĠFour": 4407, - "Ġproject": 4408, - "Ġdevices": 4409, - "Ġintegral": 4410, - "ĠEs": 4411, - "ymmetric": 4412, - "Ġmess": 4413, - "Ġplays": 4414, - "ĠLearning": 4415, - "Ġoverl": 4416, - "Here": 4417, - "ignment": 4418, - "Ġdeliver": 4419, - "apan": 4420, - "CE": 4421, - "Ġgauge": 4422, - "ĠJoh": 4423, - "----------------": 4424, - "Ġunderlying": 4425, - "Ġthin": 4426, - "Ġassessed": 4427, - "Ġdiffusion": 4428, - "Ġheight": 4429, - "ĠSw": 4430, - "Ġdark": 4431, - "print": 4432, - "range": 4433, - "ĠCI": 4434, - "ises": 4435, - "lier": 4436, - "rant": 4437, - "omorphism": 4438, - "Ġcompact": 4439, - "ips": 4440, - "ĠName": 4441, - "Ġtechnology": 4442, - "agen": 4443, - "Ġconfiguration": 4444, - "Ġduration": 4445, - "ĠClass": 4446, - "Ġput": 4447, - "Ġmaking": 4448, - "Ġasympt": 4449, - "aid": 4450, - "Ġcoh": 4451, - "Ġcomplexity": 4452, - "Ġsections": 4453, - "ĠMD": 4454, - "ĠĠĠĠĠĠĠĠĠ": 4455, - "Ġrad": 4456, - "Ġsubstrate": 4457, - "dd": 4458, - "Ġann": 4459, - "Ġorganic": 4460, - "Ġtaking": 4461, - "Ġincludes": 4462, - "Ġkine": 4463, - "ares": 4464, - "Ġrow": 4465, - "ategory": 4466, - "Ġmitochond": 4467, - "UT": 4468, - "Ġsyndrome": 4469, - "ĠProb": 4470, - "retion": 4471, - "Ġfluct": 4472, - "ĠDis": 4473, - "Ġtransl": 4474, - "plas": 4475, - "Ġpsych": 4476, - "Ġsurfaces": 4477, - "Ġdetailed": 4478, - "amilton": 4479, - "Ġhold": 4480, - "ĠâĬĹ": 4481, - "ĠCN": 4482, - "Ġdil": 4483, - "ĠOver": 4484, - "atform": 4485, - "Ġvertical": 4486, - "Ġcomputation": 4487, - "Ġpure": 4488, - "Ġmakes": 4489, - "Ġexisting": 4490, - "Ġexamples": 4491, - "SO": 4492, - "orders": 4493, - "Ġmix": 4494, - "Ġincorpor": 4495, - "Ġrequ": 4496, - "antic": 4497, - "DNA": 4498, - "δ": 4499, - "Ġcloud": 4500, - "ĠTechn": 4501, - "Ġïĥ": 4502, - "ements": 4503, - "Ġbaseline": 4504, - "stein": 4505, - "Ġbelong": 4506, - "Ġtrials": 4507, - "Ġhorizon": 4508, - "Ġphosphor": 4509, - "Ġans": 4510, - "dix": 4511, - "roid": 4512, - "Ġapply": 4513, - "ued": 4514, - "ernel": 4515, - "Ġfemale": 4516, - "icacy": 4517, - "Ġvectors": 4518, - "Ġmatrices": 4519, - "atric": 4520, - "ĠMc": 4521, - "Ġpy": 4522, - "Ġchlor": 4523, - "len": 4524, - "Ġclearly": 4525, - "static": 4526, - "ref": 4527, - "ĠSouth": 4528, - "Ġmedia": 4529, - "ĠShe": 4530, - "ĠBay": 4531, - "Ġagents": 4532, - "By": 4533, - "Ġdifferentiation": 4534, - "istant": 4535, - "orphic": 4536, - "Ġvariety": 4537, - "Ġservice": 4538, - "Ġmapping": 4539, - "velength": 4540, - "Ġchannels": 4541, - "Ġcompute": 4542, - "Ġstream": 4543, - "uls": 4544, - "amide": 4545, - "oking": 4546, - "vit": 4547, - "Ġyields": 4548, - "omb": 4549, - "ĠGaussian": 4550, - "Ġpen": 4551, - "une": 4552, - "Ġexperience": 4553, - "band": 4554, - "ĠDo": 4555, - "mathsf": 4556, - "Ġallowed": 4557, - "Ar": 4558, - "RA": 4559, - "Ġbacterial": 4560, - "Ġmiss": 4561, - "Ġbacteria": 4562, - "Ġmomentum": 4563, - "Ġhours": 4564, - "uck": 4565, - "ĠProposition": 4566, - "bert": 4567, - "otrop": 4568, - "Ġvariance": 4569, - "Ġtrig": 4570, - "Ġshift": 4571, - "Ġequilibrium": 4572, - "bu": 4573, - "ING": 4574, - "Ġwhite": 4575, - "Ġkind": 4576, - "Ġjoint": 4577, - "Ġtemporal": 4578, - "ĠIV": 4579, - "ĠAfric": 4580, - "Ġsubject": 4581, - "ĠPo": 4582, - "head": 4583, - "idel": 4584, - "Ġantibody": 4585, - "ĠEffects": 4586, - "Ġspe": 4587, - "Ġsufficient": 4588, - "jected": 4589, - "rees": 4590, - "ĠTop": 4591, - "Ġmutations": 4592, - "isions": 4593, - "BC": 4594, - "Ġinduction": 4595, - "Ġinteresting": 4596, - "ella": 4597, - "can": 4598, - "Ġsusp": 4599, - "ĠGroup": 4600, - "Ġextracted": 4601, - "istically": 4602, - "coh": 4603, - "map": 4604, - "Ġaccurate": 4605, - "Ġtoo": 4606, - "Ġdimensions": 4607, - "tegr": 4608, - "Ġgreen": 4609, - "ĠRo": 4610, - "Ġwild": 4611, - "Ġloop": 4612, - "Ġmeta": 4613, - "Ġsubstit": 4614, - "osome": 4615, - "Ġsuggesting": 4616, - "Ġspecim": 4617, - "amental": 4618, - "iment": 4619, - "Ġij": 4620, - "Ġclaim": 4621, - "Ġauthor": 4622, - "Ġfilms": 4623, - "Ġcounter": 4624, - "Ġconventional": 4625, - "rin": 4626, - "otypes": 4627, - "Ġpast": 4628, - "Since": 4629, - "mediated": 4630, - "reatment": 4631, - "Ġextension": 4632, - "Ġbio": 4633, - "Ġsent": 4634, - "hal": 4635, - "Ġobjective": 4636, - "Ġarray": 4637, - "Ġsuitable": 4638, - "ĠBut": 4639, - "ĠHuman": 4640, - "organ": 4641, - "but": 4642, - "model": 4643, - "SI": 4644, - "Ġhealthy": 4645, - "Ġvac": 4646, - "Ġlate": 4647, - "Ġring": 4648, - "Ġlittle": 4649, - "MT": 4650, - "Ġsquare": 4651, - "Ġgeometry": 4652, - "ĠTHE": 4653, - "ĠSing": 4654, - "jug": 4655, - "Ġstudents": 4656, - ",,": 4657, - "Ġadult": 4658, - "Ġcharacterization": 4659, - "Ġatmosp": 4660, - "Ġmonitoring": 4661, - "ani": 4662, - "net": 4663, - "ĠPa": 4664, - "optosis": 4665, - "Ġcontin": 4666, - "ĠSol": 4667, - "Ġdatabase": 4668, - "import": 4669, - "mann": 4670, - "ĠProcess": 4671, - "ĠChen": 4672, - "Ġgap": 4673, - "Ġenzyme": 4674, - "OT": 4675, - "Ġsimultaneous": 4676, - "Ġexistence": 4677, - "BP": 4678, - "ĠJapan": 4679, - "ounts": 4680, - "Ġturb": 4681, - "Ġspaces": 4682, - "ĠWeight": 4683, - "ophil": 4684, - "Ġast": 4685, - "Ġwrite": 4686, - "Ġdiabetes": 4687, - "ĠCA": 4688, - "Ġneutral": 4689, - "Ġvariations": 4690, - "axon": 4691, - "Ġbegin": 4692, - "under": 4693, - "Ġextraction": 4694, - "ĠPati": 4695, - "Ġfron": 4696, - "efined": 4697, - "Ġacids": 4698, - "Ġservices": 4699, - "Ġsense": 4700, - "Ġagent": 4701, - "hens": 4702, - "electric": 4703, - "values": 4704, - "Ġimprovement": 4705, - "herent": 4706, - "actic": 4707, - "Ġacet": 4708, - "cdots": 4709, - "Ġamino": 4710, - "Ġroom": 4711, - "Ġexpress": 4712, - "Ġexcept": 4713, - "Ġold": 4714, - "plant": 4715, - "cepti": 4716, - "ĠPCR": 4717, - "ĠER": 4718, - "ĠBoth": 4719, - "vex": 4720, - "Ġadults": 4721, - "Ġpseud": 4722, - "Ġalle": 4723, - "Ġworks": 4724, - "Ġconsumption": 4725, - "ipher": 4726, - "cm": 4727, - "cast": 4728, - "Ġnanopar": 4729, - "Ïī": 4730, - "Ġecon": 4731, - "ynamics": 4732, - "Ġalter": 4733, - "Ġskin": 4734, - "Ġdiameter": 4735, - "GC": 4736, - "ĠSign": 4737, - "vial": 4738, - "Ġglucose": 4739, - "ĠNorth": 4740, - "otox": 4741, - "Ġprote": 4742, - "dx": 4743, - "ĠCr": 4744, - "Ġfract": 4745, - "Ġinside": 4746, - "Ġstatic": 4747, - "wid": 4748, - "Ġstorage": 4749, - "ĠAL": 4750, - "ĠMark": 4751, - "ĠAT": 4752, - "Ġsensitive": 4753, - "Ġads": 4754, - "Ġedges": 4755, - "ana": 4756, - "Re": 4757, - "Ġsummar": 4758, - "ĠAND": 4759, - "Ġremaining": 4760, - "ditionally": 4761, - "Ġmid": 4762, - "ĠTheory": 4763, - "MC": 4764, - "Ġflex": 4765, - "oly": 4766, - "Ġdegradation": 4767, - "Ġintr": 4768, - "ota": 4769, - "isms": 4770, - "Ġampl": 4771, - "ĠAre": 4772, - "Ġworking": 4773, - "Ġdiversity": 4774, - "Ġtensor": 4775, - "Ġbinary": 4776, - "\"\"\"": 4777, - "vals": 4778, - "Ġhem": 4779, - "ML": 4780, - "Ġμg": 4781, - "neq": 4782, - "ensities": 4783, - "Ġtakes": 4784, - "Ġcharg": 4785, - "Ġintervention": 4786, - "Ġalb": 4787, - "Ġqual": 4788, - "Ġmentioned": 4789, - "Ġones": 4790, - "ĠAccording": 4791, - "illed": 4792, - "OH": 4793, - "Sup": 4794, - "Ġgalaxies": 4795, - "aily": 4796, - "Ġrule": 4797, - "Ġcognitive": 4798, - "hern": 4799, - "Ġrecognition": 4800, - "Ġbuffer": 4801, - "Ġmarg": 4802, - "ĠNi": 4803, - "ĠâĪļ": 4804, - "Ġclin": 4805, - "Ġintegration": 4806, - "Ġsin": 4807, - "ĠAlso": 4808, - "Ġmachine": 4809, - "wr": 4810, - "idity": 4811, - "Ġsubsequent": 4812, - "Fe": 4813, - "Ġnames": 4814, - "ather": 4815, - "ĠCy": 4816, - "Ġmetabolism": 4817, - "Ġreactions": 4818, - "Ġiter": 4819, - "Ġnoted": 4820, - "Ġcauses": 4821, - "ĠHamilton": 4822, - "go": 4823, - "Ġrare": 4824, - "VA": 4825, - "ĠMy": 4826, - "vol": 4827, - "asure": 4828, - "Ġsignificance": 4829, - "ĠNone": 4830, - "Ġvehic": 4831, - "SR": 4832, - "Ġvariability": 4833, - "ĠDevelop": 4834, - "aren": 4835, - "Ġpromot": 4836, - "ards": 4837, - "Ġcomputational": 4838, - "Ġshall": 4839, - "izations": 4840, - "ĠHydrogen": 4841, - "Ġproliferation": 4842, - "Ġcoupled": 4843, - "chron": 4844, - "Ġconvergence": 4845, - "Ġgast": 4846, - "Ġcalculate": 4847, - "raft": 4848, - "paration": 4849, - "heric": 4850, - "ĠPC": 4851, - "plate": 4852, - "ptions": 4853, - "ĠAlgorithm": 4854, - "Ġresulted": 4855, - "DE": 4856, - "Ġinvestigation": 4857, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 4858, - "olation": 4859, - "Ġtasks": 4860, - "Ġleg": 4861, - "iness": 4862, - "Ġemployed": 4863, - "On": 4864, - "Ġexperi": 4865, - "Ġtraject": 4866, - "GA": 4867, - "Ġpurpose": 4868, - "ĠNum": 4869, - "Ġcompletely": 4870, - "that": 4871, - "ĠOptim": 4872, - "Ġformal": 4873, - "eck": 4874, - "ĠProtein": 4875, - "Ġgoal": 4876, - "Ġthroughout": 4877, - "Ġconsidering": 4878, - "Ġreflect": 4879, - "treated": 4880, - "oration": 4881, - "ribution": 4882, - "Ġtherapeutic": 4883, - "Ġfinding": 4884, - "UN": 4885, - "Then": 4886, - "ilities": 4887, - "Ġunknown": 4888, - "overed": 4889, - "Ġvertex": 4890, - "Ġexchange": 4891, - "Ġdrugs": 4892, - "ĠCP": 4893, - "Ġinstr": 4894, - "Ġsymmetric": 4895, - "ĠDep": 4896, - "Ġconstructed": 4897, - "Ġprevalence": 4898, - "Ġdecreases": 4899, - "ĠmiR": 4900, - "Ġyet": 4901, - "Ġbox": 4902, - "graph": 4903, - "widehat": 4904, - "alian": 4905, - "ufact": 4906, - "LR": 4907, - "cription": 4908, - "Ġnp": 4909, - "ĠCharacter": 4910, - "Ġepid": 4911, - "ν": 4912, - "Ġstages": 4913, - "Ġsay": 4914, - "ĠDuring": 4915, - "atur": 4916, - "ientif": 4917, - "abric": 4918, - "ü": 4919, - "ament": 4920, - "inations": 4921, - "Ġsolar": 4922, - "Ġdiscrete": 4923, - "ĠEr": 4924, - "ĠGeneral": 4925, - "bal": 4926, - "ĠCent": 4927, - "uel": 4928, - "Ġmixture": 4929, - "Ġwidely": 4930, - "ĠSecond": 4931, - "Ġresources": 4932, - "ĠAppro": 4933, - "ĠIR": 4934, - "Ġstring": 4935, - "opro": 4936, - "Ġinner": 4937, - "ĠComplex": 4938, - "OP": 4939, - "Ġatoms": 4940, - "Ġphases": 4941, - "Ġdomains": 4942, - "ada": 4943, - "Ġcountries": 4944, - "acet": 4945, - "ociation": 4946, - "izer": 4947, - "Ġitself": 4948, - "Ġminimal": 4949, - "ĠControl": 4950, - "ttp": 4951, - "Ġbottom": 4952, - "ball": 4953, - "ĠMay": 4954, - "dev": 4955, - "now": 4956, - "ember": 4957, - "Ġpercentage": 4958, - "ĠOther": 4959, - "omas": 4960, - "Ġled": 4961, - "Res": 4962, - "ĠEng": 4963, - "kg": 4964, - "Ġfrequencies": 4965, - "kin": 4966, - "Ġincidence": 4967, - "Ġanimal": 4968, - "Ġadop": 4969, - "Ġidentity": 4970, - "ĠRT": 4971, - "Ġyoung": 4972, - "istent": 4973, - "weight": 4974, - "gu": 4975, - "Ġseason": 4976, - "Ġexplained": 4977, - "ĠUnder": 4978, - "iotic": 4979, - "well": 4980, - "Ġmetabolic": 4981, - "gical": 4982, - "±": 4983, - "Theorem": 4984, - "ades": 4985, - "plicated": 4986, - "Ġcontained": 4987, - "Ġsulf": 4988, - "Ġcool": 4989, - "Ġperson": 4990, - "Ïģ": 4991, - "Ġpix": 4992, - "ĠSal": 4993, - "link": 4994, - "ini": 4995, - "tual": 4996, - "SH": 4997, - "ged": 4998, - "ky": 4999, - "asts": 5000, - "ercise": 5001, - "ĠHar": 5002, - "Ġrelax": 5003, - "equiv": 5004, - "Ġyour": 5005, - "Ġunderg": 5006, - "Ġrecovery": 5007, - "Ġcomm": 5008, - "Ġdenotes": 5009, - "formed": 5010, - "aria": 5011, - "etic": 5012, - "Ġtumors": 5013, - "ĠHy": 5014, - "Ġmarkers": 5015, - "Ġplaced": 5016, - "olute": 5017, - "Ġwaves": 5018, - "Ġuncertainty": 5019, - "Ġcontribute": 5020, - "ĠHist": 5021, - "Ġaver": 5022, - "Ġfav": 5023, - "Ġpow": 5024, - "ĠSee": 5025, - "Ġteam": 5026, - "Ġscales": 5027, - "ientific": 5028, - "ierarch": 5029, - "Ġearlier": 5030, - "Ġsatisfies": 5031, - "Ġcrystal": 5032, - "Ġpregn": 5033, - "Ġobserve": 5034, - "Ġonline": 5035, - "Ġcontributions": 5036, - "ogram": 5037, - "ĠMa": 5038, - "Ġfrac": 5039, - "Ġspread": 5040, - "Ġonce": 5041, - "det": 5042, - "Ġrespond": 5043, - "Ġplatform": 5044, - "Ġinflammatory": 5045, - "utive": 5046, - "ĠSumm": 5047, - "place": 5048, - "Ġions": 5049, - "Ġwindow": 5050, - "axis": 5051, - "estinal": 5052, - "Ġdepending": 5053, - "Ġseparation": 5054, - "Ġforward": 5055, - "ĠTi": 5056, - "Ġglass": 5057, - "Ġaccept": 5058, - "Ġfeedback": 5059, - "Ġonto": 5060, - "ME": 5061, - "merc": 5062, - "unctional": 5063, - "Ġapoptosis": 5064, - "ĠProperty": 5065, - "Ġintegrated": 5066, - "Ġorb": 5067, - "Ġdeviation": 5068, - "Ġantibodies": 5069, - "Ġremoved": 5070, - "Ġlipid": 5071, - "armac": 5072, - "Ġarbitrary": 5073, - "agger": 5074, - "Ġembry": 5075, - "Ġgrain": 5076, - "Ġdrop": 5077, - "Ġstarting": 5078, - "Ġrelationships": 5079, - "ĠÏĩ": 5080, - "SF": 5081, - "Ġsimply": 5082, - "Ġfacilit": 5083, - "Ġzone": 5084, - "ils": 5085, - "Psi": 5086, - "Ġinequality": 5087, - "Keywords": 5088, - "Ġtoler": 5089, - "edge": 5090, - "Ġeasy": 5091, - "Ġalpha": 5092, - "Ġperf": 5093, - "width": 5094, - "init": 5095, - "Ġimplemented": 5096, - "CF": 5097, - "osity": 5098, - "ocyte": 5099, - "Ġproportion": 5100, - "rest": 5101, - "ĠSuper": 5102, - "Ġpref": 5103, - "Ġword": 5104, - "ev": 5105, - "Ġextent": 5106, - "Ġinjection": 5107, - "alled": 5108, - "ĠAnti": 5109, - "Ġbeta": 5110, - "ĠJan": 5111, - "ĠGa": 5112, - "ĠZhang": 5113, - "Ġiron": 5114, - "Ġquantitative": 5115, - "roc": 5116, - "Ġfall": 5117, - "Ġregarding": 5118, - "Ġfix": 5119, - "Ġdatasets": 5120, - "Ġtend": 5121, - "Ġscalar": 5122, - "Ġresidual": 5123, - "Ġratios": 5124, - "ĠΦ": 5125, - "king": 5126, - "Ġinflammation": 5127, - "Ġsingular": 5128, - "ĠPark": 5129, - "omatic": 5130, - "unctions": 5131, - "Ġwar": 5132, - "ÍĴ": 5133, - "hemat": 5134, - "Ġface": 5135, - "ĠHu": 5136, - "Ġfundamental": 5137, - "Ġwavelength": 5138, - "eling": 5139, - "ĠSuch": 5140, - "RNAs": 5141, - "ct": 5142, - "Ġiden": 5143, - "cean": 5144, - "new": 5145, - "Type": 5146, - "ĠFormula": 5147, - "Ġmedic": 5148, - "ussion": 5149, - "Ġdistingu": 5150, - "Ġresonance": 5151, - "ATION": 5152, - "inear": 5153, - "Ġhyd": 5154, - "ln": 5155, - "âĨĴ": 5156, - "ĠUp": 5157, - "Ġactual": 5158, - "Ġadapt": 5159, - "hene": 5160, - "Ġmotor": 5161, - "list": 5162, - "abit": 5163, - "Ind": 5164, - "otal": 5165, - "Ġneighbor": 5166, - "ĠPT": 5167, - "gener": 5168, - "Ġpossibility": 5169, - "ergies": 5170, - "Ġseems": 5171, - "ĠUS": 5172, - "Ġimm": 5173, - "Ġtypically": 5174, - "Ġsimulated": 5175, - "ĠSystems": 5176, - "ectiveness": 5177, - "rying": 5178, - "Ġkinase": 5179, - "Ġdecomposition": 5180, - "ateral": 5181, - "Ġrotation": 5182, - "pendix": 5183, - "enn": 5184, - "att": 5185, - "vate": 5186, - "Ġtargets": 5187, - "Ġsituation": 5188, - "Ġinvolve": 5189, - "Ġcreated": 5190, - "hesized": 5191, - "Ġalone": 5192, - "ci": 5193, - "ĠmL": 5194, - "Ġdivided": 5195, - "Ġbulk": 5196, - "oin": 5197, - "HC": 5198, - "Ġarm": 5199, - "LO": 5200, - "ills": 5201, - "Ġmedian": 5202, - "ham": 5203, - "imer": 5204, - "flu": 5205, - "Ġfiber": 5206, - "ĠSU": 5207, - "file": 5208, - "tivated": 5209, - "Ġradio": 5210, - "ĠNames": 5211, - "pe": 5212, - "Ġoste": 5213, - "Ġelim": 5214, - "Ġsuscepti": 5215, - "rehens": 5216, - "Ġdiscussion": 5217, - "ĠSep": 5218, - "Ġarchitecture": 5219, - "Ġdest": 5220, - "typ": 5221, - "rame": 5222, - "Ġpartition": 5223, - "Ġoccurred": 5224, - "Ġsizes": 5225, - "cles": 5226, - "Ġsched": 5227, - "Molecular": 5228, - "Ġκ": 5229, - "Ġinvas": 5230, - "cup": 5231, - "PCR": 5232, - "ĠSMILES": 5233, - "tially": 5234, - "oxide": 5235, - "ĠEd": 5236, - "Ġmanufact": 5237, - "ĠMaterial": 5238, - "Ġflat": 5239, - "Ġmutation": 5240, - "Ġintroduce": 5241, - "bound": 5242, - "Ġdisorders": 5243, - "regulated": 5244, - "ĠMor": 5245, - "Ġfalse": 5246, - "inger": 5247, - "ĠTR": 5248, - "Ġextrem": 5249, - "war": 5250, - "Ġsymbol": 5251, - "Ġanomal": 5252, - "ĠAR": 5253, - "Ġissues": 5254, - "Ġcoordinates": 5255, - "Ġreceptors": 5256, - "Ġprogression": 5257, - "ĠFl": 5258, - "ublic": 5259, - "Ġelectronic": 5260, - "Ġaspects": 5261, - "Ġdocument": 5262, - "flo": 5263, - "ĠPred": 5264, - "Ġgraphs": 5265, - "Ġtraditional": 5266, - "DM": 5267, - "Ġsafety": 5268, - "ĠDr": 5269, - "ĠSequ": 5270, - "Ġcomposite": 5271, - "ĠÎĽ": 5272, - "Ġresponsible": 5273, - "Ġgran": 5274, - "Ġintermediate": 5275, - "odium": 5276, - "posite": 5277, - "phase": 5278, - "dt": 5279, - "Ġweek": 5280, - "Ġdos": 5281, - "Ġstabil": 5282, - "LC": 5283, - "ĠKey": 5284, - "Ġvertices": 5285, - "Ġcomputer": 5286, - "ĠCanonical": 5287, - "Ġinvariant": 5288, - "emark": 5289, - "benz": 5290, - "Ġice": 5291, - "tile": 5292, - "zy": 5293, - "ĠOut": 5294, - "Ġmovement": 5295, - "Ġshif": 5296, - "leep": 5297, - "Ġdaily": 5298, - "Ġpositions": 5299, - "Ġhim": 5300, - "Ġcreate": 5301, - "Our": 5302, - "Ġresearc": 5303, - "Ġprogn": 5304, - "duct": 5305, - "Ġscreening": 5306, - "Ġchoose": 5307, - "process": 5308, - "mal": 5309, - "Ġlaboratory": 5310, - "Ġoperations": 5311, - "Ġtools": 5312, - "ologic": 5313, - "qquad": 5314, - "Ġcommonly": 5315, - "Ġvoid": 5316, - "Ġoccup": 5317, - "associated": 5318, - "Ġcorrelations": 5319, - "Ġcarcinoma": 5320, - "lin": 5321, - "Ġvideo": 5322, - "Ġheavy": 5323, - "Ġlargest": 5324, - "Ġmiddle": 5325, - "ĉĉĉĉ": 5326, - "ĠBas": 5327, - "asons": 5328, - "iding": 5329, - "Ġetc": 5330, - "ache": 5331, - "ĠEval": 5332, - "ira": 5333, - "romagnetic": 5334, - "Ġcovari": 5335, - "LI": 5336, - "Ġdele": 5337, - "Ġstra": 5338, - "amples": 5339, - "oder": 5340, - "Ġcategory": 5341, - "ĠInstit": 5342, - "Ġpolicy": 5343, - "Based": 5344, - "ibly": 5345, - "Ġdetermination": 5346, - "Ġrespir": 5347, - "otropic": 5348, - "Ġolder": 5349, - "ĠMal": 5350, - "Ġcytok": 5351, - "Ġdegrees": 5352, - "aut": 5353, - "illing": 5354, - "eting": 5355, - "Ġreduces": 5356, - "Ġideal": 5357, - "binding": 5358, - "ĠSpect": 5359, - "unit": 5360, - "Ġdiver": 5361, - "ĠWorld": 5362, - "Ġmarked": 5363, - "aly": 5364, - "Ġcomplexes": 5365, - "ĠSummary": 5366, - "Ġpropose": 5367, - "ĠAustr": 5368, - "Ġmaxim": 5369, - "Ġround": 5370, - "Ġinhibitor": 5371, - "Ġefficacy": 5372, - "actor": 5373, - "bur": 5374, - "Ġtransf": 5375, - "ĠGal": 5376, - "Ġproved": 5377, - "ĠDefined": 5378, - "At": 5379, - "Ġselect": 5380, - "Ġnanoparticles": 5381, - "Wh": 5382, - "ken": 5383, - "ĠSP": 5384, - "enge": 5385, - "Ġdelivery": 5386, - "Ġdisorder": 5387, - "ĠInChI": 5388, - "ĠComparison": 5389, - "ifying": 5390, - "ĠMechan": 5391, - "Ġconclude": 5392, - "Ġrepeated": 5393, - "ellow": 5394, - "ĠÃĢ": 5395, - "CI": 5396, - "ĠHz": 5397, - "analysis": 5398, - "Tr": 5399, - "ÃŃ": 5400, - "elihood": 5401, - "Ġexpand": 5402, - "ĠDevelopment": 5403, - "ĠState": 5404, - "Ġtet": 5405, - "ffic": 5406, - "Ġparent": 5407, - "Ġscenario": 5408, - "rs": 5409, - "ĠWhat": 5410, - "âī": 5411, - "Ġstimulation": 5412, - "ĠObs": 5413, - "zero": 5414, - "Ġmanner": 5415, - "ashed": 5416, - "ĠLog": 5417, - "Ġoxide": 5418, - "phosph": 5419, - "Ġmigration": 5420, - "Ġsubgroup": 5421, - "rosis": 5422, - "ipp": 5423, - "DR": 5424, - "dec": 5425, - "osomal": 5426, - "Ġsegment": 5427, - "ogenous": 5428, - "FP": 5429, - "hand": 5430, - "ĠSurface": 5431, - "itz": 5432, - "Ġcrystall": 5433, - "this": 5434, - "Ġbuilding": 5435, - "tag": 5436, - "Ġreducing": 5437, - "Ġuns": 5438, - "Ġrecomb": 5439, - "Ġcam": 5440, - "Ġlimits": 5441, - "ocardi": 5442, - "&&": 5443, - "Ġseparate": 5444, - "Ġsupplement": 5445, - "kele": 5446, - "Ġgrad": 5447, - "Ġissue": 5448, - "ĠQuantum": 5449, - "Ġcurrently": 5450, - "Ġquite": 5451, - "EP": 5452, - "Ġrules": 5453, - "Ġweights": 5454, - "uary": 5455, - "illi": 5456, - "Ġbecame": 5457, - "ó": 5458, - "Ġnormalized": 5459, - "ĠNetworks": 5460, - "erved": 5461, - "Ġstatistics": 5462, - "ĠTime": 5463, - "ĠUV": 5464, - "Ġcav": 5465, - "used": 5466, - "Ġfish": 5467, - "Ġmajority": 5468, - "ĠPe": 5469, - "Ġcohort": 5470, - "Ġsemi": 5471, - "Ġgame": 5472, - "monary": 5473, - "MM": 5474, - "oded": 5475, - "Ġvent": 5476, - "Ġauto": 5477, - "Ġabundance": 5478, - "nov": 5479, - "Ġasymptotic": 5480, - "Ġtreatments": 5481, - "uly": 5482, - "Ġconstraint": 5483, - "Ġbey": 5484, - "ĠSO": 5485, - "Ġstd": 5486, - "Ġdeveloping": 5487, - "ĠNot": 5488, - "Lemma": 5489, - "Ġapparent": 5490, - "Ġcircuit": 5491, - "From": 5492, - "ĠEuropean": 5493, - "Ġsolve": 5494, - "ĠÍij": 5495, - "ux": 5496, - "Ġbeyond": 5497, - "ept": 5498, - "Ġappe": 5499, - "requency": 5500, - "Ġvacu": 5501, - "ĠIndeed": 5502, - "ĠChemical": 5503, - "ĠUndefined": 5504, - "Note": 5505, - "Ġnull": 5506, - "Ġinverse": 5507, - "Ġnamely": 5508, - "Ġshear": 5509, - "mL": 5510, - "All": 5511, - "Rec": 5512, - "Ġgeneralized": 5513, - "ranes": 5514, - "ĠTest": 5515, - "iling": 5516, - "Ġfluorescence": 5517, - "ĠΣ": 5518, - "Ġindepend": 5519, - "diff": 5520, - "Ġproviding": 5521, - "phenyl": 5522, - "hing": 5523, - "Ġviral": 5524, - "ĠBecause": 5525, - "Ġintrac": 5526, - "ĠHig": 5527, - "Ġwant": 5528, - "Ġprinciple": 5529, - "anol": 5530, - "Ġha": 5531, - "ovascular": 5532, - "Ġformer": 5533, - "Ġestablish": 5534, - "Ġadvantage": 5535, - "III": 5536, - "Ġsequencing": 5537, - "Ġprocedures": 5538, - "tra": 5539, - "index": 5540, - "fe": 5541, - "Ġpi": 5542, - "Ġobvious": 5543, - "Ġregime": 5544, - "sur": 5545, - "Ġpresents": 5546, - "Ġdisplac": 5547, - "Ġdecl": 5548, - "ĠAppendix": 5549, - "Ġinteract": 5550, - "lands": 5551, - "inate": 5552, - "omorphic": 5553, - "Ġlowest": 5554, - "Ġartif": 5555, - "Ġinvolving": 5556, - "Ġcommerc": 5557, - "Ġdop": 5558, - "Ġconform": 5559, - "ĠIg": 5560, - "rolog": 5561, - "vised": 5562, - "Ġflo": 5563, - "Ġcardiac": 5564, - "pts": 5565, - "rig": 5566, - "Ġensure": 5567, - "Ġaccumulation": 5568, - "Ġentropy": 5569, - "Ġidea": 5570, - "perature": 5571, - "Ġquestions": 5572, - "ĠPR": 5573, - "Ġstatistically": 5574, - "dagger": 5575, - "Ġnitrogen": 5576, - "scr": 5577, - "ĠDiscussion": 5578, - "Ġreports": 5579, - "Ġpulse": 5580, - "Ġrequirements": 5581, - "Ġcomparing": 5582, - "quired": 5583, - "layer": 5584, - "Ġspectroscopy": 5585, - "vironments": 5586, - "Ġscaling": 5587, - "Ġexposed": 5588, - "MB": 5589, - "ξ": 5590, - "Ġhole": 5591, - "Ġá": 5592, - "Ġsimilarity": 5593, - "Ġvariants": 5594, - "body": 5595, - "Ġkeep": 5596, - "ĠCancer": 5597, - "edi": 5598, - "osomes": 5599, - "Ç«": 5600, - "Ad": 5601, - "âĪŀ": 5602, - "monic": 5603, - "ging": 5604, - "split": 5605, - "know": 5606, - "Ġrough": 5607, - "hematical": 5608, - "vision": 5609, - "Ġded": 5610, - "Ġcycles": 5611, - "Ġfamil": 5612, - "Ġadministration": 5613, - "etal": 5614, - "Ġcoron": 5615, - "Ġinfections": 5616, - "Ġmacroph": 5617, - "atics": 5618, - "Ġpredictions": 5619, - "isher": 5620, - "erent": 5621, - "reted": 5622, - "include": 5623, - "Ġclimate": 5624, - "sec": 5625, - "========": 5626, - "ĠMS": 5627, - "Ġcompe": 5628, - "ratic": 5629, - "lig": 5630, - "poses": 5631, - "Ġpolarization": 5632, - "llip": 5633, - "derived": 5634, - "Ġreleased": 5635, - "Ġconnection": 5636, - "lic": 5637, - "Ġcoli": 5638, - "Ġoutside": 5639, - "Ġabsolute": 5640, - "esian": 5641, - "ĠEnd": 5642, - "ĠOf": 5643, - "Ġidentical": 5644, - "Ġmodule": 5645, - "Ġmitochondrial": 5646, - "Ġadvanced": 5647, - "ingly": 5648, - "formance": 5649, - "Ġtoward": 5650, - "uding": 5651, - "ek": 5652, - "Ġmeaning": 5653, - "crib": 5654, - "ulator": 5655, - "FN": 5656, - "key": 5657, - "cons": 5658, - "Ġapplying": 5659, - "ishes": 5660, - "Ġmamm": 5661, - "Ġderivatives": 5662, - "Ġorientation": 5663, - "Ġstochastic": 5664, - "ĠAug": 5665, - "Ġrenal": 5666, - "ĠGreen": 5667, - "Ġcomplement": 5668, - "obl": 5669, - "pirical": 5670, - "orts": 5671, - "BM": 5672, - "Ġexcess": 5673, - "Ġmorphology": 5674, - "Ġsound": 5675, - "ifier": 5676, - "Ġimplications": 5677, - "ĠDesign": 5678, - "approx": 5679, - "prop": 5680, - "Ġcandidate": 5681, - "Ġdepos": 5682, - "Ġequip": 5683, - "ustain": 5684, - "inese": 5685, - "etry": 5686, - "Ġpotentially": 5687, - "Ġstraight": 5688, - "Ġcruc": 5689, - "iology": 5690, - "Ġkernel": 5691, - "Ġalcoh": 5692, - "idden": 5693, - "return": 5694, - "Ġcorrection": 5695, - "rot": 5696, - "Ġmicroscopy": 5697, - "Ġfoot": 5698, - "GL": 5699, - "ĠCells": 5700, - "irth": 5701, - "yg": 5702, - "ĠPath": 5703, - "outhern": 5704, - "ĠLong": 5705, - "Ġrevers": 5706, - "ε": 5707, - "arse": 5708, - "Ġcereb": 5709, - "isted": 5710, - "Ġpuls": 5711, - "Ġdisk": 5712, - "itud": 5713, - "Ġdu": 5714, - "Ġangular": 5715, - "chem": 5716, - "length": 5717, - "Ġexactly": 5718, - "roke": 5719, - "uth": 5720, - "Ġcond": 5721, - "insic": 5722, - "Ġrise": 5723, - "take": 5724, - "Ġtopological": 5725, - "Ġremark": 5726, - "ollary": 5727, - "Ġcer": 5728, - "TE": 5729, - "nment": 5730, - "Ġbuilt": 5731, - "Ġfre": 5732, - "Ġenergies": 5733, - "ecting": 5734, - "ĠTem": 5735, - "rared": 5736, - "ĠNow": 5737, - "charge": 5738, - "Ġlocations": 5739, - "Ġbalance": 5740, - "Ġla": 5741, - "Ġreached": 5742, - "lammatory": 5743, - "Ġfabric": 5744, - "ifications": 5745, - "Ġdiagnostic": 5746, - "Ġmutant": 5747, - "ĠNO": 5748, - "HD": 5749, - "ĠAB": 5750, - "Ġdiscrim": 5751, - "Ġprecip": 5752, - "ĠThree": 5753, - "Ġinser": 5754, - "Ġinfected": 5755, - "Ġconstants": 5756, - "Ω": 5757, - "negative": 5758, - "Ġconfidence": 5759, - "ĠPatients": 5760, - "ollowing": 5761, - "ads": 5762, - "Ġhypert": 5763, - "ĠInternational": 5764, - "Def": 5765, - "ariate": 5766, - "Ġintervals": 5767, - "Ġexercise": 5768, - "Ġeducation": 5769, - "Ġremoval": 5770, - "thern": 5771, - "ster": 5772, - "Ġinteger": 5773, - "ĠPA": 5774, - "Ġkid": 5775, - "Ġcategories": 5776, - "ĠGiven": 5777, - "Ġvascular": 5778, - "herence": 5779, - "mathscr": 5780, - "ĠRet": 5781, - "Ġinsulin": 5782, - "ticip": 5783, - "ĠCF": 5784, - "Ġlook": 5785, - "ymmetry": 5786, - "Ġforces": 5787, - "ĠPhysical": 5788, - "LS": 5789, - "care": 5790, - "Ġhouse": 5791, - "Ġinduce": 5792, - "Ġbelie": 5793, - "ria": 5794, - "ĠAssum": 5795, - "Ġcomputing": 5796, - "Ġbus": 5797, - "âĪİ": 5798, - "Ġpractical": 5799, - "train": 5800, - "TT": 5801, - "Ġplastic": 5802, - "ĠNor": 5803, - "Ġfeas": 5804, - "ĠHamiltonian": 5805, - "Ġtail": 5806, - "ĠZn": 5807, - "Ġinterpretation": 5808, - "ducing": 5809, - "Is": 5810, - "Ġexamine": 5811, - "ulates": 5812, - "Ġmatch": 5813, - "ĠÄ": 5814, - "ives": 5815, - "ameters": 5816, - "ĠμM": 5817, - "Ġexhibit": 5818, - "Ġnit": 5819, - "oto": 5820, - "ĠClinical": 5821, - "ervation": 5822, - "ĠAdditionally": 5823, - "arant": 5824, - "Ġelastic": 5825, - "DA": 5826, - "otopic": 5827, - "Ġactivated": 5828, - "Ġter": 5829, - "Ġconsequence": 5830, - "Ġendot": 5831, - "ophag": 5832, - "Ġcomparable": 5833, - "Ġdominant": 5834, - "η": 5835, - "Ġvalidation": 5836, - "Im": 5837, - "ĠÅ": 5838, - "Ġleaf": 5839, - "Ġfung": 5840, - "taining": 5841, - "Ġunivers": 5842, - "Ġphyl": 5843, - "Ġlibr": 5844, - "Ġextra": 5845, - "Ġprint": 5846, - "mediately": 5847, - "Ġmaximal": 5848, - "idae": 5849, - "Ġoral": 5850, - "bin": 5851, - "Ġpeptide": 5852, - "ĠMax": 5853, - "arp": 5854, - "Ġconclusion": 5855, - "Ġsatisfy": 5856, - "Ġanalyze": 5857, - "ois": 5858, - "Ġinfer": 5859, - "Ġdraw": 5860, - "Ġdepression": 5861, - "Ġmetall": 5862, - "Ġposterior": 5863, - "Ġpeaks": 5864, - "sol": 5865, - "Ġhorizontal": 5866, - "Ġlateral": 5867, - "ĠOR": 5868, - "NN": 5869, - "Ġemo": 5870, - "PV": 5871, - "TA": 5872, - "Ġincubated": 5873, - "Ġretrie": 5874, - "Ġhumans": 5875, - "Ġri": 5876, - "Ġsoci": 5877, - "onia": 5878, - "Ġinterven": 5879, - "Ġvarying": 5880, - "Ġsti": 5881, - "ĠImmun": 5882, - "Ġonset": 5883, - "Ġleaves": 5884, - "Ġotherwise": 5885, - "Ġblocks": 5886, - "Ġassigned": 5887, - "SCs": 5888, - "Ġbios": 5889, - "Ġmixing": 5890, - "ara": 5891, - "li": 5892, - "Ġdeformation": 5893, - "Ġcosts": 5894, - "Ġperipher": 5895, - "ĠTra": 5896, - "Ġatomic": 5897, - "Ġrandomly": 5898, - "Ġargument": 5899, - "Ġitems": 5900, - "Ġsuff": 5901, - "Ġprobably": 5902, - "ners": 5903, - "Ġinhibitors": 5904, - "Ġbeh": 5905, - "ĠDeep": 5906, - "Ġpig": 5907, - "ĠType": 5908, - "ĠMost": 5909, - "ura": 5910, - "itudinal": 5911, - "Ġderivative": 5912, - "Ġexplore": 5913, - "ĠInformation": 5914, - "Ġgrap": 5915, - "ĠÎĶ": 5916, - "Ġprogress": 5917, - "****************": 5918, - "Ġul": 5919, - "ARS": 5920, - "oral": 5921, - "ostic": 5922, - "Com": 5923, - "ĠExternal": 5924, - "ĠStatistical": 5925, - "ĠRam": 5926, - "ĠLo": 5927, - "Ġelectrical": 5928, - "long": 5929, - "Net": 5930, - "ENT": 5931, - "va": 5932, - "ä": 5933, - "urations": 5934, - "Ġdesired": 5935, - "iring": 5936, - "Ġphysics": 5937, - "Ġmasses": 5938, - "ki": 5939, - "Ġbands": 5940, - "Ġalk": 5941, - "ĠSimilarly": 5942, - "Ġsurround": 5943, - "Ġconvex": 5944, - "oster": 5945, - "Ġlinked": 5946, - "Ġfocused": 5947, - "Ġhot": 5948, - "Ġmatching": 5949, - "Ġoxidation": 5950, - "Ġanten": 5951, - "miss": 5952, - "Ġmental": 5953, - "ille": 5954, - "iciency": 5955, - "ĠLiu": 5956, - "Ġprobe": 5957, - "ĠEstim": 5958, - "Ġindices": 5959, - "che": 5960, - "ĠRob": 5961, - "Ġconv": 5962, - "ĠVer": 5963, - "apse": 5964, - "Si": 5965, - "phal": 5966, - "Ġlesions": 5967, - "Ġmolecule": 5968, - "Ġadi": 5969, - "Ġdate": 5970, - "Ġcomposed": 5971, - "Ġaud": 5972, - "structure": 5973, - "oton": 5974, - "infor": 5975, - "Ġclustering": 5976, - "acent": 5977, - "star": 5978, - "PO": 5979, - "ĠChinese": 5980, - "Ġspecifically": 5981, - "erential": 5982, - "Ġcapture": 5983, - "ĠLow": 5984, - "Ġfine": 5985, - "Ġfemales": 5986, - "ĠHow": 5987, - "Ġaer": 5988, - "vector": 5989, - "portun": 5990, - "forms": 5991, - "zo": 5992, - "Ġprecision": 5993, - "ypt": 5994, - "Ġminutes": 5995, - "κ": 5996, - "Ġoxidative": 5997, - "conn": 5998, - "ensus": 5999, - "Ġtrace": 6000, - "Ġconjug": 6001, - "Ġhighlight": 6002, - "ss": 6003, - "ĠExperimental": 6004, - "ĠThat": 6005, - "artment": 6006, - "MO": 6007, - "''": 6008, - "ometer": 6009, - "Ġstop": 6010, - "Ġrib": 6011, - "Ġouter": 6012, - "rh": 6013, - "ript": 6014, - "Ġfluctuations": 6015, - "obs": 6016, - "non": 6017, - "Ġquark": 6018, - "Ġð": 6019, - "ĠMac": 6020, - "Ġperiods": 6021, - "rolled": 6022, - "AV": 6023, - "ĠOc": 6024, - "ĠImage": 6025, - "ĠBel": 6026, - "Ġpropagation": 6027, - "ĠDon": 6028, - "www": 6029, - "glish": 6030, - "Ġexhibited": 6031, - "ogeneity": 6032, - "ĠBack": 6033, - "Ġactions": 6034, - "ski": 6035, - "ĠAmong": 6036, - "Ġbrief": 6037, - "riers": 6038, - "ĠNF": 6039, - "positive": 6040, - "sequently": 6041, - "ulence": 6042, - "Ġenvironments": 6043, - "Ġcurv": 6044, - "omics": 6045, - "Ġbit": 6046, - "Ġgel": 6047, - "Ġrepresentations": 6048, - "Ġaway": 6049, - "ĠField": 6050, - "obic": 6051, - "CG": 6052, - "Ġcomprehens": 6053, - "Ġhierarch": 6054, - "Ġinduces": 6055, - "BD": 6056, - "Ġhapp": 6057, - "Ġeight": 6058, - "Ġgravity": 6059, - "Ġadaptive": 6060, - "BL": 6061, - "genic": 6062, - "Ġinstruc": 6063, - "Ġanalytical": 6064, - "ĠOx": 6065, - "ĠCON": 6066, - "Ġsurgical": 6067, - "Ġdip": 6068, - "ato": 6069, - "Ġrandomized": 6070, - "Ġroles": 6071, - "dep": 6072, - "ĠâĪĩ": 6073, - "chang": 6074, - "Ġdispersion": 6075, - "Ġseparated": 6076, - "ĠOrgan": 6077, - "ĠVi": 6078, - "ĠJohn": 6079, - "Ġannot": 6080, - "Ġresource": 6081, - "energy": 6082, - "relation": 6083, - "mean": 6084, - "ĠBen": 6085, - "Ġconfirm": 6086, - "With": 6087, - "Ġinfinite": 6088, - "ĠScience": 6089, - "Ġsuccessfully": 6090, - "Ġlocalization": 6091, - "mode": 6092, - "https": 6093, - "gebras": 6094, - "idelines": 6095, - "Ġeffectiveness": 6096, - "hyd": 6097, - "Ġsaid": 6098, - "ico": 6099, - "Ġtransitions": 6100, - "eding": 6101, - "Ġprograms": 6102, - "Ġmobile": 6103, - "Ġimmediately": 6104, - "ectivity": 6105, - "ĠTherm": 6106, - "ogenetic": 6107, - "Ġseven": 6108, - "Ġemph": 6109, - "GE": 6110, - "neum": 6111, - "Ġfusion": 6112, - "limits": 6113, - "Ġcalcium": 6114, - "raf": 6115, - "minus": 6116, - "Ġtrap": 6117, - "Ġspecimens": 6118, - "ancing": 6119, - "ĠMarch": 6120, - "Ġten": 6121, - "Ġfamilies": 6122, - "ĠHD": 6123, - "isons": 6124, - "Ġpreparation": 6125, - "hold": 6126, - "ether": 6127, - "ĠVol": 6128, - "ĠDise": 6129, - "Ġrunning": 6130, - "Ġqualit": 6131, - "Ġeffectively": 6132, - "fficiently": 6133, - "BI": 6134, - "Ġdenoted": 6135, - "ĠEquation": 6136, - "Ġdemand": 6137, - "itory": 6138, - "aching": 6139, - "Ġsodium": 6140, - "Ġreproduc": 6141, - "cho": 6142, - "Ġbil": 6143, - "Pi": 6144, - "umb": 6145, - "Ġreconstruction": 6146, - "forward": 6147, - "One": 6148, - "Ġconversion": 6149, - "Ġformulation": 6150, - "Ġnearly": 6151, - "ĠLag": 6152, - "Str": 6153, - "terior": 6154, - "Ġoperating": 6155, - "andom": 6156, - "Ġmoving": 6157, - "ĠReview": 6158, - "////": 6159, - "nai": 6160, - "pp": 6161, - "otide": 6162, - "label": 6163, - "ococc": 6164, - "Ġnever": 6165, - "aker": 6166, - "Ġdigital": 6167, - "Bl": 6168, - "Un": 6169, - "Ġmember": 6170, - "sel": 6171, - "Ġpotenti": 6172, - "Ġcopy": 6173, - "Ġelectrons": 6174, - "chlor": 6175, - "annel": 6176, - "ylind": 6177, - "Ġmis": 6178, - "ĠSet": 6179, - "Ġnutri": 6180, - "Ġdescribes": 6181, - "Ġassumptions": 6182, - "Ġvirtual": 6183, - "Ġcoordinate": 6184, - "Ġvor": 6185, - "ĠArab": 6186, - "ĠImp": 6187, - "Ġdeposition": 6188, - "Ġinstit": 6189, - "Ġrepresentative": 6190, - "everal": 6191, - "Ġmillion": 6192, - "ĠMA": 6193, - "Ġmales": 6194, - "Ġcrucial": 6195, - "Ġcold": 6196, - "Ġloading": 6197, - "Ġtranslation": 6198, - "Ġstead": 6199, - "rays": 6200, - "Ġchallenge": 6201, - "activity": 6202, - "idal": 6203, - "uff": 6204, - "Ġseem": 6205, - "Ġnational": 6206, - "Ġfa": 6207, - "Ġminor": 6208, - "Ġundergo": 6209, - "cr": 6210, - "Ġcapt": 6211, - "ele": 6212, - "uple": 6213, - "ĠMg": 6214, - "lege": 6215, - "GR": 6216, - "Ġrig": 6217, - "Ġarri": 6218, - "Ġdetector": 6219, - "Ġstrict": 6220, - "Ġadhes": 6221, - "Ġsea": 6222, - "theless": 6223, - "Ġsleep": 6224, - "ĠCommun": 6225, - "Ġantioxid": 6226, - "Ġmarker": 6227, - "Ġflows": 6228, - "ancre": 6229, - "ĠJanuary": 6230, - "input": 6231, - "UP": 6232, - "Ġstored": 6233, - "ading": 6234, - "itively": 6235, - "Ġslope": 6236, - "Ġshell": 6237, - "Ġelevated": 6238, - "ilk": 6239, - "Ġfrequently": 6240, - "Ġball": 6241, - "urban": 6242, - "Ġml": 6243, - "usive": 6244, - "ĠAnt": 6245, - "amino": 6246, - "Sim": 6247, - "Ġphysiological": 6248, - "regulation": 6249, - "esity": 6250, - "Ġexplan": 6251, - "Ġaden": 6252, - "reme": 6253, - "Ġdiffer": 6254, - "Ġmodification": 6255, - "Ġirradi": 6256, - "He": 6257, - "acial": 6258, - "Ġsuppress": 6259, - "quis": 6260, - "Ġdry": 6261, - "erated": 6262, - "Ġprojection": 6263, - "Ġpool": 6264, - "plete": 6265, - "Ġdirections": 6266, - "Ġchanged": 6267, - "ĠIts": 6268, - "Ġster": 6269, - "Ġradial": 6270, - "Ġgr": 6271, - "Ġperiodic": 6272, - "Ġbin": 6273, - "Ġpip": 6274, - "men": 6275, - "then": 6276, - "pc": 6277, - "amily": 6278, - "ĠDM": 6279, - "Ġsediment": 6280, - "mi": 6281, - "Ġclosely": 6282, - "Ġrepair": 6283, - "Ġrespiratory": 6284, - "Ġhorm": 6285, - "Ans": 6286, - "dr": 6287, - "ls": 6288, - "Ġhomogeneous": 6289, - "etric": 6290, - "DS": 6291, - "Ġresidues": 6292, - "ĠValue": 6293, - "Fs": 6294, - "Ġwhy": 6295, - "Sp": 6296, - "Ġca": 6297, - "Ġnarrow": 6298, - "gent": 6299, - "Ġbr": 6300, - "Ġquasi": 6301, - "Ġpict": 6302, - "mo": 6303, - "Ġatom": 6304, - "Ġhabit": 6305, - "Ġlimitations": 6306, - "conduc": 6307, - "Ġshock": 6308, - "ceptor": 6309, - "ĠDetection": 6310, - "Sh": 6311, - "ube": 6312, - "Ġellip": 6313, - "UR": 6314, - "Ġstaining": 6315, - "Ġrapidly": 6316, - "ĠBur": 6317, - "ĠBro": 6318, - "Ġuptake": 6319, - "Ġchallenges": 6320, - "SN": 6321, - "Ġanis": 6322, - "Ġbounds": 6323, - "step": 6324, - "omeric": 6325, - "tention": 6326, - "ĠEvaluation": 6327, - "Ġrecommend": 6328, - "Me": 6329, - "Ġmoderate": 6330, - "elled": 6331, - "Ġtit": 6332, - "ĠYang": 6333, - "Ġpharmac": 6334, - "inflammatory": 6335, - "ĠJune": 6336, - "Ġsensors": 6337, - "aired": 6338, - "Ġapproximate": 6339, - "SV": 6340, - "Ġbund": 6341, - "rc": 6342, - "oman": 6343, - "Ġvisible": 6344, - "Ġmeasuring": 6345, - "ogonal": 6346, - "ĠFourier": 6347, - "Ġtheories": 6348, - "Ġprofession": 6349, - "tained": 6350, - "atas": 6351, - "ĠInterest": 6352, - "param": 6353, - "ĠStructure": 6354, - "Ġliving": 6355, - "Data": 6356, - "ĠSM": 6357, - "Ġnet": 6358, - "Ġsimultaneously": 6359, - "continu": 6360, - "Ġshor": 6361, - "########": 6362, - "Ġdecreasing": 6363, - "Ġreferred": 6364, - "gg": 6365, - "Thus": 6366, - "Ġdro": 6367, - "pril": 6368, - "ĠPers": 6369, - "Ġencoding": 6370, - "Ġarc": 6371, - "Ġregulatory": 6372, - "Ġtrained": 6373, - "cepts": 6374, - "Ġrout": 6375, - "lys": 6376, - "Par": 6377, - "ĠUl": 6378, - "ĠGraph": 6379, - "âĪĤ": 6380, - "Ġirre": 6381, - "oidal": 6382, - "Ġexceed": 6383, - "Ġmostly": 6384, - "ĠPat": 6385, - "aternal": 6386, - "Ġer": 6387, - "Ġcoverage": 6388, - "FS": 6389, - "ĠRot": 6390, - "Ġclassified": 6391, - "Ġexcitation": 6392, - "Ġconductivity": 6393, - "Ġcommercial": 6394, - "ĠDel": 6395, - "ĠPolar": 6396, - "HR": 6397, - "Ġtraffic": 6398, - "zing": 6399, - "Ġsettings": 6400, - "Ġinclusion": 6401, - "Answer": 6402, - "Ġvit": 6403, - "vitational": 6404, - "Ġbind": 6405, - "Ġoc": 6406, - "ĠWestern": 6407, - "Ġprosp": 6408, - "Ġnorth": 6409, - "itch": 6410, - "ĠRiver": 6411, - "Ġvehicle": 6412, - "Ġlikelihood": 6413, - "LD": 6414, - "Ġinsp": 6415, - "âĪĨ": 6416, - "Ġleuk": 6417, - "ĠBre": 6418, - "Ġsynthetic": 6419, - "ĠGermany": 6420, - "ĠTheir": 6421, - "target": 6422, - "ĠEnglish": 6423, - "Ġnotation": 6424, - "ĠATP": 6425, - "ĠModels": 6426, - "Ġabnormal": 6427, - "ĠConclusions": 6428, - "Ġoccurrence": 6429, - "Ġmicrobi": 6430, - "ĠWar": 6431, - "tember": 6432, - "Ġlocally": 6433, - "born": 6434, - "Ġbarrier": 6435, - "Ġexpressions": 6436, - "oval": 6437, - "Ġflav": 6438, - "emble": 6439, - "Ġdynamical": 6440, - "Ġphoton": 6441, - "apped": 6442, - "Ġglut": 6443, - "Ġkinetic": 6444, - "Ġalcohol": 6445, - "Ġtransplant": 6446, - "LP": 6447, - "Ġdefault": 6448, - "Ġopportun": 6449, - "args": 6450, - "ĠDav": 6451, - "Ġfront": 6452, - "hom": 6453, - "Ġways": 6454, - "ĠAssociation": 6455, - "Ġkidney": 6456, - "Ġproportional": 6457, - "When": 6458, - "Ġepithelial": 6459, - "Ġfresh": 6460, - "Ġrecall": 6461, - "Ġenzymes": 6462, - "br": 6463, - "Ġmalign": 6464, - "textrm": 6465, - "ĠUse": 6466, - "Now": 6467, - "ĠLie": 6468, - "Ġimpair": 6469, - "Ġguarant": 6470, - "Ġinver": 6471, - "Ġtranscript": 6472, - "Ġsustain": 6473, - "Ġactually": 6474, - "alities": 6475, - "ĠMic": 6476, - "ĠIC": 6477, - "ĠMeasure": 6478, - "Ġ": 6479, - "Ġdensities": 6480, - "Ġgalaxy": 6481, - "Ġsufficiently": 6482, - "Ġorbit": 6483, - "ford": 6484, - "Ġpartially": 6485, - "ĠPy": 6486, - "Ġreverse": 6487, - "Ġsurve": 6488, - "ĠWork": 6489, - "Ġask": 6490, - "However": 6491, - "Ġsitu": 6492, - "Ġvacuum": 6493, - "tober": 6494, - "Ġspac": 6495, - "anth": 6496, - "Or": 6497, - "ags": 6498, - "Ġbig": 6499, - "herical": 6500, - "erge": 6501, - "ellite": 6502, - "Ġinvolves": 6503, - "ĠVis": 6504, - "Ġsummary": 6505, - "ĠSupplementary": 6506, - "ĠColl": 6507, - "Ġadjacent": 6508, - "ontaneous": 6509, - "abs": 6510, - "Ġresearchers": 6511, - "ka": 6512, - "Ġintern": 6513, - "Ġmonth": 6514, - "ĠNeural": 6515, - "apor": 6516, - "ĠNan": 6517, - "Ġstri": 6518, - "EE": 6519, - "Ġconsisting": 6520, - "Ġupdate": 6521, - "Ġphoto": 6522, - "Val": 6523, - "sens": 6524, - "Ġveget": 6525, - "BR": 6526, - "Ġcoinc": 6527, - "ĠJuly": 6528, - "tility": 6529, - "ĠExpression": 6530, - "Ġtopology": 6531, - "Ġgrowing": 6532, - "aptic": 6533, - "uced": 6534, - "Ġperipheral": 6535, - "enes": 6536, - "Ġplots": 6537, - "Ġexplo": 6538, - "Ġwor": 6539, - "ba": 6540, - "atitis": 6541, - "ief": 6542, - "wave": 6543, - "Ġprotection": 6544, - "Ġdefects": 6545, - "Ġadsorption": 6546, - "Ġshared": 6547, - "Ġstellar": 6548, - "ĠBa": 6549, - "ĠEnergy": 6550, - "queous": 6551, - "ĠAugust": 6552, - "Ġlys": 6553, - "Ġplus": 6554, - "irel": 6555, - "ĠGP": 6556, - "ĠNeu": 6557, - "dist": 6558, - "gers": 6559, - "ifer": 6560, - "isp": 6561, - "Ġstrat": 6562, - "ione": 6563, - "ĠMaterials": 6564, - "Ġln": 6565, - "Ġpulmonary": 6566, - "ened": 6567, - "plan": 6568, - "Mod": 6569, - "Ġorganization": 6570, - "Ġrelaxation": 6571, - "Ġcortex": 6572, - "Ġmodulation": 6573, - "ogl": 6574, - "shift": 6575, - "Ġsecurity": 6576, - "Ġfatty": 6577, - "Ġms": 6578, - "local": 6579, - "ergic": 6580, - "Ġinterference": 6581, - "inson": 6582, - "cf": 6583, - "Ġreasons": 6584, - "pred": 6585, - "Ġinterventions": 6586, - "Ġjo": 6587, - "ĠID": 6588, - "ĠArea": 6589, - "ĠHa": 6590, - "uits": 6591, - "output": 6592, - "Le": 6593, - "ycl": 6594, - "inted": 6595, - "Ġnano": 6596, - "NC": 6597, - "ĠCap": 6598, - "Ġchanging": 6599, - "Ġcust": 6600, - "Ġappeared": 6601, - "Ġgrown": 6602, - "ĠUK": 6603, - "Ġradical": 6604, - "ĠPot": 6605, - "ĠProgram": 6606, - "ĠSR": 6607, - "Ġshap": 6608, - "oscop": 6609, - "ĠChang": 6610, - "Ġquantity": 6611, - "ĠTaxon": 6612, - "idation": 6613, - "Ġadding": 6614, - "ĠLee": 6615, - "Ġamounts": 6616, - "Ġdespite": 6617, - "Ġremained": 6618, - "Ġscenarios": 6619, - "lets": 6620, - "oming": 6621, - "Ġcurvature": 6622, - "Ġdimensional": 6623, - "Ġpromising": 6624, - "ĠFil": 6625, - "string": 6626, - "Ġattributed": 6627, - "ymer": 6628, - "Ġneighb": 6629, - "Ġinputs": 6630, - "Ġmagnet": 6631, - "Ġtrees": 6632, - "Ġenter": 6633, - "ruit": 6634, - "stable": 6635, - "toplas": 6636, - "Ġmessage": 6637, - "rophic": 6638, - "Ġisolates": 6639, - "tz": 6640, - "Ġdisplayed": 6641, - "HA": 6642, - "ocl": 6643, - "Ġderive": 6644, - "Ġsynchron": 6645, - "QU": 6646, - "Ãŀ": 6647, - "Ġexamination": 6648, - "Ġdeb": 6649, - "Ġdefin": 6650, - "Ġfault": 6651, - "Ġsteady": 6652, - "Ġphenotype": 6653, - "Ġperspective": 6654, - "Ġstatement": 6655, - "df": 6656, - "void": 6657, - "Ġpromote": 6658, - "illary": 6659, - "ĠEth": 6660, - "Ġwalk": 6661, - "Ġrepresenting": 6662, - "Ġgenomic": 6663, - "ĠGr": 6664, - "shape": 6665, - "ĠPet": 6666, - "ĠLocal": 6667, - "plicity": 6668, - "ĠProblem": 6669, - "GS": 6670, - "Ġcompleted": 6671, - "inking": 6672, - "Ġreads": 6673, - "Ġinde": 6674, - "ceived": 6675, - "ĠPL": 6676, - "ĠMean": 6677, - "ĠSchool": 6678, - "Ġbiomark": 6679, - "ireless": 6680, - "cut": 6681, - "osing": 6682, - "nel": 6683, - "ĠApril": 6684, - "ĠBal": 6685, - "Ġadopted": 6686, - "Ġcomplications": 6687, - "Ġassembly": 6688, - "fort": 6689, - "har": 6690, - "Ġadoles": 6691, - "Ġanswer": 6692, - "Ġcommunities": 6693, - "ĠInstitute": 6694, - "Ġvariant": 6695, - "Finally": 6696, - "mitte": 6697, - "Ġrestricted": 6698, - "Ġmanip": 6699, - "aters": 6700, - "EX": 6701, - "Ġdust": 6702, - "Ġsupply": 6703, - "Ġperme": 6704, - "Ġreliable": 6705, - "ĠResp": 6706, - "Ġsubt": 6707, - "oks": 6708, - "Ġpoll": 6709, - "Ġcanc": 6710, - "ĠUnit": 6711, - "Ġendothelial": 6712, - "dy": 6713, - "ĠBlack": 6714, - "Ġempirical": 6715, - "Ġport": 6716, - "opy": 6717, - "Ġinitially": 6718, - "Ġcondens": 6719, - "Ġeye": 6720, - "Ġlisted": 6721, - "urrence": 6722, - "Ġreplaced": 6723, - "Ġselective": 6724, - "Ġdistances": 6725, - "Ġparas": 6726, - "ĠPost": 6727, - "ĠSeptember": 6728, - "Ġmissing": 6729, - "verex": 6730, - "Er": 6731, - "Ġthought": 6732, - "thal": 6733, - "Ġchromat": 6734, - "Ġbenefit": 6735, - "rames": 6736, - "ĠSuppose": 6737, - "Ġsubs": 6738, - "Ġangi": 6739, - "ori": 6740, - "Ġreplic": 6741, - "Ġschemes": 6742, - "pre": 6743, - "plane": 6744, - "Ġsouth": 6745, - "ager": 6746, - "Ġbeginning": 6747, - "vents": 6748, - "onent": 6749, - "iples": 6750, - "ĠHer": 6751, - "Ġspectrom": 6752, - "Ġdense": 6753, - "Ġtook": 6754, - "iverse": 6755, - "Ġdisturb": 6756, - "pass": 6757, - "Ġillustrated": 6758, - "Ġreveals": 6759, - "ama": 6760, - "Ġreflec": 6761, - "Ġallowing": 6762, - "Ġexponential": 6763, - "oustic": 6764, - "subseteq": 6765, - "Ġsn": 6766, - "Ġurban": 6767, - "Ġextend": 6768, - "Ġassays": 6769, - "rice": 6770, - "CoV": 6771, - "quisition": 6772, - "rine": 6773, - "ĠIntegr": 6774, - "fil": 6775, - "VD": 6776, - "Ġfibro": 6777, - "Ġcompens": 6778, - "ĠImpro": 6779, - "ĠĠĠĠĠĠĠĠĠĠ": 6780, - "ĠGR": 6781, - "ÏĪ": 6782, - "Ġbasal": 6783, - "Ġolig": 6784, - "HT": 6785, - "Ġvess": 6786, - "uzzy": 6787, - "Ġpossibly": 6788, - "Ġtolerance": 6789, - "Theta": 6790, - "Ġviol": 6791, - "uclear": 6792, - "ĠLim": 6793, - "gel": 6794, - "Ġmetrics": 6795, - "ĠMus": 6796, - "amination": 6797, - "Ġelectrode": 6798, - "Ġpersonal": 6799, - "Ġcooling": 6800, - "Ġacquired": 6801, - "ĠFunction": 6802, - "ows": 6803, - "olester": 6804, - "DP": 6805, - "Ġreliability": 6806, - "Ġmuc": 6807, - "ĠOctober": 6808, - "Ġgold": 6809, - "ca": 6810, - "Ġcul": 6811, - "fit": 6812, - "Ġlem": 6813, - "Ġexcit": 6814, - "Ġnucleus": 6815, - "iation": 6816, - "Ġpregnancy": 6817, - "Ġsynthesized": 6818, - "hemistry": 6819, - "Ġmembranes": 6820, - "vert": 6821, - "ĠKim": 6822, - "tenance": 6823, - "Ġquantities": 6824, - "Ġeconomic": 6825, - "Ġbenefits": 6826, - "Ġcylind": 6827, - "pler": 6828, - "ĠLarge": 6829, - "Ġengineering": 6830, - "ĠEp": 6831, - "Ġcoating": 6832, - "ativ": 6833, - "Ġconduct": 6834, - "Ġabsorb": 6835, - "ĠDecember": 6836, - "Ġopposite": 6837, - "ĠGlobal": 6838, - "Ġlif": 6839, - "ĠDue": 6840, - "Ġintake": 6841, - "odynamic": 6842, - "TM": 6843, - "Ġfed": 6844, - "Ġspecified": 6845, - "Ġgeometric": 6846, - "Ġrespective": 6847, - "Ġbirth": 6848, - "ĠCompound": 6849, - "Ġstarted": 6850, - "Ġmother": 6851, - "arr": 6852, - "Ġprimarily": 6853, - "Ġparen": 6854, - "Ġtube": 6855, - "Ġinters": 6856, - "Ġgraphene": 6857, - "itial": 6858, - "ously": 6859, - "Ġcardiovascular": 6860, - "ĠeV": 6861, - "Ġheating": 6862, - "Ġmathematical": 6863, - "Ġindependently": 6864, - "BA": 6865, - "Ġaffects": 6866, - "umor": 6867, - "ĠMP": 6868, - "ĠDem": 6869, - "ĠWest": 6870, - "ĠDom": 6871, - "itter": 6872, - "Ġdisrup": 6873, - "oped": 6874, - "Ġphenomenon": 6875, - "Ġlumin": 6876, - "Ac": 6877, - "Ġprefer": 6878, - "omers": 6879, - "Ġgender": 6880, - "ĠGL": 6881, - "FC": 6882, - "Ġindeed": 6883, - "Ġrational": 6884, - "ĠSC": 6885, - "Ġprincipal": 6886, - "Ġperfect": 6887, - "Ġintroduction": 6888, - "tes": 6889, - "Ġpiec": 6890, - "Ġcity": 6891, - "Ġpopular": 6892, - "Ġcoding": 6893, - "cler": 6894, - "ague": 6895, - "ĠHR": 6896, - "Ġtracking": 6897, - "ker": 6898, - "Ġphosphorylation": 6899, - "Ġpaths": 6900, - "Ġsolving": 6901, - "Ġdy": 6902, - "Ġplayed": 6903, - "Ġprecise": 6904, - "ĠSl": 6905, - "ĠSem": 6906, - "Ġgenerating": 6907, - "ĠSun": 6908, - "Ġcriterion": 6909, - "Ġbranch": 6910, - "Ġζ": 6911, - "tish": 6912, - "Se": 6913, - "Ġantigen": 6914, - "Ġcalibration": 6915, - "Es": 6916, - "ĠItal": 6917, - "Ġmassive": 6918, - "En": 6919, - "No": 6920, - "YP": 6921, - "ya": 6922, - "Ġsatisfying": 6923, - "Ġquick": 6924, - "HO": 6925, - "Ġbehaviors": 6926, - "icrobial": 6927, - "Ġamb": 6928, - "Ġproton": 6929, - "SL": 6930, - "Ġusual": 6931, - "rows": 6932, - "ench": 6933, - "UC": 6934, - "Ġweighted": 6935, - "Ġrecords": 6936, - "ĠAC": 6937, - "GT": 6938, - "inn": 6939, - "Ġeq": 6940, - "ĠWil": 6941, - "yroid": 6942, - "Ġsetup": 6943, - "IA": 6944, - "press": 6945, - "isely": 6946, - "Ġentry": 6947, - "%%": 6948, - "ĠSil": 6949, - "east": 6950, - "ĠEvolution": 6951, - "ĠRandom": 6952, - "Ġcavity": 6953, - "Ġnamed": 6954, - "knowled": 6955, - "mber": 6956, - "uestion": 6957, - "ĠâĪ©": 6958, - "gi": 6959, - "Ġdetermining": 6960, - "tin": 6961, - "Ġgenus": 6962, - "Ġtoxicity": 6963, - "ocyt": 6964, - "Ġperturbation": 6965, - "rought": 6966, - "ĠBri": 6967, - "Ġcarb": 6968, - "ĠGra": 6969, - "ĠFlu": 6970, - "uns": 6971, - "Ġdriven": 6972, - "Ġbatch": 6973, - "rif": 6974, - "Pl": 6975, - "Ġdisplacement": 6976, - "ĠCL": 6977, - "Ġdepic": 6978, - "Ġpredictive": 6979, - "Int": 6980, - "hydroxy": 6981, - "tid": 6982, - "dri": 6983, - "Ġpancre": 6984, - "Ġdiagonal": 6985, - "Ġseverity": 6986, - "Ġlongitudinal": 6987, - "ĠED": 6988, - "atible": 6989, - "dir": 6990, - "ĠAnother": 6991, - "ĠHel": 6992, - "van": 6993, - "Ġpneum": 6994, - "Ġspecificity": 6995, - "squ": 6996, - "Ġign": 6997, - "Ġbed": 6998, - "ĠWT": 6999, - "awa": 7000, - "ester": 7001, - "Ġkg": 7002, - "Ġcompression": 7003, - "evertheless": 7004, - "Ġmask": 7005, - "-----------": 7006, - "Ġtens": 7007, - "rowth": 7008, - "ĠGo": 7009, - "Ġfaster": 7010, - "Ġcanonical": 7011, - "Ġdetermin": 7012, - "ustrial": 7013, - "ĠEarth": 7014, - "while": 7015, - "ournal": 7016, - "Ġcountry": 7017, - "Ġferm": 7018, - "rist": 7019, - "Ġproxim": 7020, - "Ġmicrobial": 7021, - "Ġextensive": 7022, - "Ġcham": 7023, - "Ġ§": 7024, - "such": 7025, - "went": 7026, - "Ġlar": 7027, - "Using": 7028, - "ĠPM": 7029, - "Ġoffset": 7030, - "ĠPI": 7031, - "ĠBayesian": 7032, - "HS": 7033, - "ĠAfrica": 7034, - "Ġsusceptibility": 7035, - "ĠâĬĤ": 7036, - "ococcus": 7037, - "ĠDir": 7038, - "Ġbos": 7039, - "Ġdysfunction": 7040, - "ovember": 7041, - "Ġunderst": 7042, - "Ġlargely": 7043, - "ĠCM": 7044, - "Ġmaintained": 7045, - "Ġpossess": 7046, - "Ġexcluded": 7047, - "ensis": 7048, - "ĠDC": 7049, - "opsis": 7050, - "Ġtorch": 7051, - "idine": 7052, - "Ġforest": 7053, - "ĠExact": 7054, - "ĠStudies": 7055, - "iffiff": 7056, - "ĠCam": 7057, - "angular": 7058, - "Ġremove": 7059, - "oir": 7060, - "ava": 7061, - "ida": 7062, - "Ġmant": 7063, - "Log": 7064, - "Ġranging": 7065, - "rog": 7066, - "Ġchains": 7067, - "ĠÇ«": 7068, - "ĠCase": 7069, - "ĠAP": 7070, - "points": 7071, - "Ġtargeting": 7072, - "Ġscience": 7073, - "Ġepis": 7074, - "ĠSoci": 7075, - "Ġphysic": 7076, - "Ġpromoter": 7077, - "ĠEarly": 7078, - "estic": 7079, - "tives": 7080, - "Ġassuming": 7081, - "ĠMi": 7082, - "Ġlemma": 7083, - "Ġconfigurations": 7084, - "alia": 7085, - "Ġpay": 7086, - "rino": 7087, - "eb": 7088, - "Ġvaried": 7089, - "ounted": 7090, - "Ġinterview": 7091, - "ĠGeV": 7092, - "OM": 7093, - "ognition": 7094, - "Ġenhancement": 7095, - "ĠMach": 7096, - "plies": 7097, - "Ob": 7098, - "setminus": 7099, - "Ġintrinsic": 7100, - "Ġcomparisons": 7101, - "bold": 7102, - "xiety": 7103, - "Ġstroke": 7104, - "GB": 7105, - "ancial": 7106, - "stead": 7107, - "Ġrock": 7108, - "thon": 7109, - "ĠCurrent": 7110, - "cat": 7111, - "Ġguidelines": 7112, - "cycl": 7113, - "Ġintracellular": 7114, - "oney": 7115, - "ko": 7116, - "Ġdirected": 7117, - "ripts": 7118, - "Ġtravel": 7119, - "Ġlens": 7120, - "idi": 7121, - "ĠAssess": 7122, - "Ġdx": 7123, - "ĠPos": 7124, - "Ġmethodology": 7125, - "Ġpredom": 7126, - "defined": 7127, - "ĠPop": 7128, - "Ġgovernment": 7129, - "ellig": 7130, - "phyl": 7131, - "oli": 7132, - "ropical": 7133, - "Ġembedded": 7134, - "edom": 7135, - "cribed": 7136, - "ĠDisease": 7137, - "Ġmediated": 7138, - "Ġcircular": 7139, - "ĠTopological": 7140, - "Ġearth": 7141, - "ritis": 7142, - "gal": 7143, - "mass": 7144, - "Ġcomprehensive": 7145, - "ĠAir": 7146, - "Ġnerve": 7147, - "Ġimplant": 7148, - "Ġextremely": 7149, - "ĠSE": 7150, - "Ġmarket": 7151, - "Ġconserved": 7152, - "embrane": 7153, - "Ġschedul": 7154, - "Ġruns": 7155, - "Ph": 7156, - "Ġtechnical": 7157, - "TL": 7158, - "Ġregional": 7159, - "Ġgerm": 7160, - "ĠProt": 7161, - "Ġbright": 7162, - "Ġartery": 7163, - "Ġmacrophages": 7164, - "mittee": 7165, - "ĠSingle": 7166, - "Ġcome": 7167, - "wa": 7168, - "acchar": 7169, - "plet": 7170, - "Ġsensing": 7171, - "rosp": 7172, - "atom": 7173, - "Ġcompr": 7174, - "ĠLu": 7175, - "Ġavailability": 7176, - "prot": 7177, - "Ġfitting": 7178, - "selves": 7179, - "ĠPrim": 7180, - "rew": 7181, - "Ġwaste": 7182, - "ĠKing": 7183, - "pot": 7184, - "Ġinstrument": 7185, - "ĠYork": 7186, - "AF": 7187, - "antial": 7188, - "standing": 7189, - "Ġplanning": 7190, - "uster": 7191, - "ĠâĨ": 7192, - "NT": 7193, - "icular": 7194, - "Ġmelan": 7195, - "Ġexcell": 7196, - "iller": 7197, - "ĠLD": 7198, - "info": 7199, - "Ġshare": 7200, - "vas": 7201, - "Ġlum": 7202, - "Ġaqueous": 7203, - "Ġquery": 7204, - "Ġmag": 7205, - "ulture": 7206, - "ĠBer": 7207, - "Ġoffer": 7208, - "ĠNMR": 7209, - "aceae": 7210, - "Ġmodern": 7211, - "Ġcircum": 7212, - "Ġcultures": 7213, - "Ġdog": 7214, - "Ġcir": 7215, - "Ġpoli": 7216, - "Ġchemotherapy": 7217, - "Ġplates": 7218, - "Ġrestriction": 7219, - "stack": 7220, - "ĠFlow": 7221, - "ĠBu": 7222, - "ĠCenter": 7223, - "Ġproceed": 7224, - "timicrobial": 7225, - "she": 7226, - "Ġthereby": 7227, - "Ġknock": 7228, - "Ġdiverse": 7229, - "ustry": 7230, - "Ġstated": 7231, - "ĠHol": 7232, - "More": 7233, - "Ġconservation": 7234, - "Ġprevention": 7235, - "norm": 7236, - "Ġpal": 7237, - "ĠCalc": 7238, - "Ġclean": 7239, - "ĠPlas": 7240, - "```": 7241, - "perp": 7242, - "prod": 7243, - "Ġâī¡": 7244, - "porter": 7245, - "Ġtransient": 7246, - "asp": 7247, - "Ġtargeted": 7248, - "ĠPri": 7249, - "Supplementary": 7250, - "ĠTreatment": 7251, - "zen": 7252, - "ĠMart": 7253, - "ĠFerm": 7254, - "uscript": 7255, - "ĠSynthesis": 7256, - "Ġcombinations": 7257, - "ULL": 7258, - "Ġweb": 7259, - "Ġthrom": 7260, - "Ġexplicitly": 7261, - "anks": 7262, - "Ġadaptation": 7263, - "ĠSequence": 7264, - "Ġacts": 7265, - "Ġranges": 7266, - "fs": 7267, - "bru": 7268, - "Ġsystemic": 7269, - "Ġsteel": 7270, - "Ġprivate": 7271, - "Ġobesity": 7272, - "ĠPart": 7273, - "mented": 7274, - "break": 7275, - "ERT": 7276, - "Ġfibers": 7277, - "Ġiso": 7278, - "Ġtransverse": 7279, - "CTION": 7280, - "ĠRi": 7281, - "itin": 7282, - "ĠRepresent": 7283, - "ophys": 7284, - "Ġcoast": 7285, - "Ġalignment": 7286, - "ACT": 7287, - "esides": 7288, - "open": 7289, - "gly": 7290, - "Ġsalt": 7291, - "unced": 7292, - "iaz": 7293, - "Ġcosm": 7294, - "Ġangles": 7295, - "ĠâĢł": 7296, - "ĠIdentification": 7297, - "hex": 7298, - "ĠHall": 7299, - "Ġhepat": 7300, - "Ġsegments": 7301, - "ĠPhase": 7302, - "ĠLand": 7303, - "forming": 7304, - "hbox": 7305, - "ications": 7306, - "Ġsubsequently": 7307, - "ĠCur": 7308, - "Ġlabels": 7309, - "vidence": 7310, - "uality": 7311, - "Ġheld": 7312, - "emann": 7313, - "Ġcamera": 7314, - "cing": 7315, - "ubic": 7316, - "ĠSARS": 7317, - "ulatory": 7318, - "keletal": 7319, - "ĠInflu": 7320, - "ĠIndia": 7321, - "amic": 7322, - "Ġsand": 7323, - "Ġcomes": 7324, - "Ġassociations": 7325, - "Ġcharged": 7326, - "Ġsper": 7327, - "oprotein": 7328, - "iii": 7329, - "odal": 7330, - "Ġboundaries": 7331, - "tization": 7332, - "ĠHeavy": 7333, - "ĠReal": 7334, - "ĠAF": 7335, - "Ġcontroller": 7336, - "Ġantioxidant": 7337, - "Ġbars": 7338, - "Ġwet": 7339, - "ener": 7340, - "ĠComplexity": 7341, - "Ġstack": 7342, - "Therefore": 7343, - "Ġreplication": 7344, - "Ġappearance": 7345, - "Ġtrajectory": 7346, - "Ġunderstood": 7347, - "Ġdot": 7348, - "Ġimag": 7349, - "Ġscanning": 7350, - "Ti": 7351, - "ruct": 7352, - "ĠLy": 7353, - "Ġspontaneous": 7354, - "lat": 7355, - "omon": 7356, - "Ġroots": 7357, - "Ġlive": 7358, - "Ġfinally": 7359, - "¿½": 7360, - "Ġapproved": 7361, - "ĠApplications": 7362, - "ĠPan": 7363, - "Ġlost": 7364, - "Ġsatisfied": 7365, - "Ġgamma": 7366, - "ional": 7367, - "Ġimproving": 7368, - "Ġmanifold": 7369, - "Ġcodes": 7370, - "bb": 7371, - "ĠNovember": 7372, - "Ġrich": 7373, - "NP": 7374, - "ĠEle": 7375, - "SB": 7376, - "Ġdeal": 7377, - "Ġoptions": 7378, - "Ġcultured": 7379, - "Ġvul": 7380, - ">>": 7381, - "arithm": 7382, - "oys": 7383, - "These": 7384, - "ĠDeterm": 7385, - "Ġquadratic": 7386, - "ĠComb": 7387, - "isson": 7388, - "ĠPerformance": 7389, - "Ġexception": 7390, - "Ġnuclei": 7391, - "Ġadverse": 7392, - "ket": 7393, - "ĠPal": 7394, - "ĠMany": 7395, - "Ġdiffraction": 7396, - "Ġtransmit": 7397, - "Ġphosphate": 7398, - "olesterol": 7399, - "Ġquestionnai": 7400, - "ĠSea": 7401, - "bruary": 7402, - "Ġmodelling": 7403, - "ĠDR": 7404, - "olin": 7405, - "chmark": 7406, - "Ġprecisely": 7407, - "gans": 7408, - "vin": 7409, - "ridge": 7410, - "ĠIncre": 7411, - "Ġneuronal": 7412, - "ĠâīĪ": 7413, - "Ġexcellent": 7414, - "etary": 7415, - "Ġoverlap": 7416, - "Ġstronger": 7417, - "Ġfracture": 7418, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 7419, - "Ġclinic": 7420, - "ĠList": 7421, - "Ġhistor": 7422, - "generation": 7423, - "riched": 7424, - "illus": 7425, - "ĠÃħ": 7426, - "ĠRole": 7427, - "Ġlabeled": 7428, - "Ġorthogonal": 7429, - "Ġischem": 7430, - "Ġinstability": 7431, - "loop": 7432, - "Ġplotted": 7433, - "ĠProcessing": 7434, - "ĠTa": 7435, - "ĠConclusion": 7436, - "Ġmagne": 7437, - "Ġuniversal": 7438, - "Ġjet": 7439, - "Ġregim": 7440, - "float": 7441, - "Ġcod": 7442, - "adj": 7443, - "boldmath": 7444, - "Ġarrang": 7445, - "Ġtrends": 7446, - "Ġprecipitation": 7447, - "frequency": 7448, - "Ġcontrad": 7449, - "Ġtransferred": 7450, - "Ġmaintenance": 7451, - "ÎĶ": 7452, - "np": 7453, - "istence": 7454, - "heres": 7455, - "lective": 7456, - "ĠSurvey": 7457, - "ĠÐ": 7458, - "Ġstand": 7459, - "Ġdiscovery": 7460, - "ains": 7461, - "versely": 7462, - "Ġnumerous": 7463, - "ylated": 7464, - "Ġembedding": 7465, - "Ġcollabor": 7466, - "ename": 7467, - "immun": 7468, - "Ġadjusted": 7469, - "ires": 7470, - "cur": 7471, - "Ġvaccine": 7472, - "Ġtraits": 7473, - "Ġmorphological": 7474, - "Ġprecurs": 7475, - "roscope": 7476, - "adi": 7477, - "ecutive": 7478, - "uan": 7479, - "Ġtract": 7480, - "ĠPres": 7481, - "Ġmyel": 7482, - "Ġadequ": 7483, - "Ġethanol": 7484, - "ih": 7485, - "Ġmeth": 7486, - "Ġcounts": 7487, - "Ġqualitative": 7488, - "Ġmusic": 7489, - "Ġreinfor": 7490, - "After": 7491, - "Ġacquisition": 7492, - "Ġhttps": 7493, - "alling": 7494, - "ita": 7495, - "icate": 7496, - "script": 7497, - "Ġoptimized": 7498, - "ĠHo": 7499, - "Ġmild": 7500, - "oplas": 7501, - "Ġoverex": 7502, - "ĠâΧ": 7503, - "Ġcollect": 7504, - "ĠMain": 7505, - "Ġextracellular": 7506, - "Ġanc": 7507, - "rawn": 7508, - "Ġexplored": 7509, - "Ġreserv": 7510, - "ĠApplication": 7511, - "case": 7512, - "Ġmarine": 7513, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠ": 7514, - "iled": 7515, - "Ġmesh": 7516, - "ĠMonte": 7517, - "clos": 7518, - "Ġperforming": 7519, - "Ag": 7520, - "regular": 7521, - "Ġcatal": 7522, - "Ġpotentials": 7523, - "antly": 7524, - "URE": 7525, - "Ġaccomp": 7526, - "Ġreasonable": 7527, - "Ġpresentation": 7528, - "abolic": 7529, - "ĠOnly": 7530, - "anned": 7531, - "Ġsubstantial": 7532, - "Ġdietary": 7533, - "Ġsubstrates": 7534, - "apter": 7535, - "Ġintestinal": 7536, - "Ġproduces": 7537, - "Proposition": 7538, - "rogen": 7539, - "ĠStat": 7540, - "burg": 7541, - "rench": 7542, - "textbf": 7543, - "ystems": 7544, - "atable": 7545, - "ĠVir": 7546, - "Ġsolved": 7547, - "icense": 7548, - "Ġsong": 7549, - "Ġextreme": 7550, - "pty": 7551, - "ĠCity": 7552, - "vered": 7553, - "ĠMRI": 7554, - "Ġtwice": 7555, - "ĠMn": 7556, - "Ġmerg": 7557, - "activation": 7558, - "Ġng": 7559, - "Ġodd": 7560, - "Ġattrac": 7561, - "Ġattempt": 7562, - "Ġseparately": 7563, - "Ġrobot": 7564, - "ĠMultiple": 7565, - "Ġscientific": 7566, - "ĠPP": 7567, - "Ġmineral": 7568, - "Ġprotocols": 7569, - "Ġsuperior": 7570, - "ocamp": 7571, - "boxyl": 7572, - "Ġuniformly": 7573, - "ĠSeveral": 7574, - "Ġmol": 7575, - "Cor": 7576, - "underline": 7577, - "Ġinfluenced": 7578, - "Ġcurren": 7579, - "using": 7580, - "race": 7581, - "ĠNevertheless": 7582, - "Ġaccom": 7583, - "Ġgravitational": 7584, - "Ġindirect": 7585, - "Ġcapable": 7586, - "Ġanalysed": 7587, - "Ġdischarge": 7588, - "Ġves": 7589, - "Ġligand": 7590, - "lik": 7591, - "Ġsi": 7592, - "Ġaged": 7593, - "Ġcrystals": 7594, - "Ġspeech": 7595, - "Ġcopper": 7596, - "ĠSan": 7597, - "ĠArm": 7598, - "Ġmanuscript": 7599, - "Ġsecretion": 7600, - "wedge": 7601, - "·": 7602, - "Ġraw": 7603, - "Ġaimed": 7604, - "Ġevolutionary": 7605, - "Ġconsequences": 7606, - "Ġitem": 7607, - "Ġwestern": 7608, - "Ġsolvent": 7609, - "Ġstimuli": 7610, - "Ġrequirement": 7611, - "http": 7612, - "efore": 7613, - "ĠAtl": 7614, - "Ġatmospheric": 7615, - "Ġpackage": 7616, - "Ġmyocardi": 7617, - "Ġdashed": 7618, - "Ġverify": 7619, - "ativistic": 7620, - "Ġtom": 7621, - "avirus": 7622, - "aken": 7623, - "ĠNumer": 7624, - "Ġadvantages": 7625, - "FR": 7626, - "ĠSelf": 7627, - "rected": 7628, - "config": 7629, - "Ġiteration": 7630, - "Ġeigenvalues": 7631, - "Ġprobabilities": 7632, - "FIG": 7633, - "ĠWater": 7634, - "ĠAu": 7635, - "Ġgave": 7636, - "Ġvar": 7637, - "ricular": 7638, - "opathy": 7639, - "Ġrh": 7640, - "ordance": 7641, - "Ġwin": 7642, - "ĠScale": 7643, - "Ġannual": 7644, - "ataset": 7645, - "Ġpel": 7646, - "ĠâĪª": 7647, - "ĠCC": 7648, - "itors": 7649, - "Ġlith": 7650, - "Ġchromosome": 7651, - "Ġfuel": 7652, - "Ġmultiv": 7653, - "Ġmanufacture": 7654, - "la": 7655, - "ĠSa": 7656, - "umes": 7657, - "igm": 7658, - "Ġnanoc": 7659, - "EGF": 7660, - "Ġsignature": 7661, - "NS": 7662, - "Ġmeet": 7663, - "Ġfair": 7664, - "meth": 7665, - "Ġlocalized": 7666, - "ĠCentral": 7667, - "deg": 7668, - "Ġsurrounding": 7669, - "Ġnone": 7670, - "ĠMO": 7671, - "ĠInterestingly": 7672, - "Ġmultic": 7673, - "ĠKe": 7674, - "Ġinhibited": 7675, - "ĠCare": 7676, - "ĠOpen": 7677, - "Ġglob": 7678, - "EA": 7679, - "ĠFound": 7680, - "Ġpixel": 7681, - "oke": 7682, - "RD": 7683, - "loc": 7684, - "tious": 7685, - "Ġdistinguish": 7686, - "Ġanterior": 7687, - "urch": 7688, - "Ġjud": 7689, - "ĠPower": 7690, - "Ġswitch": 7691, - "ĠSyn": 7692, - "Ġinvolvement": 7693, - "ucl": 7694, - "Ġlibrary": 7695, - "ĠConst": 7696, - "Ġspherical": 7697, - "ĠTNF": 7698, - "Ġaltered": 7699, - "vance": 7700, - "transfer": 7701, - "Ms": 7702, - "ĠOper": 7703, - "inement": 7704, - "seq": 7705, - "Cons": 7706, - "hole": 7707, - "ĠPhot": 7708, - "Ġgut": 7709, - "acterial": 7710, - "ĠIP": 7711, - "unt": 7712, - "Ġnom": 7713, - "has": 7714, - "ĠFebruary": 7715, - "Ġprostate": 7716, - "ĠML": 7717, - "high": 7718, - "ĠBackground": 7719, - "ulent": 7720, - "Ġocean": 7721, - "after": 7722, - "ĠOff": 7723, - "loss": 7724, - "Ġfavor": 7725, - "Ġworkers": 7726, - "Ġhidden": 7727, - "Ġextracts": 7728, - "razil": 7729, - "sign": 7730, - "None": 7731, - "Ġcolumns": 7732, - "Ġfractions": 7733, - "Ġcovered": 7734, - "ĠServ": 7735, - "Ġinform": 7736, - "bed": 7737, - "Ġattem": 7738, - "raining": 7739, - "Ġneutron": 7740, - "Ġrice": 7741, - "Ġmotif": 7742, - "Ġartificial": 7743, - "Ġinhibitory": 7744, - "Ġdt": 7745, - "AGE": 7746, - "Ġsampled": 7747, - "Ġbatter": 7748, - "Ġsubjected": 7749, - "Ġgeneric": 7750, - "ĠNH": 7751, - "Ġcontinue": 7752, - "utional": 7753, - "Ġaug": 7754, - "ius": 7755, - "Ġexecution": 7756, - "ĠWilli": 7757, - "ĠDespite": 7758, - "AMI": 7759, - "Ġcontents": 7760, - "ĠSens": 7761, - "ogens": 7762, - "Col": 7763, - "Ġfo": 7764, - "Ġaddi": 7765, - "uated": 7766, - "Ġrecommended": 7767, - "ĠSW": 7768, - "Ġarch": 7769, - "ĠYes": 7770, - "Ġhol": 7771, - "aturally": 7772, - "titive": 7773, - "Ġche": 7774, - "Ġsector": 7775, - "ĠDefinition": 7776, - "Ġconcepts": 7777, - "orous": 7778, - "small": 7779, - "erson": 7780, - "inator": 7781, - "ĠMT": 7782, - "Ġhypertension": 7783, - "cks": 7784, - "Ġnative": 7785, - "Ġtax": 7786, - "ryl": 7787, - "Ġreactive": 7788, - "rb": 7789, - "ducible": 7790, - "omm": 7791, - "Ġdiagnosed": 7792, - "Ġdriving": 7793, - "Ġbiomass": 7794, - "uate": 7795, - "Ġpil": 7796, - "called": 7797, - "Ġserve": 7798, - "Ġinterfer": 7799, - "ippocamp": 7800, - "Ġalgebraic": 7801, - "Ġbegan": 7802, - "Ġpicture": 7803, - "independent": 7804, - "Ġutilized": 7805, - "going": 7806, - "ora": 7807, - "nm": 7808, - "Ġdownstream": 7809, - "Ġorbital": 7810, - "ountain": 7811, - "ĠHis": 7812, - "Ġresol": 7813, - "Ġcorrections": 7814, - "onym": 7815, - "scripts": 7816, - "Ġsilicon": 7817, - "Ġcum": 7818, - "ĠTri": 7819, - "Ġpeptides": 7820, - "Ġreceiving": 7821, - "Ġstationary": 7822, - "ĠμL": 7823, - "clerosis": 7824, - "Ġmodules": 7825, - "ema": 7826, - "ĠAfrican": 7827, - "struction": 7828, - "Ġfarm": 7829, - "Ġlearn": 7830, - "node": 7831, - "®": 7832, - "Ġsuperconduc": 7833, - "ĠLinear": 7834, - "Ġtechnologies": 7835, - "Ġnecessarily": 7836, - "Ġcoronary": 7837, - "ĠEast": 7838, - "Ġframes": 7839, - "Ġsegmentation": 7840, - "Vs": 7841, - "Ġbehavioral": 7842, - "Îĵ": 7843, - "Ġlogic": 7844, - "Ġaccompan": 7845, - "tified": 7846, - "hanol": 7847, - "ĠInhib": 7848, - "ilation": 7849, - "ander": 7850, - "Ġeffort": 7851, - "ĠDen": 7852, - "DI": 7853, - "optim": 7854, - "terminal": 7855, - "Ġmobility": 7856, - "Ġconsideration": 7857, - "OVA": 7858, - "Ġparad": 7859, - "oxo": 7860, - "Ġdeficiency": 7861, - "ultural": 7862, - "Ġvalidity": 7863, - "Ġorders": 7864, - "Ġlocus": 7865, - "Ġarth": 7866, - "emat": 7867, - "Ġfeeding": 7868, - "Ġprogramming": 7869, - "Ġtemplate": 7870, - "elian": 7871, - "Ġoption": 7872, - "ĠFollowing": 7873, - "Ġenable": 7874, - "Ġassign": 7875, - "Ġformul": 7876, - "pu": 7877, - "Ġatmosphere": 7878, - "slant": 7879, - "ĠRuss": 7880, - "ĠEvidence": 7881, - "Ġsimilarly": 7882, - "Ġcamp": 7883, - "Ġwound": 7884, - "ĠCharacterization": 7885, - "ĠPBS": 7886, - "ees": 7887, - "ĠDirect": 7888, - "ĠSL": 7889, - "Ġfruit": 7890, - "Ġgate": 7891, - "ito": 7892, - "Chem": 7893, - "Ġcollision": 7894, - "ortic": 7895, - "Ġpolymorphism": 7896, - "enza": 7897, - "what": 7898, - "Ġexperimentally": 7899, - "Ġultra": 7900, - "ez": 7901, - "Ġnerv": 7902, - "Ġessentially": 7903, - "ĠAustralia": 7904, - "ĠStandard": 7905, - "Ġmedicine": 7906, - "adian": 7907, - "ĠHiggs": 7908, - "uge": 7909, - "Ġsupports": 7910, - "uma": 7911, - "Ġcomplicated": 7912, - "date": 7913, - "ophagy": 7914, - "ĠMarkov": 7915, - "Ġoccurring": 7916, - "oplus": 7917, - "Pub": 7918, - "prob": 7919, - "urable": 7920, - "Ġkept": 7921, - "Ġisolation": 7922, - "Ġevol": 7923, - "iliary": 7924, - "Ġregist": 7925, - "Ġholes": 7926, - "Ġclar": 7927, - "ipar": 7928, - "Ġenrich": 7929, - "Ġroute": 7930, - "ayers": 7931, - "ediatric": 7932, - "Ġpolynomials": 7933, - "Ġtrivial": 7934, - "ĠSam": 7935, - "variant": 7936, - "Ġfreedom": 7937, - "poss": 7938, - "Ġinference": 7939, - "ola": 7940, - "Ġinterpreted": 7941, - "Ca": 7942, - "emory": 7943, - "Ġcentury": 7944, - "ĠRem": 7945, - "ĠWu": 7946, - "Ġsuppression": 7947, - "Ġgenerator": 7948, - "ĠHom": 7949, - "Ġviscos": 7950, - "Ġpseudo": 7951, - "ĠChild": 7952, - "ĠSA": 7953, - "iber": 7954, - "Ġequivalence": 7955, - "ifies": 7956, - "ĠConsider": 7957, - "oline": 7958, - "âī¤": 7959, - "Ġdeple": 7960, - "Ġaveraged": 7961, - "Ġsouthern": 7962, - "Ġordered": 7963, - "ĠBrown": 7964, - "Ġmethylation": 7965, - "ĠAdap": 7966, - "Ġmaternal": 7967, - "onded": 7968, - "ĠBehavi": 7969, - "Ġidentifiers": 7970, - "Ġprocessed": 7971, - "GG": 7972, - "VI": 7973, - "Ġcha": 7974, - "unk": 7975, - "ĠFunctional": 7976, - "Ġhydroph": 7977, - "Ġfinancial": 7978, - "econd": 7979, - "ĠΨ": 7980, - "Ġemphas": 7981, - "Ġdefect": 7982, - "mar": 7983, - "Ġnorthern": 7984, - "core": 7985, - "Ġadhesion": 7986, - "Ġtele": 7987, - "Ġwarm": 7988, - "rifug": 7989, - "rangian": 7990, - "resolution": 7991, - "Ġhex": 7992, - "hbar": 7993, - "Ġharmonic": 7994, - "Ġcontrac": 7995, - "Ġreading": 7996, - "Ġefforts": 7997, - "ĠOl": 7998, - "Ġanxiety": 7999, - "bul": 8000, - "TC": 8001, - "ipid": 8002, - "Remark": 8003, - "Ġforming": 8004, - "ilbert": 8005, - "amond": 8006, - "Ġanalytic": 8007, - "orec": 8008, - "cha": 8009, - "ĠConsequently": 8010, - "ĠSu": 8011, - "forall": 8012, - "ĠÃŀ": 8013, - "Ġaspect": 8014, - "Ġinsights": 8015, - "ativity": 8016, - "iotics": 8017, - "heimer": 8018, - "ĠLabor": 8019, - "Ġaware": 8020, - "ĠBritish": 8021, - "chemical": 8022, - "Ġâĭ": 8023, - "clusion": 8024, - "ĠMich": 8025, - "Ġgrade": 8026, - "ĠSEM": 8027, - "ĠCirc": 8028, - "heses": 8029, - "WL": 8030, - "Ġenabl": 8031, - "Ġdend": 8032, - "Ġindustry": 8033, - "Ġimproves": 8034, - "tet": 8035, - "Ġtel": 8036, - "Ġwashed": 8037, - "Ġshorter": 8038, - "Ġincident": 8039, - "ĠActivity": 8040, - "Ġdoses": 8041, - "ĠBrazil": 8042, - "Ġtransformations": 8043, - "Ġformat": 8044, - "ĠProof": 8045, - "Ġlen": 8046, - "ulative": 8047, - "Ġcyclic": 8048, - "Ġrecruit": 8049, - "ptr": 8050, - "TH": 8051, - "Ġreceive": 8052, - "ĠNext": 8053, - "ĠExp": 8054, - "iant": 8055, - "instein": 8056, - "Set": 8057, - "rene": 8058, - "Ġgeomet": 8059, - "Ġconsiderable": 8060, - "So": 8061, - "ught": 8062, - "Ġpapers": 8063, - "ĠCS": 8064, - "za": 8065, - "Ġisomorphism": 8066, - "hou": 8067, - "Ġmutants": 8068, - "Ġportion": 8069, - "Ġþ": 8070, - "Ġcontinuum": 8071, - "Cu": 8072, - "ĠComputed": 8073, - "Ġcombining": 8074, - "ova": 8075, - "ĠNP": 8076, - "Ġcrack": 8077, - "Ġsometimes": 8078, - "Ġcontinued": 8079, - "Definition": 8080, - "arcin": 8081, - "ĠCd": 8082, - "ĠMedical": 8083, - "iences": 8084, - "ĠCross": 8085, - "Ġtranscriptional": 8086, - "ĠZe": 8087, - "std": 8088, - "iforn": 8089, - "Ġfailed": 8090, - "Ġidentifying": 8091, - "Ġmir": 8092, - "Ġmetastasis": 8093, - "OF": 8094, - "nn": 8095, - "ĠCID": 8096, - "Ġoscillations": 8097, - "ancies": 8098, - "write": 8099, - "Ġbandwidth": 8100, - "Ġtrade": 8101, - "Ġaging": 8102, - "ĠModeling": 8103, - "Ġassert": 8104, - "Ġcurrents": 8105, - "Ġfire": 8106, - "ubiqu": 8107, - "Ġalbum": 8108, - "Ġfrequent": 8109, - "Name": 8110, - "Ġpurch": 8111, - "Ġplayer": 8112, - "ĠEsc": 8113, - "Ġnotion": 8114, - "Ġinternational": 8115, - "ulum": 8116, - "oic": 8117, - "Ġincubation": 8118, - "Ġphenomena": 8119, - "Ġserver": 8120, - "uter": 8121, - "Ġven": 8122, - "quin": 8123, - "Ġhypox": 8124, - "ĠRF": 8125, - "iton": 8126, - "Error": 8127, - "Ġhemat": 8128, - "Ġthemselves": 8129, - "Ġperp": 8130, - "idual": 8131, - "Ġpurposes": 8132, - "mes": 8133, - "wing": 8134, - "rov": 8135, - "Ġemiss": 8136, - "Ġexperienced": 8137, - "ques": 8138, - "ĠLC": 8139, - "ĠRecent": 8140, - "book": 8141, - "Ġalkal": 8142, - "idx": 8143, - "hyth": 8144, - "Ġconcrete": 8145, - "Ġswitching": 8146, - "Ġexplanation": 8147, - "irds": 8148, - "Ġsigns": 8149, - "Ġobj": 8150, - "Ġcytokines": 8151, - "ubble": 8152, - "adder": 8153, - "Ġuncertainties": 8154, - "Ġpromotes": 8155, - "Ġcompl": 8156, - "Ġscan": 8157, - "Ġprime": 8158, - "PH": 8159, - "Ġheterogeneous": 8160, - "ĠYou": 8161, - "Although": 8162, - "Ġserious": 8163, - "Ġdrive": 8164, - "Ġheterogeneity": 8165, - "rystall": 8166, - "Ġod": 8167, - "Ġconvolution": 8168, - "ĠâĬĨ": 8169, - "ĠSpace": 8170, - "Ġgastric": 8171, - "ĠStre": 8172, - "ĠPV": 8173, - "base": 8174, - "Met": 8175, - "Ġlosses": 8176, - "Ġcytotox": 8177, - "Ġcontrolling": 8178, - "lease": 8179, - "Ġregulated": 8180, - "ĠEngine": 8181, - "ĠHospital": 8182, - "Br": 8183, - "onom": 8184, - "hyde": 8185, - "stage": 8186, - "Ġgiving": 8187, - "ĠPen": 8188, - "ĠSociety": 8189, - "driven": 8190, - "iang": 8191, - "Ġmodifications": 8192, - "BV": 8193, - "Ġacceleration": 8194, - "Ġmilk": 8195, - "onomic": 8196, - "Ġthink": 8197, - "oglob": 8198, - "Ġfeasible": 8199, - "nam": 8200, - "Ġreflection": 8201, - "ĠPoly": 8202, - "Ġsummarized": 8203, - "FL": 8204, - "Ġrect": 8205, - "Ġpredominant": 8206, - "Ġblot": 8207, - "dehyde": 8208, - "Ġtransformed": 8209, - "Ġfacilitate": 8210, - "ĠCarlo": 8211, - "Ġgreatly": 8212, - "ĠSocial": 8213, - "Ġparents": 8214, - "bigg": 8215, - "rospective": 8216, - "Ġprognosis": 8217, - "Ġcharacterize": 8218, - "Ġconnectivity": 8219, - "Ġtrajectories": 8220, - "ĠSH": 8221, - "Ġlies": 8222, - "Ġcandidates": 8223, - "romy": 8224, - "Ġsor": 8225, - "ĠIns": 8226, - "Ġthor": 8227, - "Ġmetals": 8228, - "ĠSV": 8229, - "Ġtiming": 8230, - "Ġutility": 8231, - "Ġnewly": 8232, - "ĠIFN": 8233, - "Ġaffecting": 8234, - "cement": 8235, - "ĠMel": 8236, - "ĠÌģ": 8237, - "types": 8238, - "lysis": 8239, - "ercul": 8240, - "Ġdistor": 8241, - "actors": 8242, - "psy": 8243, - "Ġbook": 8244, - "ĠEven": 8245, - "temperature": 8246, - "Ġinvasion": 8247, - "Ġrecognized": 8248, - "factor": 8249, - "Ne": 8250, - "Ġintersection": 8251, - "Ġcortical": 8252, - "ng": 8253, - "Ġdeploy": 8254, - "Ġamplitudes": 8255, - "Ġda": 8256, - "ĠGC": 8257, - "Ġchallenging": 8258, - "Ġprelim": 8259, - "GM": 8260, - "Acc": 8261, - "Ġfourth": 8262, - "alc": 8263, - "ĠPS": 8264, - "ĠGenetic": 8265, - "lock": 8266, - "error": 8267, - "skip": 8268, - "sime": 8269, - "Ġana": 8270, - "simeq": 8271, - "Ġcerebral": 8272, - "ĠEX": 8273, - "aved": 8274, - "rophy": 8275, - "idopsis": 8276, - "Ġbehind": 8277, - "Ġenables": 8278, - "Ġindustrial": 8279, - "ĠPac": 8280, - "Ġdefinitions": 8281, - "Ġcatalytic": 8282, - "Ġdissip": 8283, - "ervical": 8284, - "Ġcommut": 8285, - "Ġrepeat": 8286, - "Ġchiral": 8287, - "Ġpron": 8288, - "pol": 8289, - "Ġgoing": 8290, - "Ġmicroscope": 8291, - "Ġhealthcare": 8292, - "ĠClassification": 8293, - "titude": 8294, - "ĠFermi": 8295, - "Ġhttp": 8296, - "arest": 8297, - "Ġsupporting": 8298, - "Ġwood": 8299, - "night": 8300, - "Ġkinetics": 8301, - "Ġsubsets": 8302, - "Ġsubunit": 8303, - "ĠCanada": 8304, - "aton": 8305, - "Ġaccurately": 8306, - "Ġresistant": 8307, - "Ġï̽": 8308, - "riction": 8309, - "Ġchamber": 8310, - "igue": 8311, - "ĠPhil": 8312, - "Ġrecover": 8313, - "cs": 8314, - "Ġsphere": 8315, - "ĠSpecifically": 8316, - "Ġanne": 8317, - "Ġinitiation": 8318, - "ĠTH": 8319, - "Ġbud": 8320, - "ordered": 8321, - "Ġdielectric": 8322, - "ĠCollege": 8323, - "Ġproducing": 8324, - "Ġantenna": 8325, - "Bs": 8326, - "ĠFrench": 8327, - "OX": 8328, - "ĠAmerica": 8329, - "ĠâĢĶ": 8330, - "ounting": 8331, - "fully": 8332, - "Ġserved": 8333, - "Ġresidue": 8334, - "Ġarguments": 8335, - "Ġpand": 8336, - "Ġcompany": 8337, - "Ġconditional": 8338, - "mia": 8339, - "ĠQCD": 8340, - "Ġviscosity": 8341, - "Ġprospective": 8342, - "asonal": 8343, - "Ġdominated": 8344, - "Ġpenet": 8345, - "opo": 8346, - "Ġnine": 8347, - "ĠIll": 8348, - "ĠVisual": 8349, - "Ġfiles": 8350, - "Ġyeast": 8351, - "Ġthank": 8352, - "GN": 8353, - "real": 8354, - "Ġverified": 8355, - "ĠIndian": 8356, - "Ġstiff": 8357, - "rological": 8358, - "Ġdram": 8359, - "Ġtight": 8360, - "ĠGerman": 8361, - "ĠTechnology": 8362, - "ĠApproach": 8363, - "romatic": 8364, - "Ġacoustic": 8365, - "tian": 8366, - "osin": 8367, - "ĠDepartment": 8368, - "otropy": 8369, - "Ġempty": 8370, - "trivial": 8371, - "ofil": 8372, - "Ġalgebras": 8373, - "texts": 8374, - "Ġwebs": 8375, - "Ġpore": 8376, - "Ġpacket": 8377, - "Time": 8378, - "img": 8379, - "ony": 8380, - "ritic": 8381, - "Ġvelocities": 8382, - "ĠDynamics": 8383, - "Ġcancers": 8384, - "Ġtrunc": 8385, - "ĠFormation": 8386, - "ĠDonor": 8387, - "ĠMit": 8388, - "IST": 8389, - "Ġconcluded": 8390, - "Ġantag": 8391, - "ĠSoft": 8392, - "append": 8393, - "Ġfragments": 8394, - "ĠProf": 8395, - "Ġfluor": 8396, - "ĠJac": 8397, - "ĠSn": 8398, - "Ġlept": 8399, - "Ġsplitting": 8400, - "Ġsexual": 8401, - "ĠFore": 8402, - "ĠGener": 8403, - "Ġneighborhood": 8404, - "Ġbenchmark": 8405, - "ĠRA": 8406, - "Ġdivision": 8407, - "ifornia": 8408, - "True": 8409, - "Ġfuzzy": 8410, - "Ġtro": 8411, - "cents": 8412, - "Ġconstitu": 8413, - "atial": 8414, - "astern": 8415, - "ĠTim": 8416, - "Ġperception": 8417, - "Ġsubstanti": 8418, - "Ġmacro": 8419, - "Ġoutl": 8420, - "ĠObserv": 8421, - "prising": 8422, - "oked": 8423, - "orectal": 8424, - "ĠCho": 8425, - "ĠDifferent": 8426, - "Ġinvestigations": 8427, - "Ġconsistency": 8428, - "ients": 8429, - "ĠFOR": 8430, - "ASS": 8431, - "ĠVan": 8432, - "Ġsituations": 8433, - "ĠBR": 8434, - "Ġinfrared": 8435, - "ymal": 8436, - "Ġpixels": 8437, - "Ġcarrier": 8438, - "sen": 8439, - "INT": 8440, - "Ġefficiently": 8441, - "DT": 8442, - "ĠExpl": 8443, - "ionic": 8444, - "Ġnaturally": 8445, - "Ġpropos": 8446, - "Ġguide": 8447, - "Ġconclusions": 8448, - "oon": 8449, - "Ġgrant": 8450, - "Ġinstances": 8451, - "Ġreviewed": 8452, - "Ġelectromagnetic": 8453, - "Ġthreat": 8454, - "edia": 8455, - "ĠOptimization": 8456, - "ĠBio": 8457, - "Ġtrigger": 8458, - "icient": 8459, - "otypic": 8460, - "Ġstret": 8461, - "Ġantic": 8462, - "Ġtoxic": 8463, - "Ġspinal": 8464, - "UPAC": 8465, - "Ġoverview": 8466, - "otion": 8467, - "Ġstraightforward": 8468, - "Ġpositively": 8469, - "aste": 8470, - "Ġreferences": 8471, - "ulose": 8472, - "ĠGre": 8473, - "Ġantagon": 8474, - "Ġshifts": 8475, - "Ġdrawn": 8476, - "ĠWhite": 8477, - "Ġfractional": 8478, - "Ġbundle": 8479, - "Ġexhibits": 8480, - "Ġreservoir": 8481, - "ĠAlex": 8482, - "Ġaggregation": 8483, - "Ġcircle": 8484, - "Ġpractices": 8485, - "ĠCoval": 8486, - "ĠDistribution": 8487, - "Ġtang": 8488, - "ĠMut": 8489, - "Ġregulate": 8490, - "osphere": 8491, - "iro": 8492, - "AMINO": 8493, - "vest": 8494, - "Ġphotos": 8495, - "Ġevident": 8496, - "Ġbusiness": 8497, - "control": 8498, - "Ġworth": 8499, - "ĠPoisson": 8500, - "ĠArabidopsis": 8501, - "ĠTarget": 8502, - "Ġregulates": 8503, - "ĠIr": 8504, - "ĠAdv": 8505, - "Ġensemble": 8506, - "pring": 8507, - "Ġprice": 8508, - "ĠFL": 8509, - "ĠImpact": 8510, - "Ġeventually": 8511, - "inating": 8512, - "Ġcentrifug": 8513, - "frame": 8514, - "Ġdiagrams": 8515, - "Ġtag": 8516, - "Ġtry": 8517, - "surface": 8518, - "ĠIdentifiers": 8519, - "rained": 8520, - "Ġsides": 8521, - "Ġinn": 8522, - "Ġflexible": 8523, - "Ġsatellite": 8524, - "Ġaffinity": 8525, - "Ġsummer": 8526, - "GP": 8527, - "amb": 8528, - "Ġaqu": 8529, - "String": 8530, - "treatment": 8531, - "ĠDynamic": 8532, - "mathop": 8533, - "Ġnotice": 8534, - "nes": 8535, - "rowave": 8536, - "vestig": 8537, - "Ġoutputs": 8538, - "Ġcoherent": 8539, - "Ġillustrate": 8540, - "Ġvalidated": 8541, - "ĠSchem": 8542, - "Ġasked": 8543, - "batch": 8544, - "Ġpurified": 8545, - "Ġminimize": 8546, - "ĠDE": 8547, - "UM": 8548, - "check": 8549, - "varian": 8550, - "ĠGold": 8551, - "ylene": 8552, - "IO": 8553, - "Ġcholesterol": 8554, - "PubChem": 8555, - "ĠKore": 8556, - "ĠCounty": 8557, - "Ġii": 8558, - "ĠMAP": 8559, - "ectomy": 8560, - "Ġsemantic": 8561, - "Ġcollagen": 8562, - "Ġperceived": 8563, - "ichia": 8564, - "Ġadministered": 8565, - "containing": 8566, - "rank": 8567, - "InChI": 8568, - "Ġirradiation": 8569, - "Ġlogarithm": 8570, - "Ġgames": 8571, - "Ġinjected": 8572, - "ĠMHz": 8573, - "Ġdors": 8574, - "Ġevaluating": 8575, - "ĠHyper": 8576, - "Ġchromatography": 8577, - "phen": 8578, - "ĠKar": 8579, - "Ġantimicrobial": 8580, - "riend": 8581, - "Ġdescribing": 8582, - "Ġwt": 8583, - "Ġhormone": 8584, - "AK": 8585, - "ĠIUPAC": 8586, - "Ga": 8587, - "Ġvitamin": 8588, - "Ġconnections": 8589, - "uous": 8590, - "ĠLine": 8591, - "Ġbeneficial": 8592, - "cases": 8593, - "icated": 8594, - "isks": 8595, - "parent": 8596, - "Id": 8597, - "eries": 8598, - "run": 8599, - "Ġmind": 8600, - "itt": 8601, - "sulf": 8602, - "zheimer": 8603, - "Ġinterf": 8604, - "Vert": 8605, - "Ġanth": 8606, - "ologous": 8607, - "ĠLife": 8608, - "Ġmur": 8609, - "Ġpermut": 8610, - "oting": 8611, - "Ġneutrino": 8612, - "Ġborn": 8613, - "pmatrix": 8614, - "ĠCalifornia": 8615, - "agent": 8616, - "Ġcollisions": 8617, - "ĠNS": 8618, - "Ġhippocamp": 8619, - "Ġpowder": 8620, - "Ġvaries": 8621, - "Ġepidem": 8622, - "ĠWeb": 8623, - "uler": 8624, - "Ġinterested": 8625, - "Ġdevelopmental": 8626, - "Ġlengths": 8627, - "Ġcolour": 8628, - "Ġquas": 8629, - "ĠRich": 8630, - "Eq": 8631, - "Ġinfants": 8632, - "ĠPH": 8633, - "ophila": 8634, - "Ġcausing": 8635, - "Ge": 8636, - "module": 8637, - "IB": 8638, - "Ġcontributed": 8639, - "rose": 8640, - "Ġcytoplas": 8641, - "--------------------------------": 8642, - "Ġroad": 8643, - "symmetric": 8644, - "Us": 8645, - "Ġweakly": 8646, - "tite": 8647, - "Ġdefines": 8648, - "ĠPE": 8649, - "Ġmetabolites": 8650, - "Ġlob": 8651, - "Ġterminal": 8652, - "Ġdemonstrates": 8653, - "ĠAcceptor": 8654, - "ĠClo": 8655, - "Ġinferred": 8656, - "Ġvill": 8657, - "First": 8658, - "Ġneglig": 8659, - "Ġwireless": 8660, - "Ab": 8661, - "particle": 8662, - "oisotopic": 8663, - "Ġexcited": 8664, - "PM": 8665, - "Ġconsecutive": 8666, - "ĠIsotype": 8667, - "Ġstimulus": 8668, - "ĠMC": 8669, - "timate": 8670, - "ĠCovalently": 8671, - "Bonded": 8672, - "Ġyellow": 8673, - "Ġalloy": 8674, - "density": 8675, - "Ġfilters": 8676, - "Ġamplification": 8677, - "Ġwon": 8678, - "ht": 8679, - "Ġimpacts": 8680, - "Ġstaff": 8681, - "ĠâĪĢ": 8682, - "ĠIsomeric": 8683, - "Ġsmoking": 8684, - "Qu": 8685, - "Ġcaptured": 8686, - "haps": 8687, - "ĠNULL": 8688, - "Ġriver": 8689, - "count": 8690, - "Ġmanifest": 8691, - "Ġdiabetic": 8692, - "Ġalterations": 8693, - "ĠRotatable": 8694, - "ĠPRO": 8695, - "ĠMonoisotopic": 8696, - "ĠïĤ": 8697, - "spect": 8698, - "Ġcatalyst": 8699, - "Ġmodeled": 8700, - "Ġpage": 8701, - "ĠROS": 8702, - "ĠCanonicalized": 8703, - "ĠTw": 8704, - "Ġaux": 8705, - "avage": 8706, - "ĠRaman": 8707, - "sto": 8708, - "perf": 8709, - "Ġreplacement": 8710, - "ĠEnvironment": 8711, - "Ġacting": 8712, - "pati": 8713, - "ificant": 8714, - "through": 8715, - "Ġsaturation": 8716, - "Ġtip": 8717, - "Ġrecurrence": 8718, - "ĠHistory": 8719, - "Ġprotective": 8720, - "Ġburden": 8721, - "ado": 8722, - "yes": 8723, - "inst": 8724, - "Ap": 8725, - "ĠSy": 8726, - "Ġphon": 8727, - "ĠâĪij": 8728, - "Ġgenotype": 8729, - "Ġcovariance": 8730, - "Ġquickly": 8731, - "ĠDu": 8732, - "Ġsug": 8733, - "Ġdecline": 8734, - "ĠTB": 8735, - "Ġstrictly": 8736, - "Ġmoist": 8737, - "undred": 8738, - "ĠCB": 8739, - "atile": 8740, - "ĠHF": 8741, - "Ġarticles": 8742, - "Ġps": 8743, - "ĠEnh": 8744, - "isting": 8745, - "Ġbiology": 8746, - "Ġbodies": 8747, - "ĠAk": 8748, - "ĠNumerical": 8749, - "ĠLagrangian": 8750, - "Ġdiscovered": 8751, - "Ġvic": 8752, - "opes": 8753, - "Ġfragment": 8754, - "Ġty": 8755, - "ismic": 8756, - "Ġhepatic": 8757, - "Ġenriched": 8758, - "pan": 8759, - "Ġinfluences": 8760, - "ĠLake": 8761, - "color": 8762, - "Ġenrichment": 8763, - "ochemistry": 8764, - "Ġunstable": 8765, - "ĠIgG": 8766, - "derly": 8767, - "Ġecos": 8768, - "Ġconcerning": 8769, - "ĠRisk": 8770, - "Ġmargin": 8771, - "Ġpathogenesis": 8772, - "Ġpump": 8773, - "Ġpreliminary": 8774, - "Ġtumour": 8775, - "Further": 8776, - "azole": 8777, - "Ġelectrodes": 8778, - "Ġdial": 8779, - "ubes": 8780, - "ĠNatural": 8781, - "ĠMul": 8782, - "ĠïĢŃ": 8783, - "Ġnic": 8784, - "Ġimped": 8785, - "only": 8786, - "Ġcomparative": 8787, - "rection": 8788, - "aki": 8789, - "Ġrend": 8790, - "Ġsparse": 8791, - "Ġindicator": 8792, - "location": 8793, - "tism": 8794, - "activated": 8795, - "ĠPb": 8796, - "eptide": 8797, - "Ġendogenous": 8798, - "Ġcenters": 8799, - "ao": 8800, - "sw": 8801, - "Ġconsensus": 8802, - "Ġattributes": 8803, - "Ġsafe": 8804, - "Ġbelieve": 8805, - "ovirus": 8806, - "Ġimmunity": 8807, - "Ġfitted": 8808, - "Ġcontributes": 8809, - "iable": 8810, - "Ġviruses": 8811, - "Ġinsight": 8812, - "ĠNovel": 8813, - "ĠAlzheimer": 8814, - "cepted": 8815, - "ĠPt": 8816, - "Ġcentre": 8817, - "nat": 8818, - "Ġbiosynthesis": 8819, - "mits": 8820, - "Ġchemistry": 8821, - "Ġjus": 8822, - "anish": 8823, - "Ġrefrac": 8824, - "ĠTor": 8825, - "Ġpanels": 8826, - "Ġimply": 8827, - "Ġmatched": 8828, - "usc": 8829, - "word": 8830, - "vae": 8831, - "ĠStar": 8832, - "syn": 8833, - "Mat": 8834, - "Ġapplicable": 8835, - "ĠPseud": 8836, - "ampions": 8837, - "ĠRen": 8838, - "Ġusage": 8839, - "ĠLight": 8840, - "prec": 8841, - "Ġfibrosis": 8842, - "Ġreconstruc": 8843, - "ĠON": 8844, - "ĠGHz": 8845, - "GD": 8846, - "algebra": 8847, - "iger": 8848, - "Ġdecisions": 8849, - "infected": 8850, - "knowledg": 8851, - "Ġexpressing": 8852, - "Ġmyocardial": 8853, - "ordination": 8854, - "Ġprognostic": 8855, - "Ġfibrobl": 8856, - "Ġacceler": 8857, - "ĠAssessment": 8858, - "Ġconstrained": 8859, - "Ġallele": 8860, - "ride": 8861, - "Ġrequest": 8862, - "abilistic": 8863, - "teb": 8864, - "Ġga": 8865, - "Ġrecovered": 8866, - "Ġpromin": 8867, - "urses": 8868, - "ĠHC": 8869, - "ĠMur": 8870, - "ĠEqs": 8871, - "Ġdefining": 8872, - "Ġmer": 8873, - "image": 8874, - "Ġorganisms": 8875, - "grad": 8876, - "Ġreflected": 8877, - "elastic": 8878, - "eties": 8879, - "dimethyl": 8880, - "ELO": 8881, - "random": 8882, - "ĠDiagn": 8883, - "erculosis": 8884, - "rob": 8885, - "Ġmoments": 8886, - "ĠEC": 8887, - "Ġexperiences": 8888, - "erving": 8889, - "ĠNC": 8890, - "Ġvortex": 8891, - "gre": 8892, - "structures": 8893, - "elt": 8894, - "Ġcarry": 8895, - "ĠThrough": 8896, - "Ġpreced": 8897, - "rastruct": 8898, - "itus": 8899, - "Ġpsychological": 8900, - "Ġlimiting": 8901, - "two": 8902, - "ĠBound": 8903, - "ĠCre": 8904, - "ĠSmith": 8905, - "Ġcast": 8906, - "Ġcompetition": 8907, - "sch": 8908, - "Ġcapability": 8909, - "achment": 8910, - "Ġinhibits": 8911, - "ð": 8912, - "ĠDifferential": 8913, - "Ġautomatically": 8914, - "Ġgest": 8915, - "Ġwaters": 8916, - "Ġuniqu": 8917, - "zer": 8918, - "Equ": 8919, - "Ġstudying": 8920, - "Ġdied": 8921, - "Ġos": 8922, - "Ġrecombination": 8923, - "uncil": 8924, - "Ġpathogen": 8925, - "GFR": 8926, - "UV": 8927, - "eneration": 8928, - "ĠSta": 8929, - "Ġinstant": 8930, - "Ġproven": 8931, - "Ġds": 8932, - "Ġdamp": 8933, - "Next": 8934, - "ĠYoung": 8935, - "Ġpowerful": 8936, - "Ġwriting": 8937, - "kl": 8938, - "Ġcareer": 8939, - "ĠCorollary": 8940, - "Ns": 8941, - "Ġ�": 8942, - "ĠMil": 8943, - "Ġburn": 8944, - "ticular": 8945, - "ondon": 8946, - "Pr": 8947, - "ĠLin": 8948, - "ĠJapanese": 8949, - "ĠLab": 8950, - "Ġstrip": 8951, - "protein": 8952, - "Ġhour": 8953, - "anglement": 8954, - "anguages": 8955, - "rd": 8956, - "parse": 8957, - "Ġemissions": 8958, - "Hence": 8959, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 8960, - "Ġjob": 8961, - "ĠAS": 8962, - "Ġaxial": 8963, - "ĠTur": 8964, - "carbon": 8965, - "MF": 8966, - "ĠNE": 8967, - "Ġarise": 8968, - "Ġlinearly": 8969, - "Ġprolong": 8970, - "Ġleak": 8971, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 8972, - "Ġmoved": 8973, - "orbidity": 8974, - "Ġprofessional": 8975, - "code": 8976, - "osine": 8977, - "Ġpolic": 8978, - "Ġbonds": 8979, - "mask": 8980, - "Ġconverted": 8981, - "ville": 8982, - "ectious": 8983, - "parallel": 8984, - "ĠHal": 8985, - "ĠTGF": 8986, - "mental": 8987, - "Ġreader": 8988, - "Ġstandards": 8989, - "ago": 8990, - "ĠEN": 8991, - "Ġstations": 8992, - "Ġnormalization": 8993, - "ĠÎĺ": 8994, - "chain": 8995, - "What": 8996, - "Ġtomography": 8997, - "Ġentries": 8998, - "blue": 8999, - "ĠPrevious": 9000, - "ias": 9001, - "Ġquestionnaire": 9002, - "Ġhaz": 9003, - "Ġhomology": 9004, - "very": 9005, - "Ġnucleotide": 9006, - "ĠGenome": 9007, - "Ġμl": 9008, - "Ġutilization": 9009, - "Ġpolymers": 9010, - "rote": 9011, - "Ġsmallest": 9012, - "calc": 9013, - "Ġspl": 9014, - "Ġtension": 9015, - "Ġdiscontinu": 9016, - "ala": 9017, - "hol": 9018, - "Ġdetermines": 9019, - "Ġproj": 9020, - "ĠOverall": 9021, - "Ġble": 9022, - "fo": 9023, - "Ġprinciples": 9024, - "Ġinteracting": 9025, - "Ġhardware": 9026, - "life": 9027, - "ails": 9028, - "Ġdifficulty": 9029, - "Ġchoices": 9030, - "Ġcard": 9031, - "Ġlact": 9032, - "Ġroll": 9033, - "Ġquantified": 9034, - "ĠScientific": 9035, - "Ġlandsc": 9036, - "aligned": 9037, - "Ġcomposites": 9038, - "herichia": 9039, - "Ġenvelop": 9040, - "itig": 9041, - "Ste": 9042, - "Ġcompet": 9043, - "Ġimpairment": 9044, - "Ġclosure": 9045, - "Ġreturned": 9046, - "Ġreceiver": 9047, - "Ġpeer": 9048, - "Ġconsent": 9049, - "Ġultras": 9050, - "Ġphotons": 9051, - "Ġsuppose": 9052, - "Ġpredicting": 9053, - "ĠâĬķ": 9054, - "Ġcompan": 9055, - "Ġnegligible": 9056, - "current": 9057, - "umber": 9058, - "Ġcompatible": 9059, - "iop": 9060, - "ĠStructural": 9061, - "Ref": 9062, - "Ġson": 9063, - "Ġequality": 9064, - "Ġconsisted": 9065, - "Ġvibr": 9066, - "oupling": 9067, - "vation": 9068, - "Ġovercome": 9069, - "super": 9070, - "lict": 9071, - "Ġpancreatic": 9072, - "Gs": 9073, - "aped": 9074, - "asal": 9075, - "wan": 9076, - "Ġlatent": 9077, - "Ġcovering": 9078, - "Ġlesion": 9079, - "iance": 9080, - "ĠFT": 9081, - "wood": 9082, - "jecture": 9083, - "ĠBC": 9084, - "linked": 9085, - "ĠLaw": 9086, - "Ġemit": 9087, - "Ġunclear": 9088, - "Ġprem": 9089, - "acted": 9090, - "polar": 9091, - "cre": 9092, - "Ġmodulus": 9093, - "ropath": 9094, - "Sub": 9095, - "ami": 9096, - "Ġpick": 9097, - "ERR": 9098, - "Ġmovements": 9099, - "Ni": 9100, - "Ġmechanics": 9101, - "odic": 9102, - "Ġgal": 9103, - "ĠManagement": 9104, - "host": 9105, - "ewise": 9106, - "ĠTotal": 9107, - "ĠInfluence": 9108, - "Ġubiqu": 9109, - "rophys": 9110, - "Ġcaps": 9111, - "Ġparticipant": 9112, - "Ġpolyp": 9113, - "td": 9114, - "Ġiterations": 9115, - "dominal": 9116, - "BB": 9117, - "Ġcharacters": 9118, - "Ġdeviations": 9119, - "resistant": 9120, - "Ġmalaria": 9121, - "Ġremote": 9122, - "hskip": 9123, - "Ġunderwent": 9124, - "util": 9125, - "block": 9126, - "uclide": 9127, - "Φ": 9128, - "electron": 9129, - "Ġsensory": 9130, - "ĠSimulation": 9131, - "Ġreward": 9132, - "Ġpandemic": 9133, - "Ġbor": 9134, - "ynthetic": 9135, - "Ġinvasive": 9136, - "RF": 9137, - "ĠSmall": 9138, - "ĠFisher": 9139, - "valent": 9140, - "ĠMI": 9141, - "rocytes": 9142, - "ĠTE": 9143, - "Ġstre": 9144, - "Ġperturbations": 9145, - "Ġsimplicity": 9146, - "ĠGrowth": 9147, - "ĠÎł": 9148, - "Ġinoc": 9149, - "arding": 9150, - "atum": 9151, - "multi": 9152, - "ĠDiv": 9153, - "anes": 9154, - "acillus": 9155, - "Ġlifetime": 9156, - "ĠHep": 9157, - "Ġaz": 9158, - "usp": 9159, - "ĠAssume": 9160, - "Ġbreaking": 9161, - "ĠAtt": 9162, - "ticipants": 9163, - "Ġluminosity": 9164, - "Ġdonor": 9165, - "params": 9166, - "ohyd": 9167, - "Ġprogen": 9168, - "ĠPO": 9169, - "GO": 9170, - "ĠLeg": 9171, - "Ġbiomarkers": 9172, - "Ġrural": 9173, - "Ġneon": 9174, - "gluc": 9175, - "ĠPB": 9176, - "Ġguid": 9177, - "Ġcervical": 9178, - "pace": 9179, - "Ġcord": 9180, - "umn": 9181, - "Ġsubspace": 9182, - "Ġattached": 9183, - "Ġdeposited": 9184, - "Ġindicators": 9185, - "ĠSF": 9186, - "quire": 9187, - "Ġdissolved": 9188, - "rite": 9189, - "ĠNA": 9190, - "Ġju": 9191, - "Ġaddressed": 9192, - "Ġsuppressed": 9193, - "Ġpneumonia": 9194, - "Ġsession": 9195, - "ĠChe": 9196, - "ĠFer": 9197, - "Ġaccordance": 9198, - "Des": 9199, - "Ġquar": 9200, - "Ġfitness": 9201, - "Ġviability": 9202, - "osh": 9203, - "Ġphylogenetic": 9204, - "ectin": 9205, - "pat": 9206, - "ĠFrance": 9207, - "Ġmessages": 9208, - "Ġloci": 9209, - "Ġconflict": 9210, - "Ġrelevance": 9211, - "Ġinstructions": 9212, - "Ġsomewhat": 9213, - "changed": 9214, - "Ġcorrectly": 9215, - "ozyg": 9216, - "avig": 9217, - "ĠLat": 9218, - "Ġovarian": 9219, - "ĠRemark": 9220, - "joint": 9221, - "aint": 9222, - "west": 9223, - "sample": 9224, - "Ġdivergence": 9225, - "Ġhair": 9226, - "agonal": 9227, - "Ġmim": 9228, - "Ġimmediate": 9229, - "ĠPort": 9230, - "Ġoffers": 9231, - "Ġdepicted": 9232, - "Ġhydrox": 9233, - "ĠTow": 9234, - "Ġemerging": 9235, - "oupled": 9236, - "Ġhundred": 9237, - "Ġadapted": 9238, - "eller": 9239, - "ĠRelations": 9240, - "ette": 9241, - "Ġgastro": 9242, - "Ġmorphism": 9243, - "Ġequipment": 9244, - "pop": 9245, - "unately": 9246, - "Ġtransplantation": 9247, - "ifiers": 9248, - "Ġelderly": 9249, - "onucle": 9250, - "Ġrefers": 9251, - "arial": 9252, - "ĠCommittee": 9253, - "Ġmalignant": 9254, - "omonas": 9255, - "Ġallocation": 9256, - "ogether": 9257, - "Ġnanot": 9258, - "plot": 9259, - "ĠMes": 9260, - "Ġplanar": 9261, - "ells": 9262, - "source": 9263, - "owski": 9264, - "Ġna": 9265, - "Ġclock": 9266, - "Ġambient": 9267, - "ocene": 9268, - "Ġfluorescent": 9269, - "Ġvalu": 9270, - "ĠMagnetic": 9271, - "Ġdepart": 9272, - "phosphate": 9273, - "Ġroughly": 9274, - "Ġneither": 9275, - "ĠAltern": 9276, - "Ġstay": 9277, - "Ġspot": 9278, - "ĠEnt": 9279, - "Ġseconds": 9280, - "hard": 9281, - "Ġrecurrent": 9282, - "Ġpatch": 9283, - "Ġlimitation": 9284, - "ĠDer": 9285, - "Ġsharp": 9286, - "Ġexpectation": 9287, - "ĠLore": 9288, - "dict": 9289, - "Reg": 9290, - "Ġneutroph": 9291, - "Ġnur": 9292, - "Ġstarts": 9293, - "ostasis": 9294, - "Ġorganized": 9295, - "ĠcDNA": 9296, - "orient": 9297, - "ĠExample": 9298, - "ĠFund": 9299, - "aylor": 9300, - "idering": 9301, - "Ġtriple": 9302, - "nic": 9303, - "Ġattacks": 9304, - "ĠDros": 9305, - "è": 9306, - "ĠEM": 9307, - "Ġoptimum": 9308, - "Ġpull": 9309, - "Ġce": 9310, - "eryth": 9311, - "Ġrating": 9312, - "Ġreproductive": 9313, - "Ġdecades": 9314, - "Ġreplace": 9315, - "List": 9316, - "ĠFast": 9317, - "Ġredshift": 9318, - "opsy": 9319, - "illa": 9320, - "double": 9321, - "tera": 9322, - "Ġgoals": 9323, - "ĠSk": 9324, - "INE": 9325, - "Ġbiochemical": 9326, - "uint": 9327, - "Ġfetal": 9328, - "ĠRiemann": 9329, - "uries": 9330, - "Ġpp": 9331, - "Ġsymbols": 9332, - "ĠKa": 9333, - "Di": 9334, - "ĠGalax": 9335, - "ĠCompared": 9336, - "Ġcasc": 9337, - "Ġbits": 9338, - "Ġscaff": 9339, - "Ġestimator": 9340, - "ĠAdditional": 9341, - "Ġimprovements": 9342, - "ectives": 9343, - "Ġhous": 9344, - "ĠMagn": 9345, - "Ġmultivariate": 9346, - "Ġagric": 9347, - "vo": 9348, - "utter": 9349, - "ĠAcknowledg": 9350, - "su": 9351, - "Ġammon": 9352, - "Ġaims": 9353, - "Ġzinc": 9354, - "Ġelong": 9355, - "ĠGO": 9356, - "Question": 9357, - "including": 9358, - "LogP": 9359, - "Ġintellig": 9360, - "Ġcone": 9361, - "ĠFoundation": 9362, - "Ġimpaired": 9363, - "Ġillness": 9364, - "ĠEscherichia": 9365, - "Ġabundant": 9366, - "scal": 9367, - "ensively": 9368, - "Ġnegatively": 9369, - "parameter": 9370, - "Ġpermeability": 9371, - "domain": 9372, - "rated": 9373, - "Ġepoch": 9374, - "Ġadolescents": 9375, - "Ġdefic": 9376, - "ĠEstimation": 9377, - "Ġroutine": 9378, - "Per": 9379, - "tol": 9380, - "Ġelliptic": 9381, - "ĠHE": 9382, - "oblast": 9383, - "Ġreaches": 9384, - "Ġfluxes": 9385, - "Ġsun": 9386, - "ĠAnaly": 9387, - "âĢľ": 9388, - "ĠXLogP": 9389, - "Ġfiltering": 9390, - "rian": 9391, - "ĠScal": 9392, - "Ġpin": 9393, - "ĠTiO": 9394, - "iments": 9395, - "Ġmarginal": 9396, - "Ġrecombinant": 9397, - "Ġencour": 9398, - "Ġalumin": 9399, - "Ġtf": 9400, - "atalytic": 9401, - "Ġobservational": 9402, - "Ġgeneralization": 9403, - "Ġ": 9404, - "Ġantibiotic": 9405, - "Ġgenerates": 9406, - "ĠdB": 9407, - "Spec": 9408, - "rically": 9409, - "Ġvaluable": 9410, - "Ġtopic": 9411, - "Ġtermin": 9412, - "Ġsemicon": 9413, - "Ġquantification": 9414, - "ubb": 9415, - "Ġkinem": 9416, - "erring": 9417, - "Ġaeros": 9418, - "pack": 9419, - "Ġfewer": 9420, - "Ġfatigue": 9421, - "Ġgoes": 9422, - "Ġnight": 9423, - "ĠUs": 9424, - "â̬": 9425, - "ĠPrinc": 9426, - "Ġspring": 9427, - "Ġconcerns": 9428, - "Ġsmart": 9429, - "Ġsecret": 9430, - "Ġmmol": 9431, - "Ġbelief": 9432, - "DC": 9433, - "Ġsubstantially": 9434, - "âĪĩ": 9435, - "Ġsubstitution": 9436, - "mapsto": 9437, - "sky": 9438, - "illance": 9439, - "Ġstudent": 9440, - "okine": 9441, - "Ġinterior": 9442, - "Ġeigenvalue": 9443, - "my": 9444, - "Ġcloser": 9445, - "erenti": 9446, - "Ġecological": 9447, - "ĠFigures": 9448, - "olytic": 9449, - "Ġarrays": 9450, - "ĠCas": 9451, - "Ġloops": 9452, - "Ġcorrected": 9453, - "Ġrhe": 9454, - "Ġinversion": 9455, - "Ġpreferred": 9456, - "umab": 9457, - "ĠDI": 9458, - "Ġadequate": 9459, - "irm": 9460, - "Ġimplicit": 9461, - "ship": 9462, - "Ġplayers": 9463, - "Ġdelayed": 9464, - "Ġwinter": 9465, - "Ġvulner": 9466, - "Ġshapes": 9467, - "Ġstained": 9468, - "ĠMajor": 9469, - "Ġhierarchical": 9470, - "ĠDig": 9471, - "ersion": 9472, - "ĠEfficient": 9473, - "Ġwalls": 9474, - "dfrac": 9475, - "Ġclassifier": 9476, - "Ġmonol": 9477, - "Ġupdated": 9478, - "Ġmature": 9479, - "ĠLI": 9480, - "earing": 9481, - "Ġfinger": 9482, - "ounter": 9483, - "ankton": 9484, - "While": 9485, - "Ġrealistic": 9486, - "ĠCamp": 9487, - "Ġfilled": 9488, - "Ġdead": 9489, - "ĠPacific": 9490, - "Ïĩ": 9491, - "ĠDavid": 9492, - "Ġadditive": 9493, - "enchymal": 9494, - "Ġobser": 9495, - "Ġstere": 9496, - "Ġultrasound": 9497, - "ĠPredic": 9498, - "Ġends": 9499, - "sectional": 9500, - "mas": 9501, - "omat": 9502, - "ivity": 9503, - "Ġhandle": 9504, - "Ġmetastatic": 9505, - "olet": 9506, - "ryp": 9507, - "ACE": 9508, - "Ġporous": 9509, - "Ġconcern": 9510, - "itored": 9511, - "Ġcircles": 9512, - "Ġemotional": 9513, - "gered": 9514, - "Ġfriction": 9515, - "first": 9516, - "ophy": 9517, - "escop": 9518, - "aded": 9519, - "Ġresolved": 9520, - "ERS": 9521, - "Ġpathogens": 9522, - "Ġgradually": 9523, - "ĠBrain": 9524, - "xf": 9525, - "anium": 9526, - "ael": 9527, - "New": 9528, - "Ġcytokine": 9529, - "ĠBP": 9530, - "Ġspecimen": 9531, - "olean": 9532, - "Ġtaxon": 9533, - "Ġsequential": 9534, - "κB": 9535, - "ademic": 9536, - "plings": 9537, - "~~": 9538, - "ermal": 9539, - "tree": 9540, - "Ġcausal": 9541, - "arian": 9542, - "Ġcrop": 9543, - "opol": 9544, - "channel": 9545, - "ĠMex": 9546, - "Ġclon": 9547, - "ĠRecently": 9548, - "ĠInvestig": 9549, - "Ġrecommendations": 9550, - "format": 9551, - "ĠMET": 9552, - "Ġsentence": 9553, - "Ġbp": 9554, - "ĠGW": 9555, - "Ġrecording": 9556, - "Ġple": 9557, - "totic": 9558, - "Ġ": 9559, - "Ġranged": 9560, - "ention": 9561, - "obacteria": 9562, - "ceptions": 9563, - "ĠImport": 9564, - "dynamic": 9565, - "porary": 9566, - "Given": 9567, - "Ġturbulence": 9568, - "Ġgram": 9569, - "Ġequally": 9570, - "cd": 9571, - "ĠOs": 9572, - "Ġturns": 9573, - "Ġdetecting": 9574, - "atio": 9575, - "generate": 9576, - "grade": 9577, - "Ġcirculation": 9578, - "Ġmanufacturer": 9579, - "La": 9580, - "ĠHilbert": 9581, - "Ts": 9582, - "integr": 9583, - "Ġbelongs": 9584, - "ĠInternet": 9585, - "angl": 9586, - "ĠâĬ¥": 9587, - "ĠDrosophila": 9588, - "uclidean": 9589, - "tan": 9590, - "Ġextends": 9591, - "Ġexpanded": 9592, - "illin": 9593, - "square": 9594, - "ysacchar": 9595, - "Ġquantify": 9596, - "Ġpulses": 9597, - "Ġvesic": 9598, - "ĠNK": 9599, - "orescence": 9600, - "ĠPhosph": 9601, - "Ġvision": 9602, - "ĠHuang": 9603, - "ĠResponse": 9604, - "house": 9605, - "ears": 9606, - "Ġeg": 9607, - "Ġaccepted": 9608, - "ĠTM": 9609, - "ametric": 9610, - "Ġpathological": 9611, - "Ġrecruitment": 9612, - "ATA": 9613, - "Ġfigures": 9614, - "ĠPress": 9615, - "Ġaligned": 9616, - "Ġpostoperative": 9617, - "ĠMeV": 9618, - "Ġconsiderably": 9619, - "Ġconformal": 9620, - "ĠIsland": 9621, - "number": 9622, - "Ġautomatic": 9623, - "Ġsplic": 9624, - "Ġcytos": 9625, - "Ġdescrip": 9626, - "ĠSant": 9627, - "lies": 9628, - "uity": 9629, - "itone": 9630, - "ECT": 9631, - "ĠBon": 9632, - "Ġdisapp": 9633, - "board": 9634, - "orrh": 9635, - "Ġcalculating": 9636, - "nee": 9637, - "ĠMeas": 9638, - "Ġgenomes": 9639, - "Ġphotoc": 9640, - "Ġreadily": 9641, - "ovine": 9642, - "ĠDev": 9643, - "Ġsatur": 9644, - "Ġkinds": 9645, - "ĠPK": 9646, - "Ġrod": 9647, - "Ġjunction": 9648, - "ĠHA": 9649, - "Ġdesigns": 9650, - "hn": 9651, - "Ġordering": 9652, - "Ġcosmological": 9653, - "Ġpilot": 9654, - "Ġcolorectal": 9655, - "ĠLondon": 9656, - "ĠDirac": 9657, - "Cont": 9658, - "ĠWind": 9659, - "ĠTre": 9660, - "idin": 9661, - "ĠïĢ«": 9662, - "iltration": 9663, - "Moreover": 9664, - "Ġretention": 9665, - "timately": 9666, - "hydrogen": 9667, - "del": 9668, - "bolic": 9669, - "ĠQuanti": 9670, - "period": 9671, - "Ġretrieval": 9672, - "atase": 9673, - "endicular": 9674, - "ulties": 9675, - "RS": 9676, - "NH": 9677, - "Ġinformed": 9678, - "Ġfiltered": 9679, - "membrane": 9680, - "Ġstiffness": 9681, - "ĠOcean": 9682, - "ĠSY": 9683, - "Ġlot": 9684, - "ĠFigs": 9685, - "Ġansw": 9686, - "ĠEngland": 9687, - "ĠAtlantic": 9688, - "processing": 9689, - "Ġdogs": 9690, - "Ġlie": 9691, - "Ġunion": 9692, - "ĠTan": 9693, - "Ġhalo": 9694, - "Ġcontinuously": 9695, - "Bu": 9696, - "AMP": 9697, - "ĠApp": 9698, - "Ġmoisture": 9699, - "Ġthyroid": 9700, - "Ġaccompanied": 9701, - "Ġfold": 9702, - "Ġoriginally": 9703, - "Ġspan": 9704, - "ĠFA": 9705, - "connected": 9706, - "Ġrecurs": 9707, - "vian": 9708, - "ĠEquations": 9709, - "ena": 9710, - "arcinoma": 9711, - "....": 9712, - "Ġdiscrep": 9713, - "UH": 9714, - "о": 9715, - "anger": 9716, - "Ġmonitored": 9717, - "Ġinfluenza": 9718, - "Ġsure": 9719, - "black": 9720, - "oe": 9721, - "Ġalloc": 9722, - "Ġhabitat": 9723, - "ophenyl": 9724, - "Ġventricular": 9725, - "Ġpolicies": 9726, - "amate": 9727, - "Ġreporting": 9728, - "Ġsoluble": 9729, - "================": 9730, - "Ġdipole": 9731, - "Ġirreducible": 9732, - "ĠPrec": 9733, - "acetyl": 9734, - "Ġthread": 9735, - "ĠApproxim": 9736, - "Ġmapped": 9737, - "ipro": 9738, - "Ġtropical": 9739, - "Sch": 9740, - "ĠANOVA": 9741, - "Ġlanguages": 9742, - "icine": 9743, - "ĠFamily": 9744, - "functions": 9745, - "EF": 9746, - "Ġnutrient": 9747, - "Ġanalyzing": 9748, - "inescence": 9749, - "Ġthromb": 9750, - "Ġkit": 9751, - "Ġmammalian": 9752, - "optotic": 9753, - "Ġequipped": 9754, - "ona": 9755, - "Ġque": 9756, - "Ġcame": 9757, - "Ġsimplified": 9758, - "Ġdecays": 9759, - "Ġpassive": 9760, - "Ġdeletion": 9761, - "Ġobtaining": 9762, - "Ġmixtures": 9763, - "Ġprimers": 9764, - "ĠPsy": 9765, - "osc": 9766, - "oment": 9767, - "Ġchloride": 9768, - "ĠPaul": 9769, - "start": 9770, - "intestinal": 9771, - "helium": 9772, - "arth": 9773, - "odot": 9774, - "Ġfits": 9775, - "Ġsquares": 9776, - "ĠCardi": 9777, - "aka": 9778, - "ributed": 9779, - "Ġinequalities": 9780, - "omething": 9781, - "hedral": 9782, - "ĠFuture": 9783, - "Ġgli": 9784, - "Ġmetallic": 9785, - "Ġfacilities": 9786, - "Ġobst": 9787, - "possible": 9788, - "Ġzones": 9789, - "ucid": 9790, - "Ġdrift": 9791, - "depend": 9792, - "valued": 9793, - "Ġnons": 9794, - "Ġworldwide": 9795, - "Ġtrust": 9796, - "Ġsole": 9797, - "ĠLevel": 9798, - "ĠSha": 9799, - "Ġregardless": 9800, - "Ġspectrometry": 9801, - "ductor": 9802, - "leuk": 9803, - "Ġskills": 9804, - "Ġincorporated": 9805, - "Ġlearned": 9806, - "Ġure": 9807, - "Ġextinc": 9808, - "ODU": 9809, - "Ġgrains": 9810, - "atern": 9811, - "ĠIndex": 9812, - "comput": 9813, - "ua": 9814, - "Ġcontamination": 9815, - "ĠAff": 9816, - "uning": 9817, - "Ġasymmetric": 9818, - "Ġopening": 9819, - "Ġbat": 9820, - "Ġagree": 9821, - "ITY": 9822, - "ĠChanges": 9823, - "organic": 9824, - "ĠRay": 9825, - "ĠHand": 9826, - "ni": 9827, - "inic": 9828, - "Ġrisks": 9829, - "Ġstock": 9830, - "Ġneck": 9831, - "Ġvolumes": 9832, - "ĠPrac": 9833, - "Ġincreasingly": 9834, - "Sc": 9835, - "oses": 9836, - "GFP": 9837, - "Ġassignment": 9838, - "ĠFed": 9839, - "ospit": 9840, - "Ġoverexpression": 9841, - "Ġmaster": 9842, - "Ġopt": 9843, - "iler": 9844, - "invariant": 9845, - "Ġconverges": 9846, - "Similar": 9847, - "ny": 9848, - "Ġstore": 9849, - "Ġelevation": 9850, - "Ġcoal": 9851, - "het": 9852, - "item": 9853, - "PLC": 9854, - "ohist": 9855, - "Gen": 9856, - "ĠChem": 9857, - "ĠCost": 9858, - "pair": 9859, - "Ġnumerically": 9860, - "Ġpreference": 9861, - "ĠNucle": 9862, - "ĠBD": 9863, - "TI": 9864, - "ĠHyp": 9865, - "roy": 9866, - "Te": 9867, - "ĠFin": 9868, - "Ġclaims": 9869, - "ibilities": 9870, - "Ġlarvae": 9871, - "ima": 9872, - "embly": 9873, - "Ġcit": 9874, - "LL": 9875, - "Ġsilica": 9876, - "ĠVI": 9877, - "Ġreaching": 9878, - "Of": 9879, - "ĠAustralian": 9880, - "tub": 9881, - "world": 9882, - "oni": 9883, - "ĠFP": 9884, - "Ġbriefly": 9885, - "ĠDescription": 9886, - "ζ": 9887, - "charg": 9888, - "Ġcis": 9889, - "ĠCat": 9890, - "Ġrecip": 9891, - "Ġemergency": 9892, - "Ġstrand": 9893, - "Ġrealized": 9894, - "posing": 9895, - "otope": 9896, - "Ġmaintaining": 9897, - "ĠChrist": 9898, - "Ġcreating": 9899, - "Ġembryos": 9900, - "Ġskeletal": 9901, - "Ġages": 9902, - "represent": 9903, - "Cr": 9904, - "Ġestimating": 9905, - "Ġrear": 9906, - "ĠYu": 9907, - "ĠPi": 9908, - "mg": 9909, - "Ġfloat": 9910, - "ĠRoy": 9911, - "pus": 9912, - "Ġchick": 9913, - "Ġmicrobiota": 9914, - "vasive": 9915, - "ĠBern": 9916, - "ĠPattern": 9917, - "lines": 9918, - "Ġflood": 9919, - "ĠLou": 9920, - "ilitary": 9921, - "rosion": 9922, - "Ġsurveys": 9923, - "FI": 9924, - "iae": 9925, - "Ġsearc": 9926, - "mol": 9927, - "Ġtitle": 9928, - "ĠMachine": 9929, - "Ġcircuits": 9930, - "ĠNumber": 9931, - "zi": 9932, - "ĠBMI": 9933, - "Ġautomated": 9934, - "plicate": 9935, - "ĠLPS": 9936, - "Ġelectrochemical": 9937, - "Ġwebsite": 9938, - "Ġanisotropy": 9939, - "Ġrings": 9940, - "Ġinnov": 9941, - "bits": 9942, - "win": 9943, - "ĠNAD": 9944, - "According": 9945, - "ĠConn": 9946, - "ureus": 9947, - "ĠFeature": 9948, - "ĠInstead": 9949, - "Comp": 9950, - "itudes": 9951, - "Mo": 9952, - "Ġscope": 9953, - "tification": 9954, - "ĠIS": 9955, - "ĠNeut": 9956, - "Ġregulating": 9957, - "coding": 9958, - "Ġrows": 9959, - "hl": 9960, - "ĠKn": 9961, - "istor": 9962, - "ampionship": 9963, - "Ġprominent": 9964, - "Ġrs": 9965, - "umatic": 9966, - "Am": 9967, - "Ġdifferentially": 9968, - "ugin": 9969, - "Ġadvance": 9970, - "phys": 9971, - "Ġsharing": 9972, - "Ġart": 9973, - "vacy": 9974, - "titions": 9975, - "Ġstyle": 9976, - "Figures": 9977, - "Ġglu": 9978, - "Ġvaccination": 9979, - "ĠOptical": 9980, - "fluid": 9981, - "ĠFre": 9982, - "Ġgradients": 9983, - "ophyl": 9984, - "ĠPubl": 9985, - "Ġaccretion": 9986, - "Ġâ̲â̲": 9987, - "ressing": 9988, - "Ġtransmitted": 9989, - "Ġnervous": 9990, - "umar": 9991, - "Ġreviews": 9992, - "Ġgenotypes": 9993, - "lower": 9994, - "ĠEV": 9995, - "Ġcontract": 9996, - "atibility": 9997, - "Ġchildhood": 9998, - "Ġonc": 9999, - "Ġbiofil": 10000, - "Ġautophagy": 10001, - "Ġadsorb": 10002, - "ĠSupport": 10003, - "Ġligands": 10004, - "power": 10005, - "rectional": 10006, - "ĠRap": 10007, - "similar": 10008, - "Ġinfarc": 10009, - "Ġelectroly": 10010, - "Ġincome": 10011, - "arity": 10012, - "ĠAv": 10013, - "eric": 10014, - "Ġclinically": 10015, - "unch": 10016, - "Ġattribute": 10017, - "Ġcommand": 10018, - "ributions": 10019, - "Ġglyc": 10020, - "Ġtranscripts": 10021, - "ograms": 10022, - "Ġassessing": 10023, - "FO": 10024, - "scriptstyle": 10025, - "ji": 10026, - "rick": 10027, - "environment": 10028, - "Ġlaws": 10029, - "Ġnormally": 10030, - "Ġdepletion": 10031, - "ĠRO": 10032, - "Ġencoded": 10033, - "hma": 10034, - "Ġbranches": 10035, - "Ġargs": 10036, - "ounger": 10037, - "orge": 10038, - "umps": 10039, - "Ġviewed": 10040, - "Ġultr": 10041, - "RR": 10042, - "ulsion": 10043, - "ĠHor": 10044, - "Ġfro": 10045, - "ĠMeasurement": 10046, - "xx": 10047, - "erman": 10048, - "ĠOnce": 10049, - "Ġoriented": 10050, - "ĠPoint": 10051, - "Ġtown": 10052, - "Ġformulas": 10053, - "SY": 10054, - "ĠAM": 10055, - "Ġconsiderations": 10056, - "ĠTC": 10057, - "ĠKit": 10058, - "Ġactin": 10059, - "Ġplasmid": 10060, - "Ġhistorical": 10061, - "Ġdye": 10062, - "Ġheur": 10063, - "ĠLeague": 10064, - "ĠMad": 10065, - "Ġgraft": 10066, - "Ġsilver": 10067, - "Over": 10068, - "ĠCos": 10069, - "ographical": 10070, - "Ġprecursor": 10071, - "rus": 10072, - "Ġregarded": 10073, - "ĠHam": 10074, - "functional": 10075, - "iveness": 10076, - "fficiency": 10077, - "igene": 10078, - "ocol": 10079, - "Ġcumulative": 10080, - "Ġseasonal": 10081, - "Ġmu": 10082, - "ĠBan": 10083, - "omycin": 10084, - "Ġbool": 10085, - "ĠMag": 10086, - "ĠAnal": 10087, - "entia": 10088, - "aign": 10089, - "Ġfootball": 10090, - "acting": 10091, - "Ġreturns": 10092, - "ĠTom": 10093, - "shaped": 10094, - "itance": 10095, - "ĠExperiment": 10096, - "ĠOS": 10097, - "Ġabsent": 10098, - "ranial": 10099, - "Ġtherapies": 10100, - "Op": 10101, - "ounced": 10102, - "ATE": 10103, - "Value": 10104, - "green": 10105, - "Ġvegetation": 10106, - "Ds": 10107, - "Ġincom": 10108, - "ç": 10109, - "Ġmarrow": 10110, - "ĠCouncil": 10111, - "Ġinvest": 10112, - "Ġclub": 10113, - "Trans": 10114, - "device": 10115, - "Ġvibration": 10116, - "ĠXu": 10117, - "////////": 10118, - "ĠHen": 10119, - "vier": 10120, - "Ġanalogous": 10121, - "Ġdelta": 10122, - "Ġsaline": 10123, - "Ġrequiring": 10124, - "Ġneuron": 10125, - "oo": 10126, - "ĠQuality": 10127, - "Ġteac": 10128, - "ĠEc": 10129, - "Li": 10130, - "Ġpublication": 10131, - "ĠPhysics": 10132, - "Ġppm": 10133, - "thase": 10134, - "Ġcreation": 10135, - "ĠAge": 10136, - "Ġbelonging": 10137, - "Ġionic": 10138, - "ĠSI": 10139, - "uating": 10140, - "endif": 10141, - "ĠCour": 10142, - "а": 10143, - "Ġdots": 10144, - "Ġeast": 10145, - "arcom": 10146, - "Ġâĩ": 10147, - "Ġrights": 10148, - "essions": 10149, - "Ġversions": 10150, - "ĠFree": 10151, - "ĠStress": 10152, - "Ġsediments": 10153, - "Ġmitig": 10154, - "Ġbow": 10155, - "ĠAct": 10156, - "ĠCarbon": 10157, - "there": 10158, - "teen": 10159, - "Ġphenotypes": 10160, - "Ġnearest": 10161, - "ĠPotential": 10162, - "Ġdeform": 10163, - "Ġreflects": 10164, - "Ġpartners": 10165, - "Ġanest": 10166, - "Ġadvers": 10167, - "ĠFactor": 10168, - "Ġconvenient": 10169, - "ulos": 10170, - "ĠPur": 10171, - "ĠMer": 10172, - "Ġflag": 10173, - "Ġtriang": 10174, - "Ġseeds": 10175, - "Ġfif": 10176, - "obil": 10177, - "ĠCK": 10178, - "mentioned": 10179, - "Ġvapor": 10180, - "ogue": 10181, - "Ġpredictor": 10182, - "Out": 10183, - "Ġcompletion": 10184, - "ĠSeg": 10185, - "Ġdiffuse": 10186, - "Ġraised": 10187, - "Ġcoordination": 10188, - "Ġsynaptic": 10189, - "ĠBor": 10190, - "ĠBol": 10191, - "Ġpolymerase": 10192, - "Ġwheat": 10193, - "Ġinsertion": 10194, - "Ġesc": 10195, - "ĠWal": 10196, - "Ġdistal": 10197, - "transferase": 10198, - "Ġinterfaces": 10199, - "Ġinsu": 10200, - "Ġpoorly": 10201, - "Ġaureus": 10202, - "Ġbenz": 10203, - "Ġuniverse": 10204, - "ĠInteraction": 10205, - "ĠFrame": 10206, - "ĠImaging": 10207, - "Ġexploration": 10208, - "ĠEngineering": 10209, - "ĠBesides": 10210, - "tia": 10211, - "Ġenum": 10212, - "anine": 10213, - "Ġtot": 10214, - "ĠEduc": 10215, - "Ġderivation": 10216, - "Array": 10217, - "yloid": 10218, - "ĠArch": 10219, - "isen": 10220, - "acity": 10221, - "akers": 10222, - "Ġsheet": 10223, - "ĠEst": 10224, - "Ġwear": 10225, - "Ġeryth": 10226, - "ECK": 10227, - "hematics": 10228, - "Ġarterial": 10229, - "criptstyle": 10230, - "scriptscriptstyle": 10231, - "echanical": 10232, - "Ġparticipation": 10233, - "cher": 10234, - "urance": 10235, - "ĠFR": 10236, - "ĠCV": 10237, - "Ġcomplementary": 10238, - "aine": 10239, - "empty": 10240, - "Ġdiges": 10241, - "Ġexponent": 10242, - "Ġsimulate": 10243, - "UE": 10244, - "Ġantibiotics": 10245, - "ĠUnivers": 10246, - "Ġpathology": 10247, - "thermal": 10248, - "pa": 10249, - "Ġstresses": 10250, - "ĠLaboratory": 10251, - "Node": 10252, - "Ġleave": 10253, - "ashing": 10254, - "Ġdiscre": 10255, - "Ġsuspension": 10256, - "reek": 10257, - "Ġscheduling": 10258, - "ĠDA": 10259, - "aryn": 10260, - "ĠNaCl": 10261, - "strain": 10262, - "STR": 10263, - "ĠCong": 10264, - "olf": 10265, - "Ġcalibr": 10266, - "ĠOptimal": 10267, - "Ġó": 10268, - "Gl": 10269, - "ĠRh": 10270, - "Ġdifficulties": 10271, - "Ġvessels": 10272, - "Ġasymmetry": 10273, - "Ġcoherence": 10274, - "ĠTaxonomy": 10275, - "Ġped": 10276, - "ĠHouse": 10277, - "titudes": 10278, - "ĠFar": 10279, - "OY": 10280, - "Ġconcentrated": 10281, - "Ġsignalling": 10282, - "Ġfungal": 10283, - "Ġconsistently": 10284, - "Ġenhances": 10285, - "Ġforecast": 10286, - "Ġcubic": 10287, - "ĠEP": 10288, - "Ġparticipate": 10289, - "ĠPlant": 10290, - "risk": 10291, - "And": 10292, - "adic": 10293, - "oflu": 10294, - "Ġsperm": 10295, - "ĠChris": 10296, - "ND": 10297, - "colon": 10298, - "Ġfaces": 10299, - "Ġtuberculosis": 10300, - "rystal": 10301, - "floor": 10302, - "ups": 10303, - "Ġgray": 10304, - "ĠPublic": 10305, - "tensor": 10306, - "Ġrigid": 10307, - "Ġeastern": 10308, - "ĠItaly": 10309, - "Ġsignatures": 10310, - "Ġshallow": 10311, - "ón": 10312, - "ĠCe": 10313, - "Ġprojects": 10314, - "Ġrouting": 10315, - "Ġpredicts": 10316, - "ĠFeatures": 10317, - "ĠDistrict": 10318, - "Ġcarrying": 10319, - "ĉĠĠĠĠ": 10320, - "ĠTO": 10321, - "HM": 10322, - "dings": 10323, - "Ġrenormal": 10324, - "Ġbring": 10325, - "pin": 10326, - "aled": 10327, - "Ġclouds": 10328, - "names": 10329, - "oxin": 10330, - "Ġperpendicular": 10331, - "WT": 10332, - "ership": 10333, - "Ġrecon": 10334, - "Ġworked": 10335, - "ĠâĢ«": 10336, - "rastructure": 10337, - "Ġpointed": 10338, - "EV": 10339, - "ĠTaylor": 10340, - "Ġhepatitis": 10341, - "Ġorbits": 10342, - "ĠFactors": 10343, - "cellular": 10344, - "Ġfocal": 10345, - "Ġboost": 10346, - "Ġmicrowave": 10347, - "ĠProject": 10348, - "BF": 10349, - "Ġpolitical": 10350, - "Ġsupplemented": 10351, - "Ġillustrates": 10352, - "Ġideas": 10353, - "ĠDrug": 10354, - "obile": 10355, - "ĠHO": 10356, - "Ġrobustness": 10357, - "rosine": 10358, - "ĠNormal": 10359, - "Ġstimulated": 10360, - "Ġimpedance": 10361, - "fortunately": 10362, - "zyme": 10363, - "Ġbarriers": 10364, - "actory": 10365, - "learly": 10366, - "Ġpreprint": 10367, - "sensitive": 10368, - "Ġturbulent": 10369, - "thing": 10370, - "Ġboard": 10371, - "Ġpit": 10372, - "Ġintegrity": 10373, - "Ġrotating": 10374, - "uda": 10375, - "Ġventi": 10376, - "ĠSNPs": 10377, - "Ġcorrespondence": 10378, - "Ġvisualization": 10379, - "avail": 10380, - "Ġbeams": 10381, - "ĠContinu": 10382, - "Ġpersistent": 10383, - "Ġbath": 10384, - "ĠmiRNAs": 10385, - "Ġcustom": 10386, - "Ġordinary": 10387, - "Ġgenerators": 10388, - "Ġbridge": 10389, - "Ġdomin": 10390, - "amy": 10391, - "Ġlooking": 10392, - "table": 10393, - "False": 10394, - "Ġsoils": 10395, - "Ġmatches": 10396, - "Ġprogressive": 10397, - "states": 10398, - "ĠShort": 10399, - "Ġcores": 10400, - "Ġintroducing": 10401, - "Ġarrest": 10402, - "Ġtexture": 10403, - "Ġdorsal": 10404, - "Ġdrain": 10405, - "izoph": 10406, - "ĠQue": 10407, - "ñ": 10408, - "disc": 10409, - "Index": 10410, - "Ġextensively": 10411, - "Ġplasticity": 10412, - "Ġreally": 10413, - "ĠError": 10414, - "Ġsugges": 10415, - "Ġconsequently": 10416, - "Ġperforms": 10417, - "likely": 10418, - "ivered": 10419, - "Ġthermodynamic": 10420, - "Ġker": 10421, - "Ġacetate": 10422, - "Ġgets": 10423, - "leqslant": 10424, - "Ġpredictors": 10425, - "ĠSwed": 10426, - "nan": 10427, - "heter": 10428, - "Ġanomaly": 10429, - "Ġoperational": 10430, - "Ġretrospective": 10431, - "Ġtends": 10432, - "aden": 10433, - "Ġborder": 10434, - "Ġmethanol": 10435, - "ĠEnter": 10436, - "Ġcollapse": 10437, - "Ġpurchased": 10438, - "Da": 10439, - "ĠHT": 10440, - "Ġfulf": 10441, - "Ġcrust": 10442, - "stone": 10443, - "Ġpenal": 10444, - "Ġtunn": 10445, - "ĠTemperature": 10446, - "Ġpotent": 10447, - "lecule": 10448, - "Ġcovers": 10449, - "Ġbattery": 10450, - "Ġbeg": 10451, - "Ġorgans": 10452, - "ĠThomas": 10453, - "Ġsolub": 10454, - "ocrine": 10455, - "ĠSpin": 10456, - "Ġinterests": 10457, - "doc": 10458, - "Ġundergoing": 10459, - "ui": 10460, - "Ġinherent": 10461, - "Ġintegrals": 10462, - "irable": 10463, - "ashi": 10464, - "Ġregeneration": 10465, - "Ġinflation": 10466, - "manif": 10467, - "ĠRecognition": 10468, - "Ġdisplays": 10469, - "Another": 10470, - "Ġcontamin": 10471, - "junction": 10472, - "Ġcopies": 10473, - "MRI": 10474, - "Ġvehicles": 10475, - "Get": 10476, - "Ġperhaps": 10477, - "Ġwest": 10478, - "Ġintensive": 10479, - "Ġsomething": 10480, - "Ġhypoxia": 10481, - "Ġcouplings": 10482, - "Ġfeasibility": 10483, - "azine": 10484, - "unic": 10485, - "iner": 10486, - "ĠIT": 10487, - "Ġdistrict": 10488, - "ĠJames": 10489, - "eval": 10490, - "Ġplacebo": 10491, - "aque": 10492, - "Ġelucid": 10493, - "ĠJacob": 10494, - "Ġcounting": 10495, - "Ġflexibility": 10496, - "Ġperman": 10497, - "Ġadvances": 10498, - "ulph": 10499, - "Ġentanglement": 10500, - "Ġintegers": 10501, - "Ġfocusing": 10502, - "kov": 10503, - "Ġhospit": 10504, - "Ġapplies": 10505, - "Ġcot": 10506, - "Sm": 10507, - "assium": 10508, - "Ġdocumented": 10509, - "Ġloaded": 10510, - "Ġrely": 10511, - "Ġinfectious": 10512, - "Ġprobes": 10513, - "Ġhighlighted": 10514, - "Ġpediatric": 10515, - "Ġweather": 10516, - "Ġmanual": 10517, - "Ġcation": 10518, - "Ġinterpolation": 10519, - "ĠStep": 10520, - "ĠKal": 10521, - "DH": 10522, - "db": 10523, - "izophren": 10524, - "ader": 10525, - "carb": 10526, - "Ġagon": 10527, - "orphous": 10528, - "tors": 10529, - "atz": 10530, - "Ġbif": 10531, - "Ġcharges": 10532, - "ĠAgain": 10533, - "Ġbron": 10534, - "ĠGover": 10535, - "Ġmining": 10536, - "aver": 10537, - "Ġearthqu": 10538, - "Ġviews": 10539, - "Ġscene": 10540, - "parameters": 10541, - "Ġbroken": 10542, - "Test": 10543, - "ĠSum": 10544, - "ĠProm": 10545, - "ÎĽ": 10546, - "Ġcutoff": 10547, - "Ġbirds": 10548, - "Ġarising": 10549, - "ĠAI": 10550, - "ĠCE": 10551, - "Ġpronounced": 10552, - "aspase": 10553, - "Ġintended": 10554, - "Ġaffine": 10555, - "Ġurine": 10556, - "Ġbelieved": 10557, - "ĠPrimary": 10558, - "ĠConf": 10559, - "Ġabdominal": 10560, - "spin": 10561, - "uniform": 10562, - "ĠStochastic": 10563, - "ĠProv": 10564, - "ĠmiRNA": 10565, - "ĠBell": 10566, - "BO": 10567, - "ĠSoftware": 10568, - "ĠTs": 10569, - "utri": 10570, - "icking": 10571, - "ien": 10572, - "Ġmicros": 10573, - "ĠNR": 10574, - "Ġleukemia": 10575, - "Ġsupernat": 10576, - "family": 10577, - "Ġalloys": 10578, - "ĠPET": 10579, - "ĠAbs": 10580, - "ĠGA": 10581, - "ĠQuantitative": 10582, - "Lo": 10583, - "Ġisland": 10584, - "second": 10585, - "pectives": 10586, - "Ġlatency": 10587, - "angi": 10588, - "Ġflight": 10589, - "ĠEuclidean": 10590, - "emy": 10591, - "ĠBlood": 10592, - "leukin": 10593, - "LT": 10594, - "enh": 10595, - "Ġswe": 10596, - "Ġunitary": 10597, - "ĠRepublic": 10598, - "Ġstructured": 10599, - "ĠSen": 10600, - "Mn": 10601, - "centric": 10602, - "Ġtransgenic": 10603, - "Ġhelpful": 10604, - "pyx": 10605, - "Ġhomeostasis": 10606, - "Na": 10607, - "Ġpassed": 10608, - "Ġeyes": 10609, - "Ġabstract": 10610, - "ulse": 10611, - "Ġmirror": 10612, - "Ġregulator": 10613, - "Ġmurine": 10614, - "loaded": 10615, - "Ġmodular": 10616, - "Ġlandscape": 10617, - "icks": 10618, - "Ġsnow": 10619, - "Ġbovine": 10620, - "elli": 10621, - "Ġdatabases": 10622, - "Ġoutbreak": 10623, - "larg": 10624, - "ĠRun": 10625, - "BE": 10626, - "Ġsurprising": 10627, - "Ġacceptable": 10628, - "Ġrotational": 10629, - "pg": 10630, - "FE": 10631, - "wik": 10632, - "Ġyounger": 10633, - "ashion": 10634, - "Ġmicroscopic": 10635, - "regation": 10636, - "Ġfibr": 10637, - "ĠPlan": 10638, - "Ġhapl": 10639, - "Ġmanifolds": 10640, - "Ġoutper": 10641, - "Ġchoosing": 10642, - "eper": 10643, - "ĠkeV": 10644, - "ĠTyp": 10645, - "pread": 10646, - "ntz": 10647, - "ĠReport": 10648, - "ĠMatrix": 10649, - "Ġintu": 10650, - "Ġproperly": 10651, - "ogly": 10652, - "oscopic": 10653, - "ĠAMP": 10654, - "ĠBM": 10655, - "Ġelementary": 10656, - "keleton": 10657, - "Ġsynthase": 10658, - "Ġionization": 10659, - "bes": 10660, - "ophage": 10661, - "duces": 10662, - "acco": 10663, - "Ġprotect": 10664, - "ĠCoul": 10665, - "Ġspent": 10666, - "Ġmand": 10667, - "Ġhind": 10668, - "fluor": 10669, - "ĠGood": 10670, - "Ġdoing": 10671, - "Object": 10672, - "ducts": 10673, - "oyl": 10674, - "chiatric": 10675, - "Ġov": 10676, - "cel": 10677, - "Ġbases": 10678, - "Ġmitochondria": 10679, - "pted": 10680, - "artz": 10681, - "Ġbrown": 10682, - "Ġequals": 10683, - "tible": 10684, - "Ġopportunity": 10685, - "azol": 10686, - "Ġofficial": 10687, - "ailed": 10688, - "Ġurinary": 10689, - "ĠHan": 10690, - "Be": 10691, - "result": 10692, - "units": 10693, - "Ġbad": 10694, - "ĠString": 10695, - "izable": 10696, - "condition": 10697, - "ĠElectron": 10698, - "immune": 10699, - "ĠME": 10700, - "hao": 10701, - "Σ": 10702, - "ĠMAT": 10703, - "Ġadopt": 10704, - "Ġelic": 10705, - "Ġshr": 10706, - "Ġproximal": 10707, - "FD": 10708, - "ĠSS": 10709, - "Ġentirely": 10710, - "esium": 10711, - "ĠEEG": 10712, - "Ġpaired": 10713, - "ĠTP": 10714, - "ĠDO": 10715, - "NAL": 10716, - "idespread": 10717, - "Ġmoves": 10718, - "site": 10719, - "Ġrain": 10720, - "Ġlap": 10721, - "ĠFu": 10722, - "ĠMeta": 10723, - "ircraft": 10724, - "Ġmagnetization": 10725, - "operation": 10726, - "Ġprost": 10727, - "Step": 10728, - "Ġsubgroups": 10729, - "ĠSouthern": 10730, - "Ġathe": 10731, - "luor": 10732, - "ĠTaxonomic": 10733, - "ĠEinstein": 10734, - "Ġrace": 10735, - "ĠKen": 10736, - "Ġattempts": 10737, - "Ġcosmic": 10738, - "ĠDop": 10739, - "Ġfixation": 10740, - "Ġremoving": 10741, - "BT": 10742, - "Ġlimb": 10743, - "Ġalign": 10744, - "Ġdried": 10745, - "du": 10746, - "Ġputative": 10747, - "uccess": 10748, - "pert": 10749, - "Ġslowly": 10750, - "also": 10751, - "olip": 10752, - "Ġclient": 10753, - "Ġbasin": 10754, - "Ġsusceptible": 10755, - "Ġcoming": 10756, - "nson": 10757, - "ĠNGC": 10758, - "assert": 10759, - "Ġtensile": 10760, - "Ġarises": 10761, - "cutaneous": 10762, - "Ġcaro": 10763, - "Bi": 10764, - "Ġdiscussions": 10765, - "Ġabnormalities": 10766, - "Ġpollution": 10767, - "ĠAx": 10768, - "Ġloads": 10769, - "Do": 10770, - "iao": 10771, - "Ġmedication": 10772, - "Ġintact": 10773, - "ĠCX": 10774, - "Ġbreeding": 10775, - "ĠUnion": 10776, - "ĠBat": 10777, - "ĠParticipants": 10778, - "ĠRegulation": 10779, - "Ġcontradiction": 10780, - "Ġintensities": 10781, - "encephal": 10782, - "rile": 10783, - "ĠTLR": 10784, - "Ġredund": 10785, - "Ġpersons": 10786, - "ĠArc": 10787, - "solid": 10788, - "law": 10789, - "Results": 10790, - "ilic": 10791, - "zone": 10792, - "ocytosis": 10793, - "Ġtriangle": 10794, - "STM": 10795, - "ĠVirus": 10796, - "Ġaid": 10797, - "soft": 10798, - "Ġsoon": 10799, - "expected": 10800, - "Ġanch": 10801, - "ĠMu": 10802, - "ĠSr": 10803, - "ĠLO": 10804, - "Ġcry": 10805, - "Ġupstream": 10806, - "oxic": 10807, - "mathit": 10808, - "ĠKle": 10809, - "Ġisotropic": 10810, - "Ġspatially": 10811, - "ĠHard": 10812, - "Ġextr": 10813, - "bas": 10814, - "eor": 10815, - "ivil": 10816, - "yan": 10817, - "Ġshifted": 10818, - "Ġbiopsy": 10819, - "Ġfeel": 10820, - "glut": 10821, - "Size": 10822, - "Ġerg": 10823, - "ĠTer": 10824, - "Ġdeaths": 10825, - "borne": 10826, - "Ġrelativistic": 10827, - "ĠVEGF": 10828, - "atab": 10829, - "spring": 10830, - "restim": 10831, - "ĠSearch": 10832, - "yphenyl": 10833, - "ecal": 10834, - "urc": 10835, - "Ġlamin": 10836, - "Ġserial": 10837, - "las": 10838, - "ĠProduction": 10839, - "Ġsocio": 10840, - "Ġmodify": 10841, - "ĠService": 10842, - "Ġbary": 10843, - "Ġradiative": 10844, - "bigl": 10845, - "Ġparadigm": 10846, - "patient": 10847, - "Ġspp": 10848, - "phone": 10849, - "Ġî": 10850, - "Ġrocks": 10851, - "ĠMartin": 10852, - "mn": 10853, - "Ġfluids": 10854, - "ĠINTR": 10855, - "ods": 10856, - "Ġdivis": 10857, - "Consider": 10858, - "component": 10859, - "Ġanomalies": 10860, - "Ġknee": 10861, - "ĠRelationship": 10862, - "aud": 10863, - "Ġovernight": 10864, - "Ġrainf": 10865, - "Ġannealing": 10866, - "Ġtreating": 10867, - "Ġcoarse": 10868, - "Model": 10869, - "Ġpose": 10870, - "Ġoccas": 10871, - "ĠWilliam": 10872, - "oor": 10873, - "Ġadjustment": 10874, - "ĠFunctions": 10875, - "imeter": 10876, - "Ġdetectors": 10877, - "Ġinstitutional": 10878, - "Ġthroughput": 10879, - "ividual": 10880, - "Ġentities": 10881, - "Ġprolonged": 10882, - "Ġship": 10883, - "Ġpreserved": 10884, - "ODUCTION": 10885, - "Ġlogistic": 10886, - "ĠPrediction": 10887, - "tized": 10888, - "ĠOrig": 10889, - "ĠHem": 10890, - "onomous": 10891, - "################": 10892, - "ĠGeneration": 10893, - "bottom": 10894, - "ĠKnow": 10895, - "clinical": 10896, - "Ġtrauma": 10897, - "Ġiterative": 10898, - "Ġfacility": 10899, - "ront": 10900, - "ĠBus": 10901, - "Ġretinal": 10902, - "Ġconduction": 10903, - "Ġchecked": 10904, - "Ġcalls": 10905, - "ologists": 10906, - "CON": 10907, - "ĠSciences": 10908, - "Ġnonzero": 10909, - "Ġbrack": 10910, - "Ġmelting": 10911, - "Ġasc": 10912, - "Ġmention": 10913, - "ĠBL": 10914, - "Ġverification": 10915, - "ukary": 10916, - "ĠSpatial": 10917, - "ĠGram": 10918, - "Ġplaces": 10919, - "Ġnecrosis": 10920, - "ĠChildren": 10921, - "Ġdelivered": 10922, - "Ġresection": 10923, - "Ġdeterministic": 10924, - "Section": 10925, - "Ġmultim": 10926, - "DF": 10927, - "Ġhypotheses": 10928, - "Ġraise": 10929, - "Ġseismic": 10930, - "Ġlam": 10931, - "ĠHCC": 10932, - "bigr": 10933, - "Ġhealing": 10934, - "isy": 10935, - "Ġoptimize": 10936, - "obacterium": 10937, - "edy": 10938, - "Ġtruth": 10939, - "Ġspacetime": 10940, - "Ġchromatin": 10941, - "Ġdomestic": 10942, - "Ġrecru": 10943, - "ĠJose": 10944, - "ĠThermal": 10945, - "Ġenvelope": 10946, - "vable": 10947, - "Ġincons": 10948, - "Ġnod": 10949, - "и": 10950, - "Ġcontributing": 10951, - "Ġguarantee": 10952, - "ĠPhen": 10953, - "Ġrab": 10954, - "Man": 10955, - "Ġsurveillance": 10956, - "Ġthings": 10957, - "Ġprev": 10958, - "ĠNonlinear": 10959, - "Ġgaps": 10960, - "aya": 10961, - "ĠCri": 10962, - "Ġcrystalline": 10963, - "strict": 10964, - "Ġcomputations": 10965, - "Ġunable": 10966, - "habil": 10967, - "umina": 10968, - "Ġpromoting": 10969, - "egrad": 10970, - "Ġregister": 10971, - "Ġcrossing": 10972, - "ulators": 10973, - "ĠLanguage": 10974, - "ĠAA": 10975, - "Ġiner": 10976, - "ĠLV": 10977, - "osan": 10978, - "Ġcoastal": 10979, - "Ġbiod": 10980, - "ĠMOD": 10981, - "Ġneighbour": 10982, - "Ġpredominantly": 10983, - "ĠNewton": 10984, - "ĠStrateg": 10985, - "being": 10986, - "Ġì": 10987, - "Ġcapabilities": 10988, - "Ġunless": 10989, - "formal": 10990, - "Ġvessel": 10991, - "bmatrix": 10992, - "ESS": 10993, - "Ġrainfall": 10994, - "ã": 10995, - "Ġprepar": 10996, - "axial": 10997, - "Ġdental": 10998, - "ĠProte": 10999, - "Ġworse": 11000, - "doped": 11001, - "hentic": 11002, - "Ġvalidate": 11003, - "Zn": 11004, - "Ġspecification": 11005, - "si": 11006, - "ĠAng": 11007, - "Ġtubes": 11008, - "ulic": 11009, - "ĠAny": 11010, - "ĠMap": 11011, - "Ġfabricated": 11012, - "Ġforced": 11013, - "ĠWilson": 11014, - "olysis": 11015, - "ĠWave": 11016, - "ĠCast": 11017, - "Ġasthma": 11018, - "Ġperi": 11019, - "ĠCyt": 11020, - "asty": 11021, - "Ġsky": 11022, - "rupt": 11023, - "Dec": 11024, - "Ġmelanoma": 11025, - "PER": 11026, - "Ġcontinuity": 11027, - "Box": 11028, - "system": 11029, - "Ġnavig": 11030, - "Ġcirculating": 11031, - "Ġcolony": 11032, - "lesssim": 11033, - "adium": 11034, - "Ġtetra": 11035, - "Ġaccounts": 11036, - "Ġpresenting": 11037, - "ĠLik": 11038, - "Ġresis": 11039, - "Ġdamping": 11040, - "ĠGly": 11041, - "ĠNeuro": 11042, - "user": 11043, - "Ġcapital": 11044, - "urate": 11045, - "ĠMW": 11046, - "Ġcorrelates": 11047, - "ĠGib": 11048, - "Ġhappens": 11049, - "Ġgall": 11050, - "ĠWithin": 11051, - "Ġcombine": 11052, - "Ġsinus": 11053, - "ĠKin": 11054, - "********************************": 11055, - "Map": 11056, - "Ġmaturation": 11057, - "Ġblocking": 11058, - "ĠCloud": 11059, - "Ġcontacts": 11060, - "Ġsac": 11061, - "ALL": 11062, - "ĠRab": 11063, - "zz": 11064, - "utch": 11065, - "Ġcarriers": 11066, - "ĠSNR": 11067, - "erb": 11068, - "Ġprotected": 11069, - "racking": 11070, - "radient": 11071, - "Ġattractive": 11072, - "Ġlag": 11073, - "Ġopin": 11074, - "ĠGi": 11075, - "Ġdefense": 11076, - "Ġtuning": 11077, - "Ġelectroph": 11078, - "Ġgreatest": 11079, - "Ġreconstructed": 11080, - "ĠPopulation": 11081, - "MAP": 11082, - "Ġwrote": 11083, - "AND": 11084, - "economic": 11085, - "ĠMichael": 11086, - "ĠBlock": 11087, - "Ġvo": 11088, - "oprop": 11089, - "Ġprofiling": 11090, - "ootst": 11091, - "ĠAsian": 11092, - "Ġoscillation": 11093, - "ĠâĨIJ": 11094, - "UD": 11095, - "Ġsigned": 11096, - "ĠEuler": 11097, - "ĠComparative": 11098, - "ĠWhere": 11099, - "ĠJack": 11100, - "Ġpassing": 11101, - "Ġvillage": 11102, - "Ġau": 11103, - "ĠNorthern": 11104, - "essage": 11105, - "matic": 11106, - "Ġaffili": 11107, - "ĠFac": 11108, - "Ġoverlapping": 11109, - "shell": 11110, - "Ġobstac": 11111, - "Ġbecoming": 11112, - "entive": 11113, - "Ġeasier": 11114, - "initely": 11115, - "Ġcentered": 11116, - "Ġacademic": 11117, - "annels": 11118, - "Ġirregular": 11119, - "Ġprojections": 11120, - "Ġproposition": 11121, - "Ġdiscrimination": 11122, - "Ġremod": 11123, - "Ġshoot": 11124, - "month": 11125, - "essor": 11126, - "Ġdiffers": 11127, - "ĠTV": 11128, - "ĠZhou": 11129, - "Ġinher": 11130, - "Ġmachines": 11131, - "Ġmell": 11132, - "Ġconjugate": 11133, - "Ġcoc": 11134, - "una": 11135, - "anyl": 11136, - "Ġoffic": 11137, - "Ġopportunities": 11138, - "Ġvein": 11139, - "ĠCharacteristics": 11140, - "Ġpathogenic": 11141, - "OYSA": 11142, - "ĠParkinson": 11143, - "ĠGalactic": 11144, - "FFFA": 11145, - "yses": 11146, - "UHFFFA": 11147, - "UHFFFAOYSA": 11148, - "actin": 11149, - "Ġunus": 11150, - "hesia": 11151, - "aceu": 11152, - "adow": 11153, - "oside": 11154, - "Ġglycos": 11155, - "Ġdiluted": 11156, - "ĠSource": 11157, - "olated": 11158, - "armaceu": 11159, - "antom": 11160, - "Ġmusc": 11161, - "Ġaveraging": 11162, - "Ġvisit": 11163, - "Ġcatch": 11164, - "Ġsatisfaction": 11165, - "Ġvon": 11166, - "valid": 11167, - "Ġyielded": 11168, - "Ġpackets": 11169, - "Ġresonant": 11170, - "pret": 11171, - "ĠGFP": 11172, - "Ġcutting": 11173, - "Ġreplacing": 11174, - "aze": 11175, - "Pa": 11176, - "Ġtoday": 11177, - "Ġdecided": 11178, - "ilateral": 11179, - "imate": 11180, - "lings": 11181, - "ĠRobust": 11182, - "ĠAst": 11183, - "odynamics": 11184, - "Ġlacking": 11185, - "izophrenia": 11186, - "Ġcontraction": 11187, - "umann": 11188, - "ĠSample": 11189, - "Ġdiamond": 11190, - "method": 11191, - "TOR": 11192, - "Ġcomments": 11193, - "sey": 11194, - "Ġmanufacturing": 11195, - "ĠDa": 11196, - "NR": 11197, - "Ġoperated": 11198, - "rates": 11199, - "Ġextinction": 11200, - "uvant": 11201, - "ĠFinite": 11202, - "Ġlymphocytes": 11203, - "bro": 11204, - "omology": 11205, - "Ġinstruments": 11206, - "bec": 11207, - "ogle": 11208, - "Ġquoti": 11209, - "Ġhyperbolic": 11210, - "Ġtrim": 11211, - "Ġpap": 11212, - "aturated": 11213, - "haus": 11214, - "Ġsessions": 11215, - "Ġcampaign": 11216, - "Ġvarieties": 11217, - "Ġprojected": 11218, - "Ġrid": 11219, - "bone": 11220, - "Ġancest": 11221, - "ĠET": 11222, - "mail": 11223, - "ĠTransport": 11224, - "///": 11225, - "ĠAnn": 11226, - "Ġcompositions": 11227, - "ĠINTRODUCTION": 11228, - "ĠâĪĴâĨĴ": 11229, - "Ġwhenever": 11230, - "ĠLip": 11231, - "parts": 11232, - "Ġisomorphic": 11233, - "Ġsulfate": 11234, - "Ġhop": 11235, - "Ġgon": 11236, - "ĠObject": 11237, - "Ġpipeline": 11238, - "Ġma": 11239, - "ĠGas": 11240, - "Ġtendency": 11241, - "object": 11242, - "Ġparametric": 11243, - "ĠReturn": 11244, - "Ġdwar": 11245, - "Ġpressures": 11246, - "ĠBios": 11247, - "Ġmultiplication": 11248, - "Ġdimin": 11249, - "Ġcolors": 11250, - "ĠTrue": 11251, - "Max": 11252, - "ĠDepend": 11253, - "Ġpairwise": 11254, - "Ġlake": 11255, - "Ġhierarchy": 11256, - "Ġthresholds": 11257, - "ĠAdaptive": 11258, - "making": 11259, - "Ġcatalysts": 11260, - "ipal": 11261, - "Ġeggs": 11262, - "Ġwire": 11263, - "ophyll": 11264, - "ictor": 11265, - "labeled": 11266, - "Ġmuscles": 11267, - "ĠUnderstanding": 11268, - "Ġfibre": 11269, - "controlled": 11270, - "Ġinvariance": 11271, - "Ġcache": 11272, - "Ġboson": 11273, - "Ġnearby": 11274, - "ĠWomen": 11275, - "ĠInitial": 11276, - "Ġprobabilistic": 11277, - "Ġembryonic": 11278, - "ĠBetween": 11279, - "Ġconjecture": 11280, - "ienti": 11281, - "tx": 11282, - "gens": 11283, - "anck": 11284, - "Ġgir": 11285, - "ĠLower": 11286, - "Ġhospitals": 11287, - "bridge": 11288, - "Method": 11289, - "Ġtheta": 11290, - "ja": 11291, - "Ġconceptual": 11292, - "Ġcolle": 11293, - "ĠSaf": 11294, - "dic": 11295, - "Ġpet": 11296, - "Ġprimer": 11297, - "ĠOh": 11298, - "Ġuntreated": 11299, - "longrightarrow": 11300, - "Ġlicense": 11301, - "Ġhelps": 11302, - "Ġcleavage": 11303, - "Ġamplified": 11304, - "е": 11305, - "Ġaccessible": 11306, - "ĠSelection": 11307, - "ĠLorentz": 11308, - "Py": 11309, - "Ġpolarized": 11310, - "ĠSTAT": 11311, - "mitt": 11312, - "Up": 11313, - "Ġongoing": 11314, - "Ġneph": 11315, - "efficient": 11316, - "activ": 11317, - "ĠRR": 11318, - "Ġfunctioning": 11319, - "otin": 11320, - "Ġlists": 11321, - "Ġformalism": 11322, - "Ġoscillator": 11323, - "Ġgastrointestinal": 11324, - "ootstrap": 11325, - "ĠAsia": 11326, - "ĠDay": 11327, - "Ġcompeting": 11328, - "ivalent": 11329, - "Ġbladder": 11330, - "Ġhit": 11331, - "Ġapproximations": 11332, - "ĠEg": 11333, - "ĠClust": 11334, - "Ġrelies": 11335, - "NE": 11336, - "copro": 11337, - "Ġbank": 11338, - "Ġintegrating": 11339, - "ĠHear": 11340, - "Ġinitiated": 11341, - "acryl": 11342, - "ĠBH": 11343, - "racted": 11344, - "yc": 11345, - "ĠRa": 11346, - "Ġremarkable": 11347, - "ĠË": 11348, - "teness": 11349, - "Ġemploying": 11350, - "steine": 11351, - "Ġï£Ń": 11352, - "Ġtransfected": 11353, - "Ġinjuries": 11354, - "ĠBrief": 11355, - "Ġwidespread": 11356, - "ĠAK": 11357, - "IVE": 11358, - "Ġharm": 11359, - "Ġpole": 11360, - "Ġanisotropic": 11361, - "aten": 11362, - "gene": 11363, - "ivariate": 11364, - "Inter": 11365, - "ductors": 11366, - "Ġaccompl": 11367, - "oglobin": 11368, - "cong": 11369, - "Ġqueries": 11370, - "escope": 11371, - "ĠHop": 11372, - "Ġentity": 11373, - "Ġoffered": 11374, - "State": 11375, - "ĠExperiments": 11376, - "anner": 11377, - "ĠWood": 11378, - "arded": 11379, - "agon": 11380, - "Ġfibroblasts": 11381, - "Ġnanos": 11382, - "Ġperoxid": 11383, - "Ġevid": 11384, - "Ġ": 11385, - "Ġretained": 11386, - "osqu": 11387, - "Ġleaving": 11388, - "Ġfashion": 11389, - "ĠnM": 11390, - "Ġmutual": 11391, - "approxim": 11392, - "Ġwalking": 11393, - "Ġimpossible": 11394, - "Ġdemonstrating": 11395, - "Ġdegener": 11396, - "ĠAV": 11397, - "Ġcontrary": 11398, - "ustion": 11399, - "oclonal": 11400, - "Anal": 11401, - "Ġperformances": 11402, - "Ġcomprom": 11403, - "orms": 11404, - "Ġbudget": 11405, - "ĠHaw": 11406, - "Ġarthritis": 11407, - "obj": 11408, - "noise": 11409, - "TiO": 11410, - "ochrome": 11411, - "Ġgeodes": 11412, - "bean": 11413, - "Ġselectivity": 11414, - "ĠFood": 11415, - "ughter": 11416, - "Ġpermutation": 11417, - "ĠRP": 11418, - "osal": 11419, - "Ġadip": 11420, - "armaceutical": 11421, - "when": 11422, - "ĠText": 11423, - "week": 11424, - "Ġbonding": 11425, - "arb": 11426, - "ocor": 11427, - "Ġvoc": 11428, - "Ġupregulated": 11429, - "Ġneighbors": 11430, - "Ġtrait": 11431, - "Ġtheore": 11432, - "Ġcf": 11433, - "ĠBerg": 11434, - "ĠLA": 11435, - "Ġlas": 11436, - "unte": 11437, - "ceptual": 11438, - "ASE": 11439, - "Ġischemic": 11440, - "Ġbending": 11441, - "dataset": 11442, - "Ġkeeping": 11443, - "Ġarrows": 11444, - "Ġsubstances": 11445, - "Ġns": 11446, - "Ġextending": 11447, - "ĠRu": 11448, - "Ġsupplementation": 11449, - "critical": 11450, - "ĠTraining": 11451, - "bullet": 11452, - "Ġpara": 11453, - "tail": 11454, - "ĠReference": 11455, - "Ġ": 11456, - "Ġdissipation": 11457, - "Ġauxiliary": 11458, - "ĠCycl": 11459, - "stim": 11460, - "Ġdilution": 11461, - "buf": 11462, - "ĠMiss": 11463, - "Ġultimately": 11464, - "Ġpowers": 11465, - "Ġstands": 11466, - "usted": 11467, - "ĠOH": 11468, - "habilitation": 11469, - "analy": 11470, - "ĠBra": 11471, - "adding": 11472, - "Corollary": 11473, - "Ġdrought": 11474, - "quality": 11475, - "Ġstandardized": 11476, - "ĠJe": 11477, - "ĠAcid": 11478, - "Ġmism": 11479, - "ĠChrom": 11480, - "draw": 11481, - "ĠBiom": 11482, - "ĠStability": 11483, - "Furthermore": 11484, - "last": 11485, - "vic": 11486, - "Ġabst": 11487, - "Ġbis": 11488, - "Ġemergence": 11489, - "Ġgiant": 11490, - "De": 11491, - "ĠSamples": 11492, - "ABA": 11493, - "nas": 11494, - "Ġont": 11495, - "Ġevap": 11496, - "levant": 11497, - "main": 11498, - "ĠRod": 11499, - "Ġcros": 11500, - "itary": 11501, - "Ġdoub": 11502, - "rö": 11503, - "igenetic": 11504, - "Ġincomplete": 11505, - "depth": 11506, - "ïģ": 11507, - "Ġsaturated": 11508, - "Ġaerosol": 11509, - "Assum": 11510, - "Ġimmunos": 11511, - "Ġlipids": 11512, - "itoneal": 11513, - "Ġbearing": 11514, - "ĠImplications": 11515, - "Ġsustained": 11516, - "Ġcompetitive": 11517, - "Ġmotivation": 11518, - "Ġdisturbance": 11519, - "rystalline": 11520, - "Ġtaxa": 11521, - "Ġdementia": 11522, - "Ġconcerned": 11523, - "PIO": 11524, - "homogeneous": 11525, - "ĠEv": 11526, - "ĠGeorge": 11527, - "ĠAlgorithms": 11528, - "ickel": 11529, - "usively": 11530, - "Ġcorner": 11531, - "ĠRest": 11532, - "Ġinfinity": 11533, - "ĠTransform": 11534, - "heng": 11535, - "Ġneurode": 11536, - "olim": 11537, - "Íij": 11538, - "Ġskew": 11539, - "ĠBS": 11540, - "score": 11541, - "YPE": 11542, - "eman": 11543, - "elle": 11544, - "ĠCorrelation": 11545, - "Ġcultural": 11546, - "ophosph": 11547, - "Ġattenuation": 11548, - "Ġaggregate": 11549, - "Ġambig": 11550, - "Ġanomalous": 11551, - "Ġtors": 11552, - "Ġplanet": 11553, - "ĠNPs": 11554, - "hr": 11555, - "ĠDivision": 11556, - "ĠEducation": 11557, - "lectic": 11558, - "Ġbrought": 11559, - "ĠMorph": 11560, - "Ġplanes": 11561, - "Ġsugar": 11562, - "Ġdendritic": 11563, - "Ġcontour": 11564, - "Ġcylinder": 11565, - "post": 11566, - "Ġwent": 11567, - "RL": 11568, - "Ġadmission": 11569, - "MSE": 11570, - "IX": 11571, - "Ġdisjoint": 11572, - "Ġannotation": 11573, - "Ġisotope": 11574, - "Ġμν": 11575, - "Ġeliminate": 11576, - "Ġreactor": 11577, - "onents": 11578, - "Ġreasoning": 11579, - "Ġmorbidity": 11580, - "Ġcorrosion": 11581, - "othermal": 11582, - "arctic": 11583, - "ĠMB": 11584, - "ĠZhao": 11585, - "Ġhistological": 11586, - "Ġsuperconducting": 11587, - "attered": 11588, - "Ġhousehold": 11589, - "ĠProp": 11590, - "Ġasser": 11591, - "hered": 11592, - "Ġteams": 11593, - "Ġvanishes": 11594, - "Pre": 11595, - "aments": 11596, - "Ġamorphous": 11597, - "ĠDetermination": 11598, - "missions": 11599, - "Ġoverhead": 11600, - "determ": 11601, - "Ġutilizing": 11602, - "fa": 11603, - "ipolar": 11604, - "Ġformulated": 11605, - "Ġextrap": 11606, - "grid": 11607, - "Ġhumidity": 11608, - "uber": 11609, - "tumor": 11610, - "rous": 11611, - "Ġdistortion": 11612, - "dynamics": 11613, - "ĠLoss": 11614, - "Ġscaled": 11615, - "Ġischemia": 11616, - "Ġaxes": 11617, - "Ġquantit": 11618, - "nit": 11619, - "ĠRegion": 11620, - "ained": 11621, - "Ġfill": 11622, - "Ġbranching": 11623, - "ĠTiss": 11624, - "cross": 11625, - "Ġplatelet": 11626, - "iffiffiffiff": 11627, - "rops": 11628, - "lux": 11629, - "join": 11630, - "uracy": 11631, - "icide": 11632, - "ĠLouis": 11633, - "Ġ": 11634, - "Ġstrings": 11635, - "yset": 11636, - "Ġfacial": 11637, - "ĠMMP": 11638, - "RES": 11639, - "Ġhydrolysis": 11640, - "ĠCanadian": 11641, - "Ġprojective": 11642, - "Ġscatter": 11643, - "uron": 11644, - "ĠPsych": 11645, - "complex": 11646, - "ĠNam": 11647, - "Ġconcurrent": 11648, - "IONS": 11649, - "Ġthous": 11650, - "Ġchance": 11651, - "Ġplacement": 11652, - "Ġawareness": 11653, - "Ġtrib": 11654, - "ĠTex": 11655, - "ĠThird": 11656, - "Ġlabeling": 11657, - "cerol": 11658, - "Ġsaw": 11659, - "ĠBand": 11660, - "ĠPear": 11661, - "Ġpregnant": 11662, - "ĠDown": 11663, - "platin": 11664, - "Seq": 11665, - "xe": 11666, - "ethylene": 11667, - "ĠHigher": 11668, - "Ġreality": 11669, - "uris": 11670, - "ĠPAR": 11671, - "lb": 11672, - "dose": 11673, - "shif": 11674, - "iliar": 11675, - "total": 11676, - "SW": 11677, - "Ġvalve": 11678, - "nder": 11679, - "н": 11680, - "amous": 11681, - "Ġendomet": 11682, - "LISA": 11683, - "Ġfractures": 11684, - "Ġfilt": 11685, - "role": 11686, - "Ġmicrostructure": 11687, - "ĠSNP": 11688, - "TER": 11689, - "ĠZnO": 11690, - "oving": 11691, - "ali": 11692, - "ĠGM": 11693, - "unct": 11694, - "Ġextensions": 11695, - "expression": 11696, - "Ġescape": 11697, - "ĠMas": 11698, - "ĠSpanish": 11699, - "Ġfloor": 11700, - "ĠCommon": 11701, - "otopy": 11702, - "plementation": 11703, - "Ġrhyth": 11704, - "Ġserves": 11705, - "yto": 11706, - "Ġwavelengths": 11707, - "emptyset": 11708, - "ĠHill": 11709, - "nor": 11710, - "ĠElectro": 11711, - "Ġdehydrogen": 11712, - "Ġwhom": 11713, - "imetric": 11714, - "ĠRoman": 11715, - "ĠVe": 11716, - "âī¥": 11717, - "ĠKu": 11718, - "ĠTransfer": 11719, - "Äĩ": 11720, - "ĠTF": 11721, - "brain": 11722, - "coprotein": 11723, - "ĠGreat": 11724, - "aven": 11725, - "ĠIndividual": 11726, - "uri": 11727, - "Ġfungi": 11728, - "Ġparam": 11729, - "pton": 11730, - "symmetry": 11731, - "Ġlock": 11732, - "meas": 11733, - "Ġhaem": 11734, - "Ġhip": 11735, - "Ass": 11736, - "enger": 11737, - "Ġpotassium": 11738, - "anal": 11739, - "ibrary": 11740, - "Ġschools": 11741, - "natal": 11742, - "Ġalleles": 11743, - "ĠHLA": 11744, - "oxygen": 11745, - "ĠCup": 11746, - "Ġpurely": 11747, - "DO": 11748, - "Ġchip": 11749, - "ôı": 11750, - "Car": 11751, - "sil": 11752, - "Ġunlikely": 11753, - "correspond": 11754, - "ĠDP": 11755, - "Ġintense": 11756, - "Ġforcing": 11757, - "ĠJournal": 11758, - "Ġarrow": 11759, - "ocyan": 11760, - "Ġcultiv": 11761, - "Ġblind": 11762, - "Ġselecting": 11763, - "ocarcinoma": 11764, - "rance": 11765, - "Ġhydrophobic": 11766, - "closed": 11767, - "Ġensures": 11768, - "Ġpromoted": 11769, - "Ġdetectable": 11770, - "ranean": 11771, - "Ġschedule": 11772, - "Ġpartly": 11773, - "Ġgland": 11774, - "Ġcouple": 11775, - "ĠEmerg": 11776, - "Ġtraces": 11777, - "poly": 11778, - "Ġprotease": 11779, - "ystic": 11780, - "Ġdocuments": 11781, - "positions": 11782, - "Ġdriver": 11783, - "tium": 11784, - "ĠCYP": 11785, - "close": 11786, - "ĠRecep": 11787, - "Ġpermit": 11788, - "Ġblocked": 11789, - "Ġinvestigating": 11790, - "ĠTumor": 11791, - "ĠBig": 11792, - "Ġwavegu": 11793, - "Ġsubstance": 11794, - "Ġweaker": 11795, - "ĠMont": 11796, - "rovers": 11797, - "ĠMexico": 11798, - "pres": 11799, - "ĠAcute": 11800, - "Ġmicrogl": 11801, - "ĠES": 11802, - "itoring": 11803, - "ĠSeries": 11804, - "lights": 11805, - "Ġhypothesized": 11806, - "Ġconstructs": 11807, - "Ġfiltration": 11808, - "Black": 11809, - "Ġunchanged": 11810, - "Ġobservable": 11811, - "Ġray": 11812, - "between": 11813, - "Ġ": 11814, - "ĠPosition": 11815, - "Ġthi": 11816, - "ĠSystematic": 11817, - "Class": 11818, - "km": 11819, - "ĠTak": 11820, - "Ġrespondents": 11821, - "Ġinnate": 11822, - "Ġant": 11823, - "Ġconnecting": 11824, - "Rel": 11825, - "Ġmanipulation": 11826, - "ĠNeg": 11827, - "NPs": 11828, - "ĠDiab": 11829, - "ĠActive": 11830, - "ĠGall": 11831, - "ĠCoulomb": 11832, - "Ġspacing": 11833, - "ĠFlor": 11834, - "Ġconductance": 11835, - "Ġtracks": 11836, - "ĠZhu": 11837, - "weighted": 11838, - "rocy": 11839, - "Ġfather": 11840, - "idium": 11841, - "structured": 11842, - "ĠTel": 11843, - "Ġstrom": 11844, - "ithub": 11845, - "certain": 11846, - "But": 11847, - "ĠAccess": 11848, - "Ġpreventing": 11849, - "restrial": 11850, - "ĠConsidering": 11851, - "true": 11852, - "Ġhosts": 11853, - "Ġworst": 11854, - "ĠPd": 11855, - "gredi": 11856, - "Ġglycol": 11857, - "Ġstory": 11858, - "osquito": 11859, - "paratus": 11860, - "Ġmeeting": 11861, - "Ġepisode": 11862, - "nc": 11863, - "ĠSand": 11864, - "Ġuint": 11865, - "ynamical": 11866, - "urt": 11867, - "Ġeducational": 11868, - "Ġfocuses": 11869, - "gt": 11870, - "ĠHS": 11871, - "Ġdeterminant": 11872, - "Ġlithium": 11873, - "ĠDigital": 11874, - "Ġguidance": 11875, - "Ġpriority": 11876, - "Ġparty": 11877, - "orial": 11878, - "Two": 11879, - "ĠProblems": 11880, - "Ġseman": 11881, - "ĠCNN": 11882, - "ĠEpid": 11883, - "Ġplaying": 11884, - "Ġelimination": 11885, - "ĠSat": 11886, - "Ġobjectives": 11887, - "plectic": 11888, - "Ġcircumst": 11889, - "ĠGS": 11890, - "ocellular": 11891, - "otrans": 11892, - "Ġfinds": 11893, - "Ġaromatic": 11894, - "izers": 11895, - "Ġfavorable": 11896, - "standard": 11897, - "ichlor": 11898, - "models": 11899, - "otyping": 11900, - "Ġstabilization": 11901, - "Ġhandling": 11902, - "Ġcoated": 11903, - "even": 11904, - "Ġletter": 11905, - "ZE": 11906, - "Ġultrason": 11907, - "Ġfriend": 11908, - "Ġsensiti": 11909, - "Ġattachment": 11910, - "Ġapart": 11911, - "Ġgrey": 11912, - "Ġaircraft": 11913, - "ĠrRNA": 11914, - "Ġenabled": 11915, - "Ġbuff": 11916, - "Ġredox": 11917, - "assisted": 11918, - "Ġgenerality": 11919, - "PSS": 11920, - "Ġelection": 11921, - "response": 11922, - "Ġdedicated": 11923, - "Ġdemographic": 11924, - "Ġimposed": 11925, - "ĠKir": 11926, - "ĠRadio": 11927, - "ĠELISA": 11928, - "gae": 11929, - "Ġresc": 11930, - "ĠRic": 11931, - "raphic": 11932, - "Ġrail": 11933, - "Ġjournal": 11934, - "oler": 11935, - "WS": 11936, - "Ġincorporation": 11937, - "wind": 11938, - "Ġauditory": 11939, - "AE": 11940, - "task": 11941, - "Ġpc": 11942, - "wall": 11943, - "Ġapprec": 11944, - "aterials": 11945, - "Ġpartner": 11946, - "Ġcollective": 11947, - "Ġscoring": 11948, - "ĠFrank": 11949, - "Ġpermanent": 11950, - "ĠIran": 11951, - "umination": 11952, - "Med": 11953, - "ĠHybrid": 11954, - "Ġphenotypic": 11955, - "Ġdisruption": 11956, - "violet": 11957, - "ospheric": 11958, - "Ġregimes": 11959, - "ĠColor": 11960, - "ĠPatient": 11961, - "Ġfever": 11962, - "Ġnn": 11963, - "Ġvariational": 11964, - "keys": 11965, - "Ġdistill": 11966, - "Ġspectroscopic": 11967, - "ĠArchitect": 11968, - "acing": 11969, - "Ġproves": 11970, - "Ġverteb": 11971, - "ĠComputer": 11972, - "Ġexpensive": 11973, - "Ġfrozen": 11974, - "arcoma": 11975, - "NK": 11976, - "Ġhistone": 11977, - "Ġpolymerization": 11978, - "Ġtob": 11979, - "Ġturned": 11980, - "effective": 11981, - "ĠAuthor": 11982, - "API": 11983, - "Ġdecade": 11984, - "ĠRobert": 11985, - "Example": 11986, - "overset": 11987, - "ABLE": 11988, - "ĠBehavior": 11989, - "feed": 11990, - "ĠTai": 11991, - "Ġ": 11992, - "Ġegg": 11993, - "Ġcath": 11994, - "aux": 11995, - "ĠJohnson": 11996, - "Ġtorque": 11997, - "Ġpurification": 11998, - "White": 11999, - "cious": 12000, - "ĠSong": 12001, - "Ġprecipit": 12002, - "reshold": 12003, - "Ġmilitary": 12004, - "Ġconvection": 12005, - "ĠMiddle": 12006, - "ĠWhe": 12007, - "Ġôı": 12008, - "aland": 12009, - "aration": 12010, - "figure": 12011, - "Ġdeduce": 12012, - "chloro": 12013, - "cost": 12014, - "ithmetic": 12015, - "ĠItalian": 12016, - "missible": 12017, - "ĠCommunity": 12018, - "ĠNature": 12019, - "Ġdioxide": 12020, - "Ġbalanced": 12021, - "ett": 12022, - "STAT": 12023, - "ilding": 12024, - "Ġevolved": 12025, - "Ġmonot": 12026, - "pur": 12027, - "Ġpreferences": 12028, - "dinger": 12029, - "Ġargue": 12030, - "Ġmotions": 12031, - "Ġinfant": 12032, - "Ġaccelerated": 12033, - "Ġobserver": 12034, - "Ġfabrication": 12035, - "ĠMechanisms": 12036, - "Ġfunctor": 12037, - "Ġharves": 12038, - "rase": 12039, - "ĠSpecial": 12040, - "Ġdeposits": 12041, - "Ġrub": 12042, - "à¸": 12043, - "ĠCPU": 12044, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 12045, - "atomical": 12046, - "Ġfinit": 12047, - "Ġsecure": 12048, - "Ġnutritional": 12049, - "renal": 12050, - "ĠFalse": 12051, - "Ġshel": 12052, - "Ġrecruited": 12053, - "ambig": 12054, - "ĠSignaling": 12055, - "KO": 12056, - "organisms": 12057, - "ĠLT": 12058, - "elen": 12059, - "ĠMarc": 12060, - "abatic": 12061, - "Ġtables": 12062, - "Ġconfined": 12063, - "ĠAz": 12064, - "Ġproductivity": 12065, - "Ġadherence": 12066, - "Ġreplicates": 12067, - "Ġvirt": 12068, - "fin": 12069, - "Ġagricultural": 12070, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 12071, - "ĠChampionship": 12072, - "anda": 12073, - "ĠChurch": 12074, - "During": 12075, - "Ġinserted": 12076, - "ighter": 12077, - "Ġxen": 12078, - "Ġsave": 12079, - "Ġtangent": 12080, - "venous": 12081, - "Ġconverge": 12082, - "Ġdistinguished": 12083, - "Ġexplos": 12084, - "Ġaortic": 12085, - "Ġjump": 12086, - "Ġneonatal": 12087, - "udden": 12088, - "Ġslower": 12089, - "Ġinfarction": 12090, - "Ġprevents": 12091, - "uer": 12092, - "Ġeros": 12093, - "RP": 12094, - "Ġcontinues": 12095, - "ORT": 12096, - "Ġconsiders": 12097, - "ĠNuclear": 12098, - "lymp": 12099, - "Ġaccounted": 12100, - "oresis": 12101, - "Ġneighboring": 12102, - "ĠRichard": 12103, - "Ġenfor": 12104, - "ĠChronic": 12105, - "Ġdiscover": 12106, - "ĠHong": 12107, - "cells": 12108, - "ĠChall": 12109, - "Ġhomogen": 12110, - "Ġatheros": 12111, - "Ġisolate": 12112, - "ĠPlasma": 12113, - "ĠDL": 12114, - "parametric": 12115, - "ĠUpper": 12116, - "HP": 12117, - "Ġintroduces": 12118, - "Ġmothers": 12119, - "Ġattract": 12120, - "Ġexclusion": 12121, - "gravity": 12122, - "ĠKr": 12123, - "Ġspike": 12124, - "ĠHeat": 12125, - "vival": 12126, - "ĠRNAs": 12127, - "bach": 12128, - "atorial": 12129, - "ĠLtd": 12130, - "onomy": 12131, - "invasive": 12132, - "lass": 12133, - "Ġwells": 12134, - "Ġimaginary": 12135, - "Ġcarbohyd": 12136, - "oda": 12137, - "Ġactivate": 12138, - "µĦ": 12139, - "Ġenzymatic": 12140, - "pes": 12141, - "Ġstatements": 12142, - "Ġapproximated": 12143, - "ĠSalmon": 12144, - "ophageal": 12145, - "ĠHPV": 12146, - "conf": 12147, - "umat": 12148, - "Ġsulfur": 12149, - "ĠRecall": 12150, - "Ġchond": 12151, - "Ġviable": 12152, - "poration": 12153, - "Ġcarefully": 12154, - "tetra": 12155, - "Ġlymphoma": 12156, - "stat": 12157, - "Ġconservative": 12158, - "atabase": 12159, - "mand": 12160, - "Ġscored": 12161, - "Ġvas": 12162, - "Ġprivacy": 12163, - "onymous": 12164, - "Ġlogarithmic": 12165, - "ĠEcon": 12166, - "Ġachieves": 12167, - "Ġabundances": 12168, - "cam": 12169, - "Ġcyan": 12170, - "ĠEL": 12171, - "idelity": 12172, - "jo": 12173, - "Ġanticip": 12174, - "reported": 12175, - "Ġarrangement": 12176, - "iterranean": 12177, - "psis": 12178, - "ichi": 12179, - "Ġta": 12180, - "umping": 12181, - "ĠActivation": 12182, - "Ġmelt": 12183, - "Ġanno": 12184, - "oge": 12185, - "ĠDam": 12186, - "optimal": 12187, - "Ġneurological": 12188, - "sa": 12189, - "ĠParameters": 12190, - "offset": 12191, - "Ġcement": 12192, - "Ġinhibiting": 12193, - "Ġchose": 12194, - "itzer": 12195, - "attr": 12196, - "Ġmoder": 12197, - "atories": 12198, - "Ġteaching": 12199, - "ĠCore": 12200, - "phthal": 12201, - "ĠLuc": 12202, - "Ġingredi": 12203, - "Ġclearance": 12204, - "Ġachieving": 12205, - "tage": 12206, - "Ġburst": 12207, - "vie": 12208, - "ĠSpain": 12209, - "pto": 12210, - "Ġtransmembrane": 12211, - "Ġsupplementary": 12212, - "Ġtoken": 12213, - "Ġobviously": 12214, - "ĠVector": 12215, - "Ġdestr": 12216, - "HOD": 12217, - "Ġassumes": 12218, - "Ġpenetration": 12219, - "Ġsubjective": 12220, - "holds": 12221, - "ão": 12222, - "Ġmotiv": 12223, - "Ġproviders": 12224, - "vascular": 12225, - "Ġdepartment": 12226, - "ocket": 12227, - "File": 12228, - "Ġbreath": 12229, - "ĠBest": 12230, - "grable": 12231, - "Ġliqu": 12232, - "ĠArg": 12233, - "ĠBob": 12234, - "Ġfragmentation": 12235, - "ectic": 12236, - "Ġvital": 12237, - "since": 12238, - "alloc": 12239, - "oxyphenyl": 12240, - "Ġradiotherapy": 12241, - "ĠSDS": 12242, - "Ġcytometry": 12243, - "nucle": 12244, - "ĠIM": 12245, - "ĠTeV": 12246, - "rafish": 12247, - "ĠKorea": 12248, - "Ġstrengthen": 12249, - "Ġbare": 12250, - "Ġwoman": 12251, - "Ġradar": 12252, - "Ġplatforms": 12253, - "ozygous": 12254, - "ĠAh": 12255, - "Ġsubtypes": 12256, - "pyrid": 12257, - "ĠTranscription": 12258, - "Ġáº": 12259, - "ĠMeasurements": 12260, - "Ġsurviv": 12261, - "ĠNear": 12262, - "Ġcascade": 12263, - "outhe": 12264, - "BU": 12265, - "Ġexponentially": 12266, - "Ġhazard": 12267, - "ĠsiRNA": 12268, - "Ġcellulose": 12269, - "Figs": 12270, - "Ġdifferentiated": 12271, - "Ġimplicated": 12272, - "metric": 12273, - "Ġcorrelate": 12274, - "Ġmission": 12275, - "Ġmantle": 12276, - "ĠPhyl": 12277, - "ĠHart": 12278, - "Ġgases": 12279, - "Ġunity": 12280, - "Ġexpert": 12281, - "Ġchart": 12282, - "Ġdict": 12283, - "Ġepile": 12284, - "Ġoffspring": 12285, - "Ġemerged": 12286, - "Ġdemands": 12287, - "Ġpresum": 12288, - "orbid": 12289, - "ĠMedicine": 12290, - "Ġstreams": 12291, - "ticed": 12292, - "ĠNic": 12293, - "Ġfilling": 12294, - "ĠCro": 12295, - "Ġrestrictions": 12296, - "See": 12297, - "ĠMill": 12298, - "Ġparental": 12299, - "Ġdeterminants": 12300, - "Ġecosystem": 12301, - "ĠWall": 12302, - "ĠMemory": 12303, - "plets": 12304, - "Ġaggregates": 12305, - "perturb": 12306, - "Ġresidents": 12307, - "ACK": 12308, - "vectors": 12309, - "Ġmanually": 12310, - "Ġïĺ": 12311, - "ĠFramework": 12312, - "Ġvag": 12313, - "ebrafish": 12314, - "lib": 12315, - "ĠHeart": 12316, - "ĠAnimal": 12317, - "Ġwider": 12318, - "Gene": 12319, - "ĠRos": 12320, - "Ġoperate": 12321, - "Ġpossibilities": 12322, - "ĠStrong": 12323, - "Ġpyro": 12324, - "respectively": 12325, - "Ġhybridization": 12326, - "ipedia": 12327, - "xin": 12328, - "Ġstom": 12329, - "fish": 12330, - "ĠForce": 12331, - "Ġdimer": 12332, - "SUL": 12333, - "else": 12334, - "Ġunde": 12335, - "gar": 12336, - "conv": 12337, - "Ġarrival": 12338, - "Ġmonoclonal": 12339, - "IAL": 12340, - "Ġly": 12341, - "Ġsymmetries": 12342, - "Ġnursing": 12343, - "rach": 12344, - "ĠóµĦ": 12345, - "Ġbiased": 12346, - "Ġcues": 12347, - "Ġbiomarker": 12348, - "ders": 12349, - "Ġcrow": 12350, - "ernels": 12351, - "Ġbilateral": 12352, - "Ġphysically": 12353, - "Ġpatches": 12354, - "Ġuncon": 12355, - "ĠBefore": 12356, - "default": 12357, - "estyle": 12358, - "tfrac": 12359, - "ĠCox": 12360, - "Ġinfiltration": 12361, - "Ġconvert": 12362, - "Ġstrengths": 12363, - "ĠSar": 12364, - "igible": 12365, - "ocomp": 12366, - "Ġstir": 12367, - "Ġschizophrenia": 12368, - "was": 12369, - "Ġow": 12370, - "eterm": 12371, - "ĠOrder": 12372, - "Ġfoss": 12373, - "Ġlineage": 12374, - "Ġrabbit": 12375, - "Ġregularization": 12376, - "ranch": 12377, - "oplastic": 12378, - "TO": 12379, - "Ġmeasurable": 12380, - "Ġmang": 12381, - "initial": 12382, - "Ġbuildings": 12383, - "Ġsystematically": 12384, - "Ġfermions": 12385, - "Ġlibraries": 12386, - "Ġablation": 12387, - "ideos": 12388, - "ĠWi": 12389, - "photon": 12390, - "ĠTesting": 12391, - "ĠComputing": 12392, - "tier": 12393, - "inet": 12394, - "Ġprimitive": 12395, - "Ġcapillary": 12396, - "Ġslip": 12397, - "vergence": 12398, - "rapeutic": 12399, - "ĠBlue": 12400, - "ĠAcad": 12401, - "hai": 12402, - "ĠLew": 12403, - "Ġtriangular": 12404, - "MSO": 12405, - "Ġsalinity": 12406, - "Ġnanocom": 12407, - "oa": 12408, - "Ġhomomorphism": 12409, - "ĠMM": 12410, - "Ġresin": 12411, - "DB": 12412, - "uminescence": 12413, - "dashed": 12414, - "ĠKh": 12415, - "quark": 12416, - "embles": 12417, - "Ġidentifies": 12418, - "Ġfollic": 12419, - "Ġmetam": 12420, - "ĠHerm": 12421, - "Ġtobacco": 12422, - "Ġrealization": 12423, - "hydrox": 12424, - "ĠBet": 12425, - "Because": 12426, - "Ġpieces": 12427, - "Ġtalk": 12428, - "Ġopened": 12429, - "asome": 12430, - "Ġsurge": 12431, - "Ġfluctuation": 12432, - "github": 12433, - "ĠBacter": 12434, - "Ġbinds": 12435, - "ĠRapid": 12436, - "auer": 12437, - "pH": 12438, - "embed": 12439, - "ĠDoc": 12440, - "uchi": 12441, - "ĠCandid": 12442, - "Ġrarely": 12443, - "Ġmountain": 12444, - "ĠFat": 12445, - "Ġsend": 12446, - "ovsk": 12447, - "ĠOrganization": 12448, - "ĠFranc": 12449, - "ĠOP": 12450, - "âμ": 12451, - "okes": 12452, - "ece": 12453, - "deficient": 12454, - "Ġlinkage": 12455, - "odon": 12456, - "Ġfly": 12457, - "Ġtidal": 12458, - "ĠExamples": 12459, - "ĠRout": 12460, - "Ġaccommod": 12461, - "Suppose": 12462, - "adap": 12463, - "Ġdie": 12464, - "root": 12465, - "Ġhon": 12466, - "Ġminimizing": 12467, - "Ġroughness": 12468, - "Ġgrass": 12469, - "enta": 12470, - "ĠLang": 12471, - "edu": 12472, - "ĠSimple": 12473, - "enic": 12474, - "Ġinducing": 12475, - "tf": 12476, - "Ġcontexts": 12477, - "ĠGeneralized": 12478, - "ĠWnt": 12479, - "Pb": 12480, - "atomic": 12481, - "dem": 12482, - "ĠPreparation": 12483, - "Ġinsufficient": 12484, - "sam": 12485, - "ĠSpecies": 12486, - "ĠSolar": 12487, - "Ġunsigned": 12488, - "ĠHER": 12489, - "âĬ": 12490, - "Ġparity": 12491, - "Ġnitrate": 12492, - "ĠCer": 12493, - "ptic": 12494, - "identif": 12495, - "geal": 12496, - "Ġemotion": 12497, - "ĠLP": 12498, - "Ġenhancing": 12499, - "Ġmeaningful": 12500, - "station": 12501, - "Ġrelig": 12502, - "yo": 12503, - "Ġperspectives": 12504, - "Ġscans": 12505, - "uginosa": 12506, - "Ġsummarize": 12507, - "relations": 12508, - "Ġdistant": 12509, - "Ġfunctionality": 12510, - "Ġdeeper": 12511, - "olate": 12512, - "ĠPor": 12513, - "graphs": 12514, - "ĠWa": 12515, - "ophilic": 12516, - "CLUS": 12517, - "ropathy": 12518, - "Ġcred": 12519, - "Ġuniversity": 12520, - "seg": 12521, - "vee": 12522, - "OG": 12523, - "ĠMen": 12524, - "ĠCritical": 12525, - "ãģ": 12526, - "Ġexit": 12527, - "vartheta": 12528, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 12529, - "Ġunf": 12530, - "Ġproposal": 12531, - "Ġtyrosine": 12532, - "otides": 12533, - "Ġproximity": 12534, - "Ġboxes": 12535, - "caten": 12536, - "ĠEnvironmental": 12537, - "bounded": 12538, - "downarrow": 12539, - "Ġfalls": 12540, - "Ġfertil": 12541, - "Ġcomprised": 12542, - "Ġmellitus": 12543, - "Ġleakage": 12544, - "uty": 12545, - "Ġchromosomes": 12546, - "ĠStatistics": 12547, - "%%%%": 12548, - "Ġcombinator": 12549, - "Ġket": 12550, - "advant": 12551, - "Ther": 12552, - "Ġtopics": 12553, - "flat": 12554, - "nia": 12555, - "ĠSpectral": 12556, - "Ġsynchronization": 12557, - "varrho": 12558, - "Ġcolonies": 12559, - "ĠFive": 12560, - "agues": 12561, - "ĠFC": 12562, - "IDS": 12563, - "Ġaward": 12564, - "Ġyielding": 12565, - "Ġarchitectures": 12566, - "ashington": 12567, - "chitz": 12568, - "perty": 12569, - "Ġmoduli": 12570, - "moment": 12571, - "speed": 12572, - "Ġmesenchymal": 12573, - "optera": 12574, - "Ġincomp": 12575, - "Cell": 12576, - "ĠMice": 12577, - "Ġgot": 12578, - "teger": 12579, - "Ġtau": 12580, - "ĠAdS": 12581, - "Ġbill": 12582, - "Ġdrinking": 12583, - "ulsive": 12584, - "Ġknockdown": 12585, - "Ġarms": 12586, - "ĠAutom": 12587, - "ĠIncreased": 12588, - "HF": 12589, - "Ġglobally": 12590, - "Ġdoping": 12591, - "Ġath": 12592, - "ĠCop": 12593, - "Ġsuccessive": 12594, - "ULT": 12595, - "eless": 12596, - "Ġbleeding": 12597, - "Ġfoods": 12598, - "Ġimmunohist": 12599, - "Ġdefinite": 12600, - "ĠJones": 12601, - "ĠTS": 12602, - "Ġjoined": 12603, - "ĠTowards": 12604, - "ĠCs": 12605, - "Ġunlike": 12606, - "Ġvalence": 12607, - "dor": 12608, - "oS": 12609, - "Ġpush": 12610, - "Ġoffice": 12611, - "Ġaluminum": 12612, - "idyl": 12613, - "idirectional": 12614, - "written": 12615, - "Ġbubble": 12616, - "HI": 12617, - "Ġmarkedly": 12618, - "ĠTok": 12619, - "Ġvesicles": 12620, - "Ġquotient": 12621, - "Ġreproduce": 12622, - "Ġelsewhere": 12623, - "ĠMyc": 12624, - "Ġinfrastructure": 12625, - "Ġgained": 12626, - "abel": 12627, - "ĠSex": 12628, - "ĠTables": 12629, - "etin": 12630, - "Ġhomolog": 12631, - "Ġlegal": 12632, - "hea": 12633, - "Ġsociety": 12634, - "Ġmanaged": 12635, - "idase": 12636, - "ĠInhibition": 12637, - "Ġparasite": 12638, - "Ġvolunte": 12639, - "ATP": 12640, - "ios": 12641, - "Ġsepsis": 12642, - "Ġribosomal": 12643, - "Ġconfound": 12644, - "ĠStaphyl": 12645, - "aryngeal": 12646, - "ïĢ": 12647, - "comb": 12648, - "ĠObjective": 12649, - "SULTS": 12650, - "Ġthorough": 12651, - "mt": 12652, - "Ġchest": 12653, - "Vector": 12654, - "element": 12655, - "Ġvirulence": 12656, - "Ġhemisp": 12657, - "Ġsought": 12658, - "ĠKo": 12659, - "Ġnutrition": 12660, - "uling": 12661, - "iana": 12662, - "Ġprototype": 12663, - "ĠOnt": 12664, - "cine": 12665, - "Ġdotted": 12666, - "Ġobese": 12667, - "ountered": 12668, - "Ġphysicians": 12669, - "Ġmini": 12670, - "Ľľ": 12671, - "spaces": 12672, - "Ġexclusively": 12673, - "ĠConvolution": 12674, - "Ġcaspase": 12675, - "ĠLink": 12676, - "div": 12677, - "ĠRoyal": 12678, - "hist": 12679, - "itness": 12680, - "Ġester": 12681, - "Ġconducting": 12682, - "Ġparticipated": 12683, - "Ġairway": 12684, - "Ġaeruginosa": 12685, - "Ext": 12686, - "argument": 12687, - "ocking": 12688, - "Ġintegrate": 12689, - "Ġcontrovers": 12690, - "apes": 12691, - "training": 12692, - "ĠPrevalence": 12693, - "temp": 12694, - "both": 12695, - "Ġreactivity": 12696, - "Ġranking": 12697, - "Ġtunneling": 12698, - "ODE": 12699, - "ĠMediterranean": 12700, - "Ġresonances": 12701, - "Mg": 12702, - "Ġlib": 12703, - "ĠHeter": 12704, - "Ġnothing": 12705, - "Ġindication": 12706, - "ĠHM": 12707, - "ocytic": 12708, - "strand": 12709, - "Ġcollaboration": 12710, - "Ġelectrostatic": 12711, - "Ġindependence": 12712, - "hab": 12713, - "Ġconflic": 12714, - "Ġiod": 12715, - "inus": 12716, - "Ġdependency": 12717, - "ĠLam": 12718, - "Ġexamining": 12719, - "Ġoccupied": 12720, - "Ġqueue": 12721, - "ĠBul": 12722, - "Ġregistered": 12723, - "Ġindividually": 12724, - "Rx": 12725, - "ausal": 12726, - "VE": 12727, - "Ġbrightness": 12728, - "respons": 12729, - "balance": 12730, - "Ġcytotoxic": 12731, - "fall": 12732, - "commut": 12733, - "ICAL": 12734, - "uran": 12735, - "aining": 12736, - "raulic": 12737, - "results": 12738, - "Ġepisodes": 12739, - "YS": 12740, - "ĠGar": 12741, - "Ġsurfact": 12742, - "drug": 12743, - "Ġcities": 12744, - "ĠChange": 12745, - "osition": 12746, - "Ġtriggered": 12747, - "Ġcytoplasmic": 12748, - "erves": 12749, - "Ġlex": 12750, - "Ġasymptotically": 12751, - "phy": 12752, - "Ġfrontal": 12753, - "ĠDensity": 12754, - "Ġsynerg": 12755, - "cycle": 12756, - "ĠImproved": 12757, - "ø": 12758, - "Ġmono": 12759, - "Ġaccumulated": 12760, - "oriented": 12761, - "bour": 12762, - "Ġtunnel": 12763, - "coming": 12764, - "Ġapparatus": 12765, - "Ġencountered": 12766, - "Cre": 12767, - "Ġletters": 12768, - "etch": 12769, - "Ġexcessive": 12770, - "Ġbiofilm": 12771, - "Ġrearrang": 12772, - "Ġpolymorphisms": 12773, - "erobic": 12774, - "Ġconnect": 12775, - "resolved": 12776, - "ĠNN": 12777, - "Ġretro": 12778, - "ĠIniti": 12779, - "ĠQuantif": 12780, - "Ġpup": 12781, - "Tensor": 12782, - "Ġsentences": 12783, - "lay": 12784, - "rants": 12785, - "ploid": 12786, - "ĠAnderson": 12787, - "Ġdesirable": 12788, - "stud": 12789, - "iability": 12790, - "Ġdrying": 12791, - "ecess": 12792, - "Ġdens": 12793, - "Ġdescript": 12794, - "ĠËĨ": 12795, - "Ġclones": 12796, - "Ġjuven": 12797, - "bp": 12798, - "Ġkil": 12799, - "HL": 12800, - "Ġhemorrh": 12801, - "ĠKi": 12802, - "How": 12803, - "Ġenerge": 12804, - "Ġsubsection": 12805, - "ĠSac": 12806, - "dial": 12807, - "Ġcardiomy": 12808, - "Ġtouch": 12809, - "dm": 12810, - "Ġscienti": 12811, - "oides": 12812, - "ĠÃĤ": 12813, - "ysaccharide": 12814, - "Ġsclerosis": 12815, - "ĠZealand": 12816, - "inine": 12817, - "Ġunusual": 12818, - "ĠBA": 12819, - "ipschitz": 12820, - "gap": 12821, - "ĠDifferences": 12822, - "Ġduality": 12823, - "edical": 12824, - "Ġlign": 12825, - "Ġfails": 12826, - "Ġlect": 12827, - "Ġrelate": 12828, - "Ġincorrect": 12829, - "Ġspecify": 12830, - "Ġcylindrical": 12831, - "ĠPF": 12832, - "ĠLind": 12833, - "Ġdeterior": 12834, - "Ġherb": 12835, - "dz": 12836, - "Ġweld": 12837, - "Ġnominal": 12838, - "copy": 12839, - "Ġacetyl": 12840, - "html": 12841, - "Ġrecognize": 12842, - "***": 12843, - "itian": 12844, - "WA": 12845, - "ĠMN": 12846, - "ĠFind": 12847, - "Ġauthentic": 12848, - "perture": 12849, - "Ġcytotoxicity": 12850, - "ofl": 12851, - "ĠGet": 12852, - "Ġcohomology": 12853, - "Ġremainder": 12854, - "Ġexpanding": 12855, - "Ġheav": 12856, - "osterone": 12857, - "Right": 12858, - "Ġcopol": 12859, - "Ġshed": 12860, - "Ġcompliance": 12861, - "Ġacidic": 12862, - "oric": 12863, - "Ġamyloid": 12864, - "Ġevaporation": 12865, - "dl": 12866, - "Ġdelays": 12867, - "Po": 12868, - "ĠCHECK": 12869, - "tains": 12870, - "Ġreversed": 12871, - "ĠMPa": 12872, - "Ġprocessor": 12873, - "Ġhall": 12874, - "ĠLast": 12875, - "Ġplasm": 12876, - "ĠAssociated": 12877, - "ĠBasic": 12878, - "inos": 12879, - "Ġsymptom": 12880, - "ãĢ": 12881, - "Ġanthrop": 12882, - "Ġjudg": 12883, - "Ġeti": 12884, - "kle": 12885, - "Ġwrong": 12886, - "room": 12887, - "Ġdevelopments": 12888, - "ĠMaximum": 12889, - "Ġcoatings": 12890, - "Ġheuristic": 12891, - "rontal": 12892, - "Some": 12893, - "Ġutilize": 12894, - "ĠâĪħ": 12895, - "coll": 12896, - "ĠRelated": 12897, - "Ġdegeneration": 12898, - "template": 12899, - "Ġmodulated": 12900, - "Ġparametri": 12901, - "Ġsaliv": 12902, - "ĠPseudomonas": 12903, - "Ġantigens": 12904, - "Ġharmon": 12905, - "ĠLHC": 12906, - "doi": 12907, - "ensitive": 12908, - "ĠNotice": 12909, - "ĠMoh": 12910, - "tilage": 12911, - "ACS": 12912, - "Ġdiscrepancy": 12913, - "Ġspik": 12914, - "Ġrestrict": 12915, - "itrile": 12916, - "leg": 12917, - "ĠBase": 12918, - "Ġconvolutional": 12919, - "ĠResistance": 12920, - "Ġappearing": 12921, - "ĠImages": 12922, - "ĠMann": 12923, - "Ġreact": 12924, - "Ġmacrophage": 12925, - "Ġwavelet": 12926, - "ochrom": 12927, - "Ġfairly": 12928, - "Ġpreceding": 12929, - "Ġspir": 12930, - "network": 12931, - "ĠNak": 12932, - "IFT": 12933, - "Ġago": 12934, - "Ġencryp": 12935, - "ald": 12936, - "ensin": 12937, - "Ġsulph": 12938, - "ĠPolymer": 12939, - "ĠArt": 12940, - "Ġsubunits": 12941, - "shot": 12942, - "Ġbegins": 12943, - "Ġexer": 12944, - "propto": 12945, - "Ġnurses": 12946, - "Ġsuffices": 12947, - "Ġgraded": 12948, - "ĠRock": 12949, - "Ġuniquely": 12950, - "itol": 12951, - "Ġspiral": 12952, - "Ġthanks": 12953, - "character": 12954, - "ĠDistributed": 12955, - "ĠCart": 12956, - "Form": 12957, - "Ġformulations": 12958, - "ictionary": 12959, - "Ġspreading": 12960, - "Ġsingularity": 12961, - "Ġpigs": 12962, - "itu": 12963, - "otrophic": 12964, - "ÑĢ": 12965, - "Ġsemiconductor": 12966, - "Ġdrag": 12967, - "next": 12968, - "maxim": 12969, - "unn": 12970, - "Ġargued": 12971, - "plastic": 12972, - "Ġdehydrogenase": 12973, - "Ġreinforcement": 12974, - "entral": 12975, - "ĠDS": 12976, - "Ġcompanies": 12977, - "Ġquantization": 12978, - "ĠDri": 12979, - "Ġsimpler": 12980, - "Ġradii": 12981, - "ĠEthics": 12982, - "ĠElectronic": 12983, - "taken": 12984, - "Ġpharmacological": 12985, - "pson": 12986, - "Ġpairing": 12987, - "Ġnest": 12988, - "ĠRS": 12989, - "Ġlic": 12990, - "ocon": 12991, - "Ġobserving": 12992, - "ĠFM": 12993, - "IES": 12994, - "Ġsubmitted": 12995, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 12996, - "Ġnoisy": 12997, - "Ġvanishing": 12998, - "ĠTechnologies": 12999, - "ilst": 13000, - "agic": 13001, - "Ġembeddings": 13002, - "Ġplans": 13003, - "reak": 13004, - "oct": 13005, - "Ġepithelium": 13006, - "Ġreversible": 13007, - "Ġrequests": 13008, - "Vi": 13009, - "ĠProg": 13010, - "methoxy": 13011, - "uria": 13012, - "Ġslice": 13013, - "Ġmetastases": 13014, - "ĠMary": 13015, - "Ġpriori": 13016, - "Ġexplains": 13017, - "ĠSigma": 13018, - "ĠArmy": 13019, - "Ġprey": 13020, - "KL": 13021, - "ĠPass": 13022, - "Ġreproduction": 13023, - "Ġfermentation": 13024, - "ulo": 13025, - "Ġproofs": 13026, - "ĠAccordingly": 13027, - "tist": 13028, - "ĠïĢ©": 13029, - "Ġmeat": 13030, - "Ġplanned": 13031, - "Ġangiogenesis": 13032, - "WR": 13033, - "ĠAust": 13034, - "Similarly": 13035, - "ĠWashington": 13036, - "Ġrefinement": 13037, - "Ġembryo": 13038, - "Ġdissociation": 13039, - "án": 13040, - "plasia": 13041, - "ĠGro": 13042, - "Ġsimilarities": 13043, - "Ġsolubility": 13044, - "Ġimmobil": 13045, - "ĠScot": 13046, - "ĠSubsequently": 13047, - "divid": 13048, - "Ġclosest": 13049, - "ĠWat": 13050, - "ĠâĮ": 13051, - "ĠAGN": 13052, - "Ġprescribed": 13053, - "Ġmosquito": 13054, - "Ġfirm": 13055, - "Ġdegenerate": 13056, - "Ġethyl": 13057, - "Ġharvest": 13058, - "ĠSpecific": 13059, - "Ġcompartment": 13060, - "public": 13061, - "ĠBiological": 13062, - "Ġpiece": 13063, - "Ġattitudes": 13064, - "Ġspray": 13065, - "ĠSix": 13066, - "Ġprofessionals": 13067, - "Ġslot": 13068, - "Ġretrieved": 13069, - "vement": 13070, - "Ġexecuted": 13071, - "seed": 13072, - "Ġoutflow": 13073, - "distance": 13074, - "ĠTerm": 13075, - "ady": 13076, - "ĠProvince": 13077, - "ĠCentre": 13078, - "ĠDFT": 13079, - "Ġsudden": 13080, - "Ġseiz": 13081, - "rat": 13082, - "romo": 13083, - "otechn": 13084, - "Ġhighlights": 13085, - "Ġelectrolyte": 13086, - "ĠAdvanced": 13087, - "allow": 13088, - "px": 13089, - "osed": 13090, - "subarray": 13091, - "racks": 13092, - "PRO": 13093, - "ogeny": 13094, - "Ġpooled": 13095, - "Ġdtype": 13096, - "Ġopposed": 13097, - "ĠGrand": 13098, - "Ġdesigning": 13099, - "bel": 13100, - "itability": 13101, - "Ġminimization": 13102, - "Ġdramatically": 13103, - "Ġsoy": 13104, - "agents": 13105, - "ĠMetal": 13106, - "ĠMV": 13107, - "ribute": 13108, - "DD": 13109, - "itan": 13110, - "Ġspeeds": 13111, - "Ġmarried": 13112, - "Ġevaluations": 13113, - "ĠKingdom": 13114, - "Ġclay": 13115, - "ĠTissue": 13116, - "leftarrow": 13117, - "Ġcompensation": 13118, - "child": 13119, - "pool": 13120, - "uparrow": 13121, - "ĠDomain": 13122, - "species": 13123, - "Ġmethane": 13124, - "ĠEGFR": 13125, - "Ġparser": 13126, - "have": 13127, - "Ġneglected": 13128, - "func": 13129, - "apsed": 13130, - "Ġsays": 13131, - "adata": 13132, - "binom": 13133, - "Case": 13134, - "Ġreporter": 13135, - "Sn": 13136, - "Ġmaximize": 13137, - "Ġbifurc": 13138, - "ĠCNS": 13139, - "ĠOlymp": 13140, - "Ġdeclare": 13141, - "Ġencoder": 13142, - "Ġabelian": 13143, - "Ġsingularities": 13144, - "Ġech": 13145, - "Ψ": 13146, - "Ġproto": 13147, - "Ġphag": 13148, - "Ġpolyg": 13149, - "Ġbott": 13150, - "Ġadipose": 13151, - "uing": 13152, - "jk": 13153, - "uchy": 13154, - "ĠStudent": 13155, - "Ġnanow": 13156, - "Ġthym": 13157, - "Ed": 13158, - "End": 13159, - "Ġtransforms": 13160, - "ĠPCA": 13161, - "kern": 13162, - "regn": 13163, - "Ġcomment": 13164, - "ĠLL": 13165, - "elles": 13166, - "Ġengagement": 13167, - "ĠPeter": 13168, - "ISPR": 13169, - "ĠChannel": 13170, - "iny": 13171, - "Ġbundles": 13172, - "Ald": 13173, - "Ġpublications": 13174, - "TG": 13175, - "stra": 13176, - "Ġfear": 13177, - "Ġretic": 13178, - "plements": 13179, - "Ġcorpus": 13180, - "ĠCluster": 13181, - "ĠRate": 13182, - "Ġsimplest": 13183, - "acic": 13184, - "rbrack": 13185, - "Ġblow": 13186, - "Ġcompress": 13187, - "ĠDark": 13188, - "Ġpsychiatric": 13189, - "ĠConversely": 13190, - "Ġowing": 13191, - "Ġabsor": 13192, - "ĠHP": 13193, - "Ġcrude": 13194, - "equal": 13195, - "ĠArray": 13196, - "ĠRelative": 13197, - "Ġcombustion": 13198, - "Red": 13199, - "kt": 13200, - "ĠmA": 13201, - "Ġtex": 13202, - "porters": 13203, - "Ġdiffered": 13204, - "Ġaudio": 13205, - "zon": 13206, - "odi": 13207, - "Ġmacroscopic": 13208, - "acin": 13209, - "Ġzeros": 13210, - "Ġforeign": 13211, - "Ġduct": 13212, - "bow": 13213, - "worth": 13214, - "ĠRoad": 13215, - "rey": 13216, - "aceous": 13217, - "Ġblast": 13218, - "Ġgranul": 13219, - "Ġwing": 13220, - "Ġannotated": 13221, - "ĠFull": 13222, - "Ġinfluencing": 13223, - "vy": 13224, - "iazol": 13225, - "Ġpitch": 13226, - "Ġrehabilitation": 13227, - "ĠPrior": 13228, - "comit": 13229, - "mathtt": 13230, - "dia": 13231, - "ĠIon": 13232, - "Ġabuse": 13233, - "Ġharvested": 13234, - "Ġepidemic": 13235, - "Ġfilament": 13236, - "Ġnucleation": 13237, - "ĠKnowledge": 13238, - "rinos": 13239, - "Ġbent": 13240, - "Ġsquared": 13241, - "Ġhippocampal": 13242, - "ĠTG": 13243, - "ANT": 13244, - "modified": 13245, - "ario": 13246, - "ĠFace": 13247, - "Ġgrows": 13248, - "Ġfaults": 13249, - "virus": 13250, - "Ġpartitioning": 13251, - "airs": 13252, - "Ġhearing": 13253, - "Ġcongen": 13254, - "Ġrip": 13255, - "ĠCollabor": 13256, - "Ġinterviews": 13257, - "Ġhuge": 13258, - "Ġbreakdown": 13259, - "Ġmonthly": 13260, - "ĠCONCLUS": 13261, - "Each": 13262, - "Diff": 13263, - "Ġrelay": 13264, - "ĠMuse": 13265, - "oscopy": 13266, - "Ġrenew": 13267, - "gb": 13268, - "Ġbrid": 13269, - "Ġoutlined": 13270, - "orig": 13271, - "eat": 13272, - "ĠWithout": 13273, - "Ġspor": 13274, - "ĠTN": 13275, - "ĠJo": 13276, - "ĠAU": 13277, - "Not": 13278, - "Ġretin": 13279, - "ĠAngel": 13280, - "Ġtried": 13281, - "eyond": 13282, - "je": 13283, - "ĠRussian": 13284, - "ĠUnfortunately": 13285, - "ĠMeanwhile": 13286, - "ographs": 13287, - "Ġaccounting": 13288, - "ĠAβ": 13289, - "mb": 13290, - "Ġdopamine": 13291, - "ĠBriefly": 13292, - "ĠFrequency": 13293, - "Matrix": 13294, - "ĠJoseph": 13295, - "Ġexperts": 13296, - "Ġdrops": 13297, - "ĠRESULTS": 13298, - "Ġrectangular": 13299, - "athione": 13300, - "center": 13301, - "ĠLeft": 13302, - "inform": 13303, - "kins": 13304, - "Ġmil": 13305, - "ĠMah": 13306, - "Ġmedial": 13307, - "ĠCompany": 13308, - "Ġpassage": 13309, - "Ġleader": 13310, - "Ġscreened": 13311, - "eri": 13312, - "posites": 13313, - "rarily": 13314, - "Ġphone": 13315, - "ietic": 13316, - "Ġexpectations": 13317, - "ĠParticle": 13318, - "ĠMountain": 13319, - "Ġinterleukin": 13320, - "Ġfifth": 13321, - "Ġvast": 13322, - "Ġlogical": 13323, - "Ġterr": 13324, - "Ġcreates": 13325, - "Ġfinitely": 13326, - "Ġswim": 13327, - "Ġsupernatant": 13328, - "opathological": 13329, - "ĠUltra": 13330, - "ĠTy": 13331, - "Ġgrand": 13332, - "Ġconstitute": 13333, - "ologist": 13334, - "ĠBroad": 13335, - "aware": 13336, - "Ġvicinity": 13337, - "agulation": 13338, - "unsigned": 13339, - "ĠSize": 13340, - "ĠCognitive": 13341, - "Ġsuspected": 13342, - "Ġupl": 13343, - "Ġautoimmune": 13344, - "ĠSK": 13345, - "CB": 13346, - "Ġslices": 13347, - "ĠChi": 13348, - "Ġobservables": 13349, - "Ġhippocampus": 13350, - "sover": 13351, - "Ġfunding": 13352, - "Ġconformation": 13353, - "ĠQuestion": 13354, - "ĠSqu": 13355, - "ĠWill": 13356, - "Ġscattered": 13357, - "irty": 13358, - "Ġplaus": 13359, - "correlation": 13360, - "Ġventilation": 13361, - "ĠGenes": 13362, - "Ġbenign": 13363, - "Ġhetero": 13364, - "Status": 13365, - "angled": 13366, - "Ġbootstrap": 13367, - "Ġvaccines": 13368, - "Ġmicroorganisms": 13369, - "Ġvisits": 13370, - "Ġtheorems": 13371, - "drop": 13372, - "ĠTA": 13373, - "Ġcycling": 13374, - "Ġspectrometer": 13375, - "Ġgroundwater": 13376, - "Ġnanotubes": 13377, - "Ġjoints": 13378, - "ĠEll": 13379, - "Ġconsult": 13380, - "Ġwindows": 13381, - "Ġdisability": 13382, - "Ġgains": 13383, - "Ġdischarg": 13384, - "Ġheated": 13385, - "Ġafore": 13386, - "arying": 13387, - "incre": 13388, - "Ġaggressive": 13389, - "Ġhemod": 13390, - "arium": 13391, - "ĠInst": 13392, - "vm": 13393, - "Ġdroplet": 13394, - "ptive": 13395, - "viously": 13396, - "Ġstarch": 13397, - "Ġdf": 13398, - "osyl": 13399, - "Ġdonors": 13400, - "ĠUnlike": 13401, - "Ġalkaline": 13402, - "Ġintelligence": 13403, - "aa": 13404, - "Ġacceptance": 13405, - "Ġsliding": 13406, - "apses": 13407, - "ĠDiss": 13408, - "istan": 13409, - "auc": 13410, - "Ġbins": 13411, - "Ġmodulate": 13412, - "Ġmanage": 13413, - "outs": 13414, - "Ġsenes": 13415, - "Ġdifferentiate": 13416, - "Ġcounted": 13417, - "ASK": 13418, - "Ġantibacterial": 13419, - "Ġentered": 13420, - "Ġdisadvant": 13421, - "ĠSalmonella": 13422, - "Ġisotopic": 13423, - "Ġannounced": 13424, - "ĠBoard": 13425, - "Ġrestoration": 13426, - "Ġallevi": 13427, - "Ġprogramme": 13428, - "Ġalbumin": 13429, - "Ġcatalog": 13430, - "estine": 13431, - "Ġdifferently": 13432, - "Ġmolar": 13433, - "rödinger": 13434, - "ĠEvent": 13435, - "ministration": 13436, - "ĠSerum": 13437, - "ROM": 13438, - "kw": 13439, - "bot": 13440, - "Ġjets": 13441, - "ĠDouble": 13442, - "eler": 13443, - "Ġinfusion": 13444, - "Ġconsumed": 13445, - "ĠIron": 13446, - "ĠProcesses": 13447, - "Ġadmits": 13448, - "Ġjuris": 13449, - "ĠPeriod": 13450, - "Ġremodeling": 13451, - "alley": 13452, - "Ġenabling": 13453, - "Ġbackward": 13454, - "ĠMid": 13455, - "brevi": 13456, - "Ġclassify": 13457, - "Ġcrypt": 13458, - "Ġhelix": 13459, - "ĠJiang": 13460, - "Ġhoney": 13461, - "gestion": 13462, - "xc": 13463, - "Ġcoincides": 13464, - "ĠDN": 13465, - "Ġapoptotic": 13466, - "Ġinstall": 13467, - "ĠRever": 13468, - "ĠDoppler": 13469, - "icago": 13470, - "erals": 13471, - "Ġpie": 13472, - "ĠMars": 13473, - "ĠStaphylococcus": 13474, - "Ġnoting": 13475, - "Ġgenera": 13476, - "ĠIo": 13477, - "Ġhope": 13478, - "Ġpreserve": 13479, - "MAX": 13480, - "ynchron": 13481, - "Ġrup": 13482, - "Ġcomprising": 13483, - "ĠWay": 13484, - "Ġviolation": 13485, - "QR": 13486, - "Ġreflecting": 13487, - "Ġregularity": 13488, - "ĠSiO": 13489, - "ĠJun": 13490, - "Ġcommunications": 13491, - "rating": 13492, - "Ġfamiliar": 13493, - "Ġinstantaneous": 13494, - "Ġcortic": 13495, - "Ġapparently": 13496, - "XX": 13497, - "Ġexcitations": 13498, - "ĠAward": 13499, - "Num": 13500, - "ĠUN": 13501, - "Ġqubit": 13502, - "ĠAction": 13503, - "ĠFried": 13504, - "Ġeliminated": 13505, - "Ġaspir": 13506, - "hler": 13507, - "Ġdecoding": 13508, - "unov": 13509, - "Ġanalogue": 13510, - "ulmonary": 13511, - "Ġgeographic": 13512, - "Ġsort": 13513, - "ĠCRC": 13514, - "Aldrich": 13515, - "ĠkDa": 13516, - "ĠND": 13517, - "Ġsettle": 13518, - "exists": 13519, - "Ġstatistic": 13520, - "ĠBow": 13521, - "ĠCG": 13522, - "Ġorganizations": 13523, - "ĠMobile": 13524, - "Ġinvent": 13525, - "Ġincorporate": 13526, - "ĠFib": 13527, - "ordan": 13528, - "Ġcolleagues": 13529, - "ĠStation": 13530, - "Ġsen": 13531, - "Ġencaps": 13532, - "ĠRH": 13533, - "relim": 13534, - "Ġcarbonate": 13535, - "ĠNether": 13536, - "mem": 13537, - "EEE": 13538, - "Ġaforementioned": 13539, - "Ġpent": 13540, - "ĠSignal": 13541, - "Ġsuspended": 13542, - "Color": 13543, - "Ġspins": 13544, - "Ġproportions": 13545, - "ulty": 13546, - "Ġenrolled": 13547, - "ĠTEM": 13548, - "ĠReceptor": 13549, - "Ġprevalent": 13550, - "large": 13551, - "vs": 13552, - "Ġtruncated": 13553, - "Ġâĭħ": 13554, - "lm": 13555, - "anil": 13556, - "Ġannih": 13557, - "ĠGalaxy": 13558, - "eras": 13559, - "Ġepigenetic": 13560, - "Ġtooth": 13561, - "Ġcondensation": 13562, - "ĠTensor": 13563, - "Ġinorganic": 13564, - "ymers": 13565, - "uf": 13566, - "anese": 13567, - "aret": 13568, - "Ġarithmetic": 13569, - "âĨ": 13570, - "Ġtrying": 13571, - "Ġimplementing": 13572, - "xd": 13573, - "Ġillumination": 13574, - "ela": 13575, - "Ġdeficits": 13576, - "Ġspots": 13577, - "Ġdoesn": 13578, - "Ġresting": 13579, - "trained": 13580, - "Ġerosion": 13581, - "Ġgranular": 13582, - "Ġscar": 13583, - "Ġpollen": 13584, - "lie": 13585, - "Ġconvers": 13586, - "Ġdisturbances": 13587, - "ĠGod": 13588, - "Ġenlarg": 13589, - "ĠLate": 13590, - "ylase": 13591, - "Ġfacts": 13592, - "enty": 13593, - "ĠStreet": 13594, - "sequence": 13595, - "Ġvenous": 13596, - "ĠCheck": 13597, - "agg": 13598, - "Ġabsorbed": 13599, - "Ġcommit": 13600, - "sets": 13601, - "Ġdestroy": 13602, - "Ġbowel": 13603, - "Ġfinished": 13604, - "ĠFeed": 13605, - "Ġdoped": 13606, - "ĠAlb": 13607, - "ĠMitochond": 13608, - "Ġtheoretically": 13609, - "RI": 13610, - "Ġmeteor": 13611, - "ĠMG": 13612, - "Ġnation": 13613, - "ĠBasin": 13614, - "nik": 13615, - "Ġdepths": 13616, - "ĠMechanism": 13617, - "Ġmotifs": 13618, - "ĠHay": 13619, - "Ġmotivated": 13620, - "ĠCopy": 13621, - "ĠEastern": 13622, - "Ġpersistence": 13623, - "Ġrays": 13624, - "FB": 13625, - "andem": 13626, - "layers": 13627, - "eyer": 13628, - "ĠStrept": 13629, - "Ġregistration": 13630, - "ĠAntarctic": 13631, - "CV": 13632, - "ĠPap": 13633, - "ĠSpe": 13634, - "Ġsplicing": 13635, - "performance": 13636, - "Ġsemantics": 13637, - "Ġlocom": 13638, - "oblastoma": 13639, - "Ġmoney": 13640, - "Ġtransparent": 13641, - "Ġhr": 13642, - "ĠInteractions": 13643, - "Ġsap": 13644, - "Ġbiases": 13645, - "Ġteeth": 13646, - "ynolds": 13647, - "omethyl": 13648, - "ĠmV": 13649, - "Ġsolely": 13650, - "Ġorange": 13651, - "blast": 13652, - "ATIONS": 13653, - "call": 13654, - "opoietic": 13655, - "sided": 13656, - "ĠFox": 13657, - "ĠVideo": 13658, - "Ġinspection": 13659, - "Ġbuck": 13660, - "hesize": 13661, - "present": 13662, - "ĠAntib": 13663, - "Ġham": 13664, - "alam": 13665, - "ĠPG": 13666, - "ĠAE": 13667, - "Ġjoin": 13668, - "Ġmonocytes": 13669, - "estiv": 13670, - "Ġrandomised": 13671, - "Ġtranslocation": 13672, - "Ġincorporating": 13673, - "Ġprolifer": 13674, - "Ġodds": 13675, - "ITH": 13676, - "Ġran": 13677, - "Ġinstruction": 13678, - "Ġresolve": 13679, - "Ġft": 13680, - "ĠHead": 13681, - "Ġreagent": 13682, - "Ġadmitted": 13683, - "human": 13684, - "posure": 13685, - "ĠCha": 13686, - "ĠFr": 13687, - "Ġbroadcast": 13688, - "Ġnutrients": 13689, - "nob": 13690, - "Ġnotable": 13691, - "ĠIGF": 13692, - "ĠClearly": 13693, - "Ġquarks": 13694, - "Ġeukary": 13695, - "ĠAdd": 13696, - "itosan": 13697, - "Ġinteractive": 13698, - "itting": 13699, - "ĠComputational": 13700, - "Ġdissolution": 13701, - "istribution": 13702, - "product": 13703, - "ĠABC": 13704, - "olimits": 13705, - "biased": 13706, - "Ġtrapped": 13707, - "PK": 13708, - "ĠHPLC": 13709, - "rophot": 13710, - "zes": 13711, - "ourse": 13712, - "ĠHot": 13713, - "Ġrecipro": 13714, - "nolimits": 13715, - "ello": 13716, - "Ġassessments": 13717, - "ENTS": 13718, - "Ġalteration": 13719, - "tw": 13720, - "Ġchaotic": 13721, - "ĠLoc": 13722, - "Ġcattle": 13723, - "Ray": 13724, - "Ġformally": 13725, - "leave": 13726, - "textstyle": 13727, - "Ġventral": 13728, - "ĠWilliams": 13729, - "ĠPeople": 13730, - "ixing": 13731, - "ĠTherapy": 13732, - "Ġiii": 13733, - "ĠDT": 13734, - "Ġbic": 13735, - "Ġspheres": 13736, - "Ġvisc": 13737, - "Ġestablishment": 13738, - "Ġdescriptions": 13739, - "ĠAverage": 13740, - "Ġtour": 13741, - "ĠInfection": 13742, - "ĠLicense": 13743, - "Ġprepare": 13744, - "Hs": 13745, - "finite": 13746, - "rium": 13747, - "oreg": 13748, - "entry": 13749, - "Ġdisks": 13750, - "Ġelongation": 13751, - "cpu": 13752, - "ĠCharles": 13753, - "FIGURE": 13754, - "ston": 13755, - "ĠObservations": 13756, - "Add": 13757, - "ĠTask": 13758, - "atomy": 13759, - "igration": 13760, - "ĠDatabase": 13761, - "ĠTexas": 13762, - "Ġphyt": 13763, - "ller": 13764, - "conjug": 13765, - "onald": 13766, - "Ġheavily": 13767, - "Ġsple": 13768, - "Ġassist": 13769, - "ĠCp": 13770, - "Ġhappen": 13771, - "uv": 13772, - "ĠUniverse": 13773, - "ĠGPS": 13774, - "WE": 13775, - "Xi": 13776, - "Ġadministr": 13777, - "strong": 13778, - "Ġmagnitudes": 13779, - "Ġsimplify": 13780, - "Ġelegans": 13781, - "esh": 13782, - "ĠBody": 13783, - "ĠNetherlands": 13784, - "ï": 13785, - "ometers": 13786, - "Bo": 13787, - "FM": 13788, - "ĠNiger": 13789, - "plus": 13790, - "instance": 13791, - "Ġdistress": 13792, - "Organ": 13793, - "Cas": 13794, - "Ġsymplectic": 13795, - "Ġbreaks": 13796, - "ÑĤ": 13797, - "Ġfermion": 13798, - "emporal": 13799, - "Ġsomatic": 13800, - "event": 13801, - "neut": 13802, - "lammation": 13803, - "ĠLibrary": 13804, - "Ġmultiplic": 13805, - "ĠInstr": 13806, - "ethel": 13807, - "urys": 13808, - "Ġhelped": 13809, - "Ġcollege": 13810, - "Ġcartilage": 13811, - "Ġrpm": 13812, - "western": 13813, - "resis": 13814, - "Ġlobe": 13815, - "QL": 13816, - "Input": 13817, - "Ġemphasis": 13818, - "best": 13819, - "Ġtotally": 13820, - "ĠMETHOD": 13821, - "ĠFa": 13822, - "ĠReduction": 13823, - "icious": 13824, - "Ġimplantation": 13825, - "potential": 13826, - "problem": 13827, - "Ġobtains": 13828, - "urons": 13829, - "Ġconstructing": 13830, - "ĠMusic": 13831, - "Ġcancell": 13832, - "Ġnews": 13833, - "ĠChapter": 13834, - "Ġlabelled": 13835, - "Ġzebrafish": 13836, - "ĠSolid": 13837, - "Ġglutamate": 13838, - "ĉĉĉĉĉ": 13839, - "Ġchapter": 13840, - "ĠPresident": 13841, - "Min": 13842, - "Ġatrial": 13843, - "cp": 13844, - "fi": 13845, - "final": 13846, - "Ġtok": 13847, - "Ġeffector": 13848, - "Ġspine": 13849, - "Ġidentities": 13850, - "isco": 13851, - "olis": 13852, - "ĠCle": 13853, - "Ġinvariants": 13854, - "Path": 13855, - "ĠGon": 13856, - "factory": 13857, - "Ġexogenous": 13858, - "ĠMAPK": 13859, - "Ġanswers": 13860, - "Ġgetting": 13861, - "Rs": 13862, - "IH": 13863, - "ĠDefine": 13864, - "ĠConvolutional": 13865, - "Ġgeometrical": 13866, - "ĠInput": 13867, - "Ġà": 13868, - "Ġattenuated": 13869, - "Ġradicals": 13870, - "ĠAcademy": 13871, - "ãĥ": 13872, - "ichlet": 13873, - "Ġtorus": 13874, - "ĠTheoretical": 13875, - "ĠTD": 13876, - "Ġantiv": 13877, - "onge": 13878, - "Ġintravenous": 13879, - "Ġhypoth": 13880, - "Ġwastewater": 13881, - "ĠFlo": 13882, - "Ġporosity": 13883, - "Ġpall": 13884, - "aci": 13885, - "Ġrecordings": 13886, - "Ġeating": 13887, - "ĠDW": 13888, - "unting": 13889, - "ĠDim": 13890, - "Ġemitted": 13891, - "ĠJoint": 13892, - "ofib": 13893, - "Ġearthquake": 13894, - "Ġmunic": 13895, - "Ġreductions": 13896, - "Ġconjunction": 13897, - "ĠLocation": 13898, - "Ġestablishing": 13899, - "ĠMathematical": 13900, - "ĠSolution": 13901, - "buffer": 13902, - "arin": 13903, - "iley": 13904, - "ĠCommission": 13905, - "ĠGABA": 13906, - "ĠMuseum": 13907, - "Ġverb": 13908, - "lecules": 13909, - "infection": 13910, - "Ġinsect": 13911, - "iser": 13912, - "Ġprovision": 13913, - "Ġagreed": 13914, - "Ġafford": 13915, - "theory": 13916, - "knowledge": 13917, - "Protein": 13918, - "Ġkernels": 13919, - "Ġderm": 13920, - "Ġwish": 13921, - "Ġvox": 13922, - "Scale": 13923, - "hu": 13924, - "Ġcounterparts": 13925, - "ĠRoss": 13926, - "Ġunp": 13927, - "ĠOnline": 13928, - "Ġtransporter": 13929, - "Graph": 13930, - "Ġuter": 13931, - "Ġminute": 13932, - "Ġautomorphism": 13933, - "iltr": 13934, - "ĠRespons": 13935, - "ĠSym": 13936, - "Ġfactorization": 13937, - "sem": 13938, - "Ġmediates": 13939, - "Ġunexpected": 13940, - "Ġorganism": 13941, - "Ġattempted": 13942, - "aran": 13943, - "venue": 13944, - "etheless": 13945, - "Ġnoticed": 13946, - "ĠInvestigation": 13947, - "Ġcareg": 13948, - "Ġgrouped": 13949, - "orbit": 13950, - "Ġshortest": 13951, - "Ġbroader": 13952, - "ĠMIM": 13953, - "rises": 13954, - "veloper": 13955, - "ĠHi": 13956, - "ĠkHz": 13957, - "Ġbeads": 13958, - "Ġphyto": 13959, - "ĠDoes": 13960, - "Ġmammals": 13961, - "Ġrefined": 13962, - "volume": 13963, - "Ser": 13964, - "Ġresistivity": 13965, - "Ġterrestrial": 13966, - "Ġaxi": 13967, - "ifluor": 13968, - "Ġ£": 13969, - "Ġvice": 13970, - "ĠKel": 13971, - "VM": 13972, - "ĠTown": 13973, - "adm": 13974, - "plates": 13975, - "Ġholomorphic": 13976, - "ĠRib": 13977, - "ĠSB": 13978, - "ĠTemporal": 13979, - "src": 13980, - "Ġupdates": 13981, - "Ġseek": 13982, - "endix": 13983, - "oretic": 13984, - "warz": 13985, - "Ġroutes": 13986, - "Ġstanding": 13987, - "ĠÃģ": 13988, - "Ġclassic": 13989, - "Ġpale": 13990, - "lections": 13991, - "Ġclassifiers": 13992, - "Ġpathophys": 13993, - "Ġmounted": 13994, - "Ġdesignated": 13995, - "Ġvideos": 13996, - "Ġincoming": 13997, - "Ġguarantees": 13998, - "Ġparasites": 13999, - "ĠBacillus": 14000, - "four": 14001, - "Ġâ΍": 14002, - "Ġcommutative": 14003, - "stackrel": 14004, - "ĠBanach": 14005, - "Ġdealing": 14006, - "emporary": 14007, - "Multi": 14008, - "otomy": 14009, - "reting": 14010, - "Ġnond": 14011, - "ĠConference": 14012, - "tzmann": 14013, - "Ġphosphorus": 14014, - "Ġchemicals": 14015, - "Ġdispar": 14016, - "degree": 14017, - "Ġarbitrarily": 14018, - "rocyte": 14019, - "Ġparabolic": 14020, - "Ġdimensionless": 14021, - "Ġosm": 14022, - "Ġphonon": 14023, - "tiary": 14024, - "ĠSect": 14025, - "ophysical": 14026, - "ĠMapping": 14027, - "bis": 14028, - "ĠCommunication": 14029, - "Ġmimic": 14030, - "Ġregulators": 14031, - "Ġneutrophils": 14032, - "fn": 14033, - "ĠImportantly": 14034, - "Ġmere": 14035, - "Ġconfirms": 14036, - "agram": 14037, - "Ġattend": 14038, - "ungal": 14039, - "ĠGroups": 14040, - "Ġzo": 14041, - "Ġmouth": 14042, - "Ġsteep": 14043, - "Ġprevented": 14044, - "Ġdepressive": 14045, - "acies": 14046, - "ĠLS": 14047, - "Ġnitric": 14048, - "Ġvisualized": 14049, - "Ġtranscriptome": 14050, - "Ġgait": 14051, - "ercury": 14052, - "Ġshot": 14053, - "ĠVen": 14054, - "Ġexchang": 14055, - "Ġintention": 14056, - "ĠTang": 14057, - "Ġfavour": 14058, - "veolar": 14059, - "Ġpermission": 14060, - "Ġhabitats": 14061, - "Ġmaize": 14062, - "inct": 14063, - "Ġtelevision": 14064, - "rystals": 14065, - "ĠRadi": 14066, - "Ġflavon": 14067, - "Ġcann": 14068, - "iota": 14069, - "ĠOT": 14070, - "pic": 14071, - "Rad": 14072, - "titial": 14073, - "ĠOrth": 14074, - "stellar": 14075, - "ĠKine": 14076, - "Ġnavigation": 14077, - "fast": 14078, - "ĠCRISPR": 14079, - "Ġkinematic": 14080, - "Ġsearching": 14081, - "Ġmicrom": 14082, - "Ġinstalled": 14083, - "ĠTaiwan": 14084, - "ila": 14085, - "rf": 14086, - "riage": 14087, - "plinary": 14088, - "Ġecho": 14089, - "rav": 14090, - "ĠLes": 14091, - "create": 14092, - "Ġubiquit": 14093, - "Ġprecursors": 14094, - "KE": 14095, - "Ġdivide": 14096, - "Ġlnc": 14097, - "ĠConstruction": 14098, - "anic": 14099, - "estim": 14100, - "isters": 14101, - "Ġfeet": 14102, - "ariant": 14103, - "ĠSchw": 14104, - "Ġexclude": 14105, - "Ġvolcan": 14106, - "ĠOverview": 14107, - "Ġyr": 14108, - "olk": 14109, - "Ġ©": 14110, - "ĠFE": 14111, - "Ġspermat": 14112, - "Ġcapacitance": 14113, - "ĠSchrödinger": 14114, - "ĠGE": 14115, - "Ġcalibrated": 14116, - "SEM": 14117, - "Ġlattices": 14118, - "plier": 14119, - "Arg": 14120, - "ĠNT": 14121, - "ĠEnhanced": 14122, - "Ġbrom": 14123, - "Ġmultip": 14124, - "Ġcertified": 14125, - "Ġislands": 14126, - "Ġcyst": 14127, - "Ġaltitude": 14128, - "edef": 14129, - "Ġconstrain": 14130, - "Ġsatisfactory": 14131, - "Ġspecialized": 14132, - "Ġjunctions": 14133, - "Ġcoronavirus": 14134, - "udge": 14135, - "exc": 14136, - "Ġalt": 14137, - "ĠBacterial": 14138, - "Ġseasons": 14139, - "ĠLM": 14140, - "Ġhistogram": 14141, - "Ġsolvents": 14142, - "average": 14143, - "Ġcardinal": 14144, - "chrom": 14145, - "python": 14146, - "dered": 14147, - "enia": 14148, - "ĠGH": 14149, - "ĠEss": 14150, - "____": 14151, - "ĠPak": 14152, - "sized": 14153, - "ĠHg": 14154, - "Ġelif": 14155, - "ĠSchematic": 14156, - "Ġcytoplasm": 14157, - "ĠFort": 14158, - "ania": 14159, - "Ġcareful": 14160, - "ĠDual": 14161, - "Ġtranslated": 14162, - "Ġnasal": 14163, - "Inv": 14164, - "Ġdaughter": 14165, - "Ġemphasize": 14166, - "modules": 14167, - "Ġlives": 14168, - "Ġhomotopy": 14169, - "Ġbot": 14170, - "Ġdisordered": 14171, - "mato": 14172, - "Second": 14173, - "Ġclaimed": 14174, - "addle": 14175, - "Ġinterfacial": 14176, - "Ġviscous": 14177, - "Ġdestination": 14178, - "ĠPlanck": 14179, - "Ġabsorbance": 14180, - "Ġvolatile": 14181, - "Ġstorm": 14182, - "Ġcarboxyl": 14183, - "ĠBank": 14184, - "ĠPack": 14185, - "Ġscaffold": 14186, - "tebr": 14187, - "ipot": 14188, - "Ġtumours": 14189, - "ĠGol": 14190, - "Ġelectrophoresis": 14191, - "Ġrealize": 14192, - "Ġconstituents": 14193, - "Sol": 14194, - "ĠEvery": 14195, - "Ġmediate": 14196, - "Ġcoincide": 14197, - "Ġexploit": 14198, - "Ġmonoton": 14199, - "measure": 14200, - "Ġsupplied": 14201, - "racellular": 14202, - "Ġferro": 14203, - "Ġpurs": 14204, - "erentially": 14205, - "trast": 14206, - "ĠRB": 14207, - "Ġdissem": 14208, - "asy": 14209, - "Ġrelating": 14210, - "null": 14211, - "uates": 14212, - "constant": 14213, - "ĠContinuous": 14214, - "Ġgeometries": 14215, - "rust": 14216, - "ĠSTR": 14217, - "cluster": 14218, - "Ġprogenitor": 14219, - "ĠCSF": 14220, - "ĠYam": 14221, - "ĠReynolds": 14222, - "ĠMY": 14223, - "ĠKO": 14224, - "ĠWalk": 14225, - "ariable": 14226, - "inder": 14227, - "ĠRight": 14228, - "ĠAlgebra": 14229, - "ĠWik": 14230, - "Ġinactivation": 14231, - "tmp": 14232, - "access": 14233, - "ĠLater": 14234, - "Ġmicrobiome": 14235, - "Ġgeodesic": 14236, - "Ġrejection": 14237, - "uses": 14238, - "Ġhardness": 14239, - "Ġhydrodynamic": 14240, - "Ġvanish": 14241, - "Ġpollut": 14242, - "amycin": 14243, - "ĠÏŃ": 14244, - "ipitation": 14245, - "Ġaugmented": 14246, - "ĠTT": 14247, - "aval": 14248, - "Ġencode": 14249, - "Ġtoxin": 14250, - "eto": 14251, - "ighbor": 14252, - "addr": 14253, - "Ġdamaged": 14254, - "oi": 14255, - "Ġtransduction": 14256, - "Ġinteracts": 14257, - "ÃŃa": 14258, - "ĠCall": 14259, - "riends": 14260, - "ĠMonitoring": 14261, - "ĠVariation": 14262, - "Ġôı¼": 14263, - "Ġdich": 14264, - "Ġspars": 14265, - "align": 14266, - "Ġanatomical": 14267, - "Ġcentrifuged": 14268, - "urally": 14269, - "ĠZr": 14270, - "ĠCarl": 14271, - "Recall": 14272, - "Ġopinion": 14273, - "Ġera": 14274, - "Ġdrainage": 14275, - "Ġmicroarray": 14276, - "status": 14277, - "umental": 14278, - "Ġcomprises": 14279, - "pressure": 14280, - "Ġpractition": 14281, - "mac": 14282, - "Ġcongr": 14283, - "urnal": 14284, - "ĠAPI": 14285, - "ĠLR": 14286, - "Ġtransfection": 14287, - "Ġslopes": 14288, - "ĠCode": 14289, - "Ġphil": 14290, - "bool": 14291, - "Ws": 14292, - "ĠâĻ": 14293, - "Ġassociate": 14294, - "otoxicity": 14295, - "rade": 14296, - "ĠMiller": 14297, - "ĠϪ": 14298, - "Ġshorten": 14299, - "Ġadditionally": 14300, - "ĠEffective": 14301, - "Ġsupervised": 14302, - "Ġelabor": 14303, - "ĠCellular": 14304, - "Ġtell": 14305, - "ĠRC": 14306, - "save": 14307, - "imid": 14308, - "Ġratings": 14309, - "ĠTaking": 14310, - "Ġapproval": 14311, - "Ġpenalty": 14312, - "KK": 14313, - "context": 14314, - "aks": 14315, - "pecific": 14316, - "Ġtempor": 14317, - "Ġupregulation": 14318, - "VAL": 14319, - "Ġencodes": 14320, - "inin": 14321, - "Ġnotes": 14322, - "ĠForest": 14323, - "Ġcombinatorial": 14324, - "ymptotic": 14325, - "Ġsquamous": 14326, - "ĠAsh": 14327, - "ourn": 14328, - "Ġmyeloid": 14329, - "elines": 14330, - "Bio": 14331, - "Ġbreed": 14332, - "ĠRub": 14333, - "uzz": 14334, - "Ġsinglet": 14335, - "enna": 14336, - "Ġcritically": 14337, - "dig": 14338, - "disci": 14339, - "Ġdropped": 14340, - "Ġlipoprotein": 14341, - "ĠEt": 14342, - "Ġnov": 14343, - "ophen": 14344, - "Ġancient": 14345, - "Base": 14346, - "Ġsmoothing": 14347, - "itives": 14348, - "pine": 14349, - "Ġsolver": 14350, - "perm": 14351, - "ĠHome": 14352, - "Ġazim": 14353, - "lVert": 14354, - "Ġtransportation": 14355, - "Ġdex": 14356, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 14357, - "opathic": 14358, - "experim": 14359, - "âĢ¢âĢ¢": 14360, - "perfusion": 14361, - "Ġdoi": 14362, - "ĠLact": 14363, - "Ġhepatocellular": 14364, - "Ġmismatch": 14365, - "Ġadenocarcinoma": 14366, - "ĠPain": 14367, - "Ġspr": 14368, - "Ġconfinement": 14369, - "Ġexceeds": 14370, - "Ġhash": 14371, - "ĠComparing": 14372, - "ĠSensor": 14373, - "Ġfiring": 14374, - "kes": 14375, - "vir": 14376, - "inea": 14377, - "affected": 14378, - "Ġmodelled": 14379, - "Ġether": 14380, - "Ġsuffer": 14381, - "â̲â̲": 14382, - "оÐ": 14383, - "ĠBir": 14384, - "Äģ": 14385, - "Ġsecreted": 14386, - "Ġcatheter": 14387, - "Ġyouth": 14388, - "expl": 14389, - "ĠDar": 14390, - "ĠWHO": 14391, - "Ġfoundation": 14392, - "Ġhydraulic": 14393, - "ĠCarol": 14394, - "SSION": 14395, - "Ġá¹": 14396, - "feld": 14397, - "avor": 14398, - "Ġpasses": 14399, - "visiae": 14400, - "Ġapplicability": 14401, - "Ġnested": 14402, - "Fl": 14403, - "ĠCatal": 14404, - "Ġmicroenvironment": 14405, - "labels": 14406, - "Ġcrystallization": 14407, - "Info": 14408, - "Ġpositioning": 14409, - "Ġtriangles": 14410, - "Ġtryp": 14411, - "ĠTransition": 14412, - "Ġsett": 14413, - "Ġneurot": 14414, - "Mon": 14415, - "Ġdroplets": 14416, - "ĠART": 14417, - "Ġcorne": 14418, - "Ġmultiplicity": 14419, - "Ġeccentric": 14420, - "Ġiv": 14421, - "ĠMatter": 14422, - "learning": 14423, - "electro": 14424, - "ĠWeyl": 14425, - "Ġdecide": 14426, - "ĠWr": 14427, - "ĠHierarch": 14428, - "Ġapical": 14429, - "Ġfailures": 14430, - "Ġdigestion": 14431, - "MIC": 14432, - "Ġgeographical": 14433, - "ĠElement": 14434, - "ĠThough": 14435, - "Ġchron": 14436, - "limited": 14437, - "ĠDISC": 14438, - "ĠArchitecture": 14439, - "Ġvibrational": 14440, - "ĠVarious": 14441, - "Ġdynamically": 14442, - "aked": 14443, - "Ġconvenience": 14444, - "ĠIsra": 14445, - "ĠMDA": 14446, - "itic": 14447, - "Au": 14448, - "Ġassistance": 14449, - "ventional": 14450, - "midt": 14451, - "ospor": 14452, - "Following": 14453, - "Ġinferior": 14454, - "Ġnickel": 14455, - "raine": 14456, - "paren": 14457, - "Ġtitanium": 14458, - "Field": 14459, - "Ġhoc": 14460, - "ĠCauchy": 14461, - "ĠMcC": 14462, - "ĠScreen": 14463, - "Ġneglect": 14464, - "classes": 14465, - "ĠIF": 14466, - "Ġstratified": 14467, - "enses": 14468, - "ĠPlate": 14469, - "ozoic": 14470, - "Ġinstitutions": 14471, - "ĠThose": 14472, - "Ġgenerations": 14473, - "transform": 14474, - "Ġpartitions": 14475, - "Rxiv": 14476, - "enth": 14477, - "Ġstic": 14478, - "olith": 14479, - "ĠFem": 14480, - "Ġagar": 14481, - "beam": 14482, - "Ġprotons": 14483, - "LU": 14484, - "Ġworkload": 14485, - "Ġminerals": 14486, - "Ġmt": 14487, - "lla": 14488, - "ĠPharmac": 14489, - "Ġconverter": 14490, - "ĠMechanical": 14491, - "Ġflavor": 14492, - "Ġphosphatase": 14493, - "Ġsums": 14494, - "PCs": 14495, - "Ġisoforms": 14496, - "igroup": 14497, - "pyr": 14498, - "features": 14499, - "Ġperc": 14500, - "Ġcompleteness": 14501, - "Ġforests": 14502, - "Ġdividing": 14503, - "ĠLipschitz": 14504, - "periodic": 14505, - "Ġrecycl": 14506, - "ĠNag": 14507, - "Ġtwin": 14508, - "eptides": 14509, - "Ġcohor": 14510, - "Ġsearches": 14511, - "eated": 14512, - "Hg": 14513, - "ĠPU": 14514, - "ĠTree": 14515, - "allic": 14516, - "PF": 14517, - "Ġappendix": 14518, - "ĠCov": 14519, - "Ġchecking": 14520, - "Ġbackbone": 14521, - "Thermo": 14522, - "Ġactivating": 14523, - "ĠVictor": 14524, - "Ġcritic": 14525, - "ĠLem": 14526, - "groups": 14527, - "REG": 14528, - "ĠOcc": 14529, - "SCC": 14530, - "ĠXRD": 14531, - "ĠValues": 14532, - "Ġsubtype": 14533, - "Ġstretching": 14534, - "ORM": 14535, - "some": 14536, - "Ġflip": 14537, - "Ġphenolic": 14538, - "Ġkilled": 14539, - "Ġsequenced": 14540, - "uscular": 14541, - "abin": 14542, - "Ġquadr": 14543, - "Ġtranslational": 14544, - "Ġsolids": 14545, - "direct": 14546, - "Ġpromotion": 14547, - "Ġcohorts": 14548, - "ĠClimate": 14549, - "ĠOld": 14550, - "ĠSir": 14551, - "gue": 14552, - "strate": 14553, - "ĠPoss": 14554, - "Ġreceives": 14555, - "ĠValidation": 14556, - "uctive": 14557, - "Ġcerevisiae": 14558, - "Gu": 14559, - "isis": 14560, - "ceil": 14561, - "ĠPearson": 14562, - "ĠPrelim": 14563, - "ĠGran": 14564, - "CSF": 14565, - "Ġsterile": 14566, - "ofluorescence": 14567, - "bad": 14568, - "Ġcolored": 14569, - "compass": 14570, - "equation": 14571, - "jan": 14572, - "Ġconditioning": 14573, - "Ġvoice": 14574, - "Ġmening": 14575, - "Ġgranted": 14576, - "Ġrenormalization": 14577, - "ĠLimit": 14578, - "thi": 14579, - "Ġaperture": 14580, - "Ġdosage": 14581, - "directed": 14582, - "ĠBreast": 14583, - "ocular": 14584, - "bearing": 14585, - "sal": 14586, - "ascul": 14587, - "upervised": 14588, - "Ġmonolayer": 14589, - "Ġmembership": 14590, - "ĠWireless": 14591, - "show": 14592, - "ĠMedia": 14593, - "ĠVL": 14594, - "essel": 14595, - "Ġdecoder": 14596, - "ĠMF": 14597, - "ĠComposition": 14598, - "ĠClark": 14599, - "Point": 14600, - "ĠNano": 14601, - "ĠDeg": 14602, - "NL": 14603, - "ĠBox": 14604, - "Ġexploring": 14605, - "molecular": 14606, - "Other": 14607, - "ĠDiabetes": 14608, - "height": 14609, - "Ġkinases": 14610, - "Ġadjusting": 14611, - "Ġsports": 14612, - "offs": 14613, - "ĠIEEE": 14614, - "Ġtil": 14615, - "ĠIntra": 14616, - "Ġplanets": 14617, - "ĠEpidem": 14618, - "Ġtomato": 14619, - "Ġscaffolds": 14620, - "ĠMetabol": 14621, - "ĠGeometry": 14622, - "imetry": 14623, - "ĠTen": 14624, - "thread": 14625, - "ohex": 14626, - "Ġproposes": 14627, - "prim": 14628, - "ĠParty": 14629, - "Ġquarter": 14630, - "ĠShi": 14631, - "Ġaberr": 14632, - "ĠIntr": 14633, - "Ġdirector": 14634, - "affe": 14635, - "ĠSus": 14636, - "ensors": 14637, - "Ele": 14638, - "Ġpoles": 14639, - "Additional": 14640, - "Ġbypass": 14641, - "catenin": 14642, - "Ġundertaken": 14643, - "imation": 14644, - "opor": 14645, - "Ġpreserving": 14646, - "Ġmultiplex": 14647, - "ĠRepresentative": 14648, - "sis": 14649, - "ĠAG": 14650, - "achy": 14651, - "Ġfruits": 14652, - "Ġreconstruct": 14653, - "ensen": 14654, - "Ġstrongest": 14655, - "Ġscav": 14656, - "ĠCheng": 14657, - "ĠCoron": 14658, - "ĠObservation": 14659, - "ĠAch": 14660, - "ĠGeorg": 14661, - "ĠSVM": 14662, - "ĠChern": 14663, - "Ġreversal": 14664, - "via": 14665, - "imp": 14666, - "Ġdeployment": 14667, - "ĠHad": 14668, - "Ġcircumstances": 14669, - "obi": 14670, - "Ġcurved": 14671, - "Induced": 14672, - "ĠPositive": 14673, - "imb": 14674, - "ĠParis": 14675, - "ĠStein": 14676, - "icz": 14677, - "ĠCath": 14678, - "Ġdrawing": 14679, - "tory": 14680, - "Ġcontinental": 14681, - "Ġquantitatively": 14682, - "acerb": 14683, - "Ġnorms": 14684, - "ĠBE": 14685, - "Several": 14686, - "door": 14687, - "Ġplateau": 14688, - "Gal": 14689, - "Ġcivil": 14690, - "ĠFix": 14691, - "LAB": 14692, - "occal": 14693, - "Ġsorted": 14694, - "ĠâĢĿ": 14695, - "Ġediting": 14696, - "ĠChristian": 14697, - "Ġclarify": 14698, - "Ġwaveguide": 14699, - "bell": 14700, - "Ġdeduced": 14701, - "odec": 14702, - "utrition": 14703, - "Ġcompressive": 14704, - "ĠEU": 14705, - "ĠRegression": 14706, - "Ġranked": 14707, - "Ġestimators": 14708, - "Ġabilities": 14709, - "Ġbeliefs": 14710, - "three": 14711, - "ĠâĩĴ": 14712, - "rology": 14713, - "Ġautonomous": 14714, - "ĠSz": 14715, - "schem": 14716, - "ĠALT": 14717, - "ĠPatterns": 14718, - "Ġexon": 14719, - "Ġlifestyle": 14720, - "fill": 14721, - "ĠCAR": 14722, - "ĠDomains": 14723, - "Ġpaid": 14724, - "Ġtab": 14725, - "ĠCohen": 14726, - "airy": 14727, - "Ġsheep": 14728, - "Ġseaw": 14729, - "ĠKong": 14730, - "gas": 14731, - "Ġreserved": 14732, - "Ġresil": 14733, - "Ġobl": 14734, - "carbox": 14735, - "ĠGovernment": 14736, - "upper": 14737, - "racting": 14738, - "Ġgangl": 14739, - "ĠRV": 14740, - "Ġbronch": 14741, - "Methods": 14742, - "ĠLiver": 14743, - "Ġguess": 14744, - "charomy": 14745, - "ICE": 14746, - "Ġcongenital": 14747, - "Ġka": 14748, - "Ġspanning": 14749, - "ĠRecomm": 14750, - "ea": 14751, - "Ġconvention": 14752, - "Ġsheets": 14753, - "Ġthermo": 14754, - "Ġqualitatively": 14755, - "Ġoxides": 14756, - "Ġcongru": 14757, - "ĠJer": 14758, - "Ġpreservation": 14759, - "ĠBT": 14760, - "ĠDMSO": 14761, - "Ġcomplication": 14762, - "Ġsurvivors": 14763, - "Ġreduct": 14764, - "Ġdescent": 14765, - "Ġsucrose": 14766, - "ĠCourt": 14767, - "Ġmetabolite": 14768, - "ĠMath": 14769, - "ĠSecurity": 14770, - "ĠNotably": 14771, - "ĠStem": 14772, - "Ġdwarf": 14773, - "bc": 14774, - "Ġrevis": 14775, - "ĠKl": 14776, - "ĠGh": 14777, - "Ġmanager": 14778, - "Ġinvestment": 14779, - "Ġmotility": 14780, - "Em": 14781, - "ĠMr": 14782, - "asic": 14783, - "ĠBos": 14784, - "Ġinspired": 14785, - "placian": 14786, - "Ġease": 14787, - "Ġtorsion": 14788, - "ĠDirichlet": 14789, - "Ġspleen": 14790, - "agation": 14791, - "onate": 14792, - "ĠTrial": 14793, - "Ġturnover": 14794, - "Ġselectively": 14795, - "ĠÍĴ": 14796, - "iano": 14797, - "Ġnontrivial": 14798, - "iasis": 14799, - "Ñģ": 14800, - "ĠGuo": 14801, - "Ġaddresses": 14802, - "Ġuniqueness": 14803, - "Ġwithdraw": 14804, - "riz": 14805, - "Ġcomputationally": 14806, - "Ġpersonality": 14807, - "AX": 14808, - "wenty": 14809, - "Ġgovern": 14810, - "berts": 14811, - "Ġrobots": 14812, - "Ġready": 14813, - "Ġdiets": 14814, - "lit": 14815, - "My": 14816, - "ĠReve": 14817, - "ĠLos": 14818, - "infrared": 14819, - "Ġintram": 14820, - "lated": 14821, - "plankton": 14822, - "ĠGrant": 14823, - "piper": 14824, - "Ġantennas": 14825, - "Ġbol": 14826, - "fp": 14827, - "ĠVit": 14828, - "Compar": 14829, - "oken": 14830, - "Ġkeys": 14831, - "ĠClub": 14832, - "inery": 14833, - "ĠFoot": 14834, - "Ġwarming": 14835, - "mond": 14836, - "Ġmiles": 14837, - "Ġspeaking": 14838, - "ĠIv": 14839, - "Ġconformational": 14840, - "ĠOk": 14841, - "Ġunified": 14842, - "Ġassembled": 14843, - "Ġinverted": 14844, - "Ġfelt": 14845, - "corresponding": 14846, - "ĠECM": 14847, - "ĠNSC": 14848, - "Ġindoor": 14849, - "gov": 14850, - "Ġantagonist": 14851, - "unched": 14852, - "ĠJava": 14853, - "ĠCombined": 14854, - "tivities": 14855, - "Ġalternating": 14856, - "ãĤ": 14857, - "ĠDiagnosis": 14858, - "Ġdistinction": 14859, - "leigh": 14860, - "ĠTogether": 14861, - "Ġparticipating": 14862, - "Ġglomer": 14863, - "oche": 14864, - "Ġcopyright": 14865, - "ĠGTP": 14866, - "ĠVar": 14867, - "Ġammonium": 14868, - "Ġfacilitates": 14869, - "Ġperfusion": 14870, - "ĠLB": 14871, - "full": 14872, - "Ġreti": 14873, - "iferase": 14874, - "Ġimmunosup": 14875, - "ĠImplementation": 14876, - "Ġpores": 14877, - "ĠBB": 14878, - "ĠBud": 14879, - "ĠVO": 14880, - "ĠVo": 14881, - "Ġphysician": 14882, - "ĠAUC": 14883, - "Ġcertainly": 14884, - "μm": 14885, - "ĠKol": 14886, - "Ġwrap": 14887, - "middle": 14888, - "Ġsilencing": 14889, - "Ġfreshwater": 14890, - "igan": 14891, - "area": 14892, - "AI": 14893, - "Ġmicrotub": 14894, - "Ġarranged": 14895, - "structive": 14896, - "ĠRegular": 14897, - "ĠFile": 14898, - "alks": 14899, - "Ġplain": 14900, - "Ġintegrable": 14901, - "ĠMembrane": 14902, - "istors": 14903, - "Ġaquatic": 14904, - "Ġworkflow": 14905, - "ĠGer": 14906, - "ulant": 14907, - "Ġactivates": 14908, - "Term": 14909, - "ĠUpon": 14910, - "ĠPut": 14911, - "Var": 14912, - "ĠOD": 14913, - "half": 14914, - "Ġulcer": 14915, - "ĠBO": 14916, - "ĠGy": 14917, - "rences": 14918, - "Ġpurity": 14919, - "Ġarrive": 14920, - "ĠSignificant": 14921, - "ĠMAC": 14922, - "ĠOtherwise": 14923, - "oured": 14924, - "Ġtan": 14925, - "ĠRL": 14926, - "ĠQTL": 14927, - "Ġammonia": 14928, - "vmode": 14929, - "Ġmagnesium": 14930, - "Ġacknowled": 14931, - "Ġalternatives": 14932, - "idents": 14933, - "rVert": 14934, - "ĠComplete": 14935, - "ĠBone": 14936, - "yer": 14937, - "ĠBab": 14938, - "Ġeut": 14939, - "Ġnovo": 14940, - "disciplinary": 14941, - "Ġseverely": 14942, - "uki": 14943, - "ĠPN": 14944, - "leavevmode": 14945, - "clip": 14946, - "ĠSynd": 14947, - "ĠMIMO": 14948, - "adequ": 14949, - "ĠArctic": 14950, - "lycer": 14951, - "RET": 14952, - "ensed": 14953, - "coated": 14954, - "VP": 14955, - "Ġlakes": 14956, - "Ġchurch": 14957, - "Ġhomologous": 14958, - "Ġoxidase": 14959, - "ĠAud": 14960, - "Ġincrement": 14961, - "Ġneutrinos": 14962, - "arbon": 14963, - "TYPE": 14964, - "izumab": 14965, - "utable": 14966, - "Ġimplying": 14967, - "ĠMotion": 14968, - "Ġâīĥ": 14969, - "Ġpages": 14970, - "Ġplausible": 14971, - "ĠNL": 14972, - "Ġisotop": 14973, - "ĠHyd": 14974, - "Att": 14975, - "lattice": 14976, - "shore": 14977, - "Ġsucceed": 14978, - "Ġsupposed": 14979, - "ĠTransmission": 14980, - "Dimensional": 14981, - "inguistic": 14982, - "Ġcontours": 14983, - "Ġconcomit": 14984, - "Ġagrees": 14985, - "ĠDani": 14986, - "quar": 14987, - "Ġshield": 14988, - "Ġozone": 14989, - "ĠTet": 14990, - "lbrack": 14991, - "Ġwat": 14992, - "Ġcytochrome": 14993, - "tailed": 14994, - "pix": 14995, - "Ġcoex": 14996, - "ĠView": 14997, - "odef": 14998, - "ĠWild": 14999, - "ĠLE": 15000, - "hop": 15001, - "Ġpointing": 15002, - "uncture": 15003, - "Ġecology": 15004, - "Ġbab": 15005, - "rea": 15006, - "ego": 15007, - "Ġviolence": 15008, - "ĠtRNA": 15009, - "ĠRN": 15010, - "pent": 15011, - "orel": 15012, - "ĠParallel": 15013, - "Ġdrives": 15014, - "nobreak": 15015, - "Ġholog": 15016, - "Ġprobable": 15017, - "Ġentering": 15018, - "Ġsink": 15019, - "Ġswelling": 15020, - "producing": 15021, - "âĨĴâĪŀ": 15022, - "ĠSafety": 15023, - "Ġanalyse": 15024, - "series": 15025, - "Ġdrivers": 15026, - "KS": 15027, - "ĠRMS": 15028, - "Ġgenetics": 15029, - "ĠFred": 15030, - "Ġsubm": 15031, - "Ġscientists": 15032, - "ĠFD": 15033, - "ĠSolutions": 15034, - "ĠFab": 15035, - "Ġencompass": 15036, - "commutative": 15037, - "Ġadiabatic": 15038, - "butyl": 15039, - "PEG": 15040, - "Ġαβ": 15041, - "ĠStan": 15042, - "Ġclustered": 15043, - "Ġholding": 15044, - "ĠBeck": 15045, - "ĠYan": 15046, - "Ġaster": 15047, - "Ġeconom": 15048, - "Ġignored": 15049, - "uro": 15050, - "yles": 15051, - "ubbles": 15052, - "Ġfate": 15053, - "Ġperceptions": 15054, - "Ġlin": 15055, - "én": 15056, - "Ġactu": 15057, - "Ġarsen": 15058, - "Ġba": 15059, - "epoch": 15060, - "ĠStim": 15061, - "Ġmedications": 15062, - "ECs": 15063, - "ĠMinistry": 15064, - "ĠPublisher": 15065, - "Ġdepri": 15066, - "Ġobstruction": 15067, - "ĠmRNAs": 15068, - "Ġbrother": 15069, - "Ġcrossover": 15070, - "ĠTurb": 15071, - "tation": 15072, - "Ġtank": 15073, - "ĠMem": 15074, - "Ġintestine": 15075, - "Ġmicroglia": 15076, - "ĠMaxwell": 15077, - "Ġjurisdic": 15078, - "Ġphenyl": 15079, - "hyper": 15080, - "ums": 15081, - "ĠHIF": 15082, - "ĠShen": 15083, - "Ġcheckpoint": 15084, - "ĠBrownian": 15085, - "ĠâĭĨ": 15086, - "ĠStrain": 15087, - "ĠExtraction": 15088, - "Ġbatteries": 15089, - "ĠPle": 15090, - "ĠConditions": 15091, - "Ġinconsistent": 15092, - "ĠHost": 15093, - "ypical": 15094, - "Ġcrops": 15095, - "alg": 15096, - "ĠFI": 15097, - "anta": 15098, - "Ġfounded": 15099, - "Ġmarks": 15100, - "distribution": 15101, - "Ġι": 15102, - "Ġhors": 15103, - "Ġsnap": 15104, - "WM": 15105, - "Ġmanifestations": 15106, - "empl": 15107, - "Ġproving": 15108, - "leading": 15109, - "ĠACE": 15110, - "ĠLED": 15111, - "channels": 15112, - "Ġlift": 15113, - "Function": 15114, - "inase": 15115, - "supervised": 15116, - "ĠUser": 15117, - "Ġphysiology": 15118, - "Ġlinking": 15119, - "pressed": 15120, - "Ġiff": 15121, - "ĠJim": 15122, - "Ġglutathione": 15123, - "ĠTI": 15124, - "Ġane": 15125, - "enosis": 15126, - "Ġcollections": 15127, - "Ġgenetically": 15128, - "ĠFilter": 15129, - "ĠChicago": 15130, - "ĠServices": 15131, - "Ġsupersymmetric": 15132, - "Ġstriking": 15133, - "Ġirrig": 15134, - "ococcal": 15135, - "Ġfibres": 15136, - "Ġecosystems": 15137, - "uming": 15138, - "fly": 15139, - "Ġlungs": 15140, - "Ġcovariates": 15141, - "Ġlayout": 15142, - "ĠRaj": 15143, - "Ġsummation": 15144, - "abled": 15145, - "Ġfreely": 15146, - "Ġrevised": 15147, - "Ġcuts": 15148, - "ĠIntegrated": 15149, - "Ġpharmaceutical": 15150, - "Ġrespiration": 15151, - "ĠBill": 15152, - "Ġestrogen": 15153, - "raint": 15154, - "Ġpercentages": 15155, - "ĠPf": 15156, - "ĠGF": 15157, - "methylene": 15158, - "Ġorigins": 15159, - "trim": 15160, - "match": 15161, - "itney": 15162, - "ĠYe": 15163, - "Ġallocated": 15164, - "manifold": 15165, - "ĠTris": 15166, - "ĠLys": 15167, - "Ġcompressed": 15168, - "orer": 15169, - "Ġhimself": 15170, - "Ġquin": 15171, - "ĠAssembly": 15172, - "single": 15173, - "temporal": 15174, - "Ġsoph": 15175, - "Ġepidemiological": 15176, - "Ġknockout": 15177, - "Ġcompares": 15178, - "ĠSensitivity": 15179, - "Ġgirls": 15180, - "ĠValley": 15181, - "alid": 15182, - "ĠScheme": 15183, - "ĠCOMP": 15184, - "Ġrefractive": 15185, - "ĠOffice": 15186, - "Ġlatest": 15187, - "Ġprices": 15188, - "carboxyl": 15189, - "Ġeconomy": 15190, - "Ġbooks": 15191, - "ĠDD": 15192, - "Ġneoplas": 15193, - "appings": 15194, - "Ġfolding": 15195, - "momentum": 15196, - "potent": 15197, - "Ġprefix": 15198, - "ĠRiemannian": 15199, - "ĠERK": 15200, - "ĠPathway": 15201, - "Ġlarval": 15202, - "olor": 15203, - "Ġattitude": 15204, - "geqslant": 15205, - "Ġgates": 15206, - "Ġagonist": 15207, - "Ġï̍": 15208, - "ĠMCF": 15209, - "ostatic": 15210, - "micro": 15211, - "Ġdoubl": 15212, - "ĠParameter": 15213, - "Ġequivalently": 15214, - "Ġsrc": 15215, - "Most": 15216, - "ĉĠĠĠ": 15217, - "Ġrheumat": 15218, - "ĠHum": 15219, - "region": 15220, - "Ġwinds": 15221, - "Ġquadrup": 15222, - "cales": 15223, - "ulfide": 15224, - "balanced": 15225, - "Under": 15226, - "generated": 15227, - "oplasmic": 15228, - "Ġweighting": 15229, - "ĠNov": 15230, - "veloc": 15231, - "utils": 15232, - "ĠACT": 15233, - "Ġvulnerable": 15234, - "dc": 15235, - "Ġstromal": 15236, - "Ġexacerb": 15237, - "HV": 15238, - "Ġperfectly": 15239, - "txt": 15240, - "direction": 15241, - "ogon": 15242, - "Ġbim": 15243, - "ĠMarg": 15244, - "itons": 15245, - "Ġtermination": 15246, - "eda": 15247, - "Ġpretreatment": 15248, - "Ġimportantly": 15249, - "Ġduc": 15250, - "Ġartifacts": 15251, - "Stud": 15252, - "otensin": 15253, - "reland": 15254, - "ahn": 15255, - "Ġdeployed": 15256, - "ĠEF": 15257, - "ensing": 15258, - "ĠCard": 15259, - "ĠJordan": 15260, - "apunov": 15261, - "Ġanesthesia": 15262, - "Ġatherosclerosis": 15263, - "inner": 15264, - "structural": 15265, - "ĠAsp": 15266, - "throughput": 15267, - "urities": 15268, - "Ġinset": 15269, - "without": 15270, - "Ġacquire": 15271, - "Ġcombines": 15272, - "ĠShar": 15273, - "MASK": 15274, - "ĠLiter": 15275, - "Ġconscious": 15276, - "iscell": 15277, - "consistent": 15278, - "yst": 15279, - "Ġfilaments": 15280, - "ĠAlice": 15281, - "ĠGround": 15282, - "ĠmTOR": 15283, - "versal": 15284, - "Ġlineages": 15285, - "particles": 15286, - "aroscopic": 15287, - "ĠProced": 15288, - "Ġorientations": 15289, - "ĠMouse": 15290, - "Ġaccordingly": 15291, - "Ġsuppressor": 15292, - "Ġdestruction": 15293, - "OV": 15294, - "ĠProteins": 15295, - "PECT": 15296, - "Ġcup": 15297, - "Ġmonomer": 15298, - "plemental": 15299, - "Ġneutrophil": 15300, - "Ġerup": 15301, - "Ġtac": 15302, - "Ġasymptomatic": 15303, - "ĠEmbed": 15304, - "ĠRadiation": 15305, - "ĠGame": 15306, - "Ġneedle": 15307, - "Ġreuse": 15308, - "ĠDutch": 15309, - "Ġjuvenile": 15310, - "Ġmomenta": 15311, - "ĠBose": 15312, - "Ġdeveloper": 15313, - "Ġresiduals": 15314, - "Å¡": 15315, - "Ġcognition": 15316, - "ĠRegional": 15317, - "You": 15318, - "ĠConcent": 15319, - "ocin": 15320, - "ĠPartial": 15321, - "Ġcompletes": 15322, - "ĠSingh": 15323, - "ĠExc": 15324, - "ĠIsolation": 15325, - "ĠStructures": 15326, - "Ġintermitt": 15327, - "Exception": 15328, - "Ġanalytically": 15329, - "Ġelectricity": 15330, - "âĭ": 15331, - "Äį": 15332, - "Ġproteome": 15333, - "Ġic": 15334, - "kal": 15335, - "inux": 15336, - "ĠBeyond": 15337, - "Ġimplied": 15338, - "ASH": 15339, - "Ġclone": 15340, - "ĠRussia": 15341, - "ĠHod": 15342, - "tebrates": 15343, - "Ġproxy": 15344, - "holder": 15345, - "elve": 15346, - "Ġvalley": 15347, - "utely": 15348, - "Ġjobs": 15349, - "ruption": 15350, - "roids": 15351, - "ĠWhy": 15352, - "eping": 15353, - "ĠYet": 15354, - "Ġpyl": 15355, - "Ġbra": 15356, - "ilization": 15357, - "eters": 15358, - "Ġadver": 15359, - "Ġove": 15360, - "kernel": 15361, - "samples": 15362, - "ordinate": 15363, - "ĠAssuming": 15364, - "Ġcontaminated": 15365, - "Ġbipolar": 15366, - "Ġlac": 15367, - "Ġluc": 15368, - "Ġcentrifugation": 15369, - "Both": 15370, - "Ġnd": 15371, - "Ġtib": 15372, - "Before": 15373, - "ĠImmune": 15374, - "Ġash": 15375, - "Ġconditioned": 15376, - "ĠRank": 15377, - "NOS": 15378, - "Ġnanoparticle": 15379, - "Ġdependencies": 15380, - "Ġhouseholds": 15381, - "agers": 15382, - "Ġspectrophot": 15383, - "Ġbile": 15384, - "ĠHans": 15385, - "ĠAcknowledgements": 15386, - "ratio": 15387, - "ĠSecondary": 15388, - "Ġdownregulated": 15389, - "fixed": 15390, - "Obs": 15391, - "ĠHL": 15392, - "Ġsends": 15393, - "tings": 15394, - "Ġfi": 15395, - "ĠPaper": 15396, - "Ġultraviolet": 15397, - "ĠBall": 15398, - "Ġdrastic": 15399, - "ailure": 15400, - "oil": 15401, - "exchange": 15402, - "ĠDan": 15403, - "ĠAuto": 15404, - "Ġarchae": 15405, - "ĠCollection": 15406, - "Ġantiviral": 15407, - "ĠChemistry": 15408, - "Ġferr": 15409, - "choice": 15410, - "vac": 15411, - "olipid": 15412, - "Ġdanger": 15413, - "ĠLittle": 15414, - "Ġdehyd": 15415, - "Ġoccasion": 15416, - "opropyl": 15417, - "abe": 15418, - "Ġinterferon": 15419, - "Ġexport": 15420, - "onitrile": 15421, - "pd": 15422, - "ĠContext": 15423, - "ruz": 15424, - "ĠDys": 15425, - "Ġassembl": 15426, - "Ġoils": 15427, - "Image": 15428, - "rowing": 15429, - "Ġaneurys": 15430, - "Ġliquids": 15431, - "Ġactively": 15432, - "Ġevapor": 15433, - "ĠPresent": 15434, - "Ġconstitutive": 15435, - "ĠSite": 15436, - "Ġscript": 15437, - "Ġrepeats": 15438, - "ĠSIR": 15439, - "ĠFilm": 15440, - "ĠSanta": 15441, - "ĠRepresentation": 15442, - "ĠAma": 15443, - "ordon": 15444, - "ĠMolecule": 15445, - "Ġgoverning": 15446, - "ĠSoil": 15447, - "Ver": 15448, - "Ġphotonic": 15449, - "tify": 15450, - "ĠLewis": 15451, - "athered": 15452, - "Ġcategorical": 15453, - "iscellaneous": 15454, - "update": 15455, - "Ġdeficit": 15456, - "Ġadjuvant": 15457, - "ĠHenry": 15458, - "Group": 15459, - "istency": 15460, - "agraph": 15461, - "ĠImproving": 15462, - "El": 15463, - "Ġflame": 15464, - "rogate": 15465, - "omorph": 15466, - "Ġqubits": 15467, - "Ġillustration": 15468, - "ĠFlorida": 15469, - "ĠDG": 15470, - "bigcup": 15471, - "Ġprovince": 15472, - "egradation": 15473, - "ĠLandau": 15474, - "Ġgrating": 15475, - "Ġinsects": 15476, - "Ġdraft": 15477, - "ĠHb": 15478, - "Ġss": 15479, - "ĠRas": 15480, - "Ġmucosa": 15481, - "Ġhydroxyl": 15482, - "Ġmodest": 15483, - "Ġconfirming": 15484, - "ĠGalaxies": 15485, - "Gaussian": 15486, - "ĠRetrie": 15487, - "Ġrestored": 15488, - "memory": 15489, - "Ġreinforced": 15490, - "rific": 15491, - "Ġassisted": 15492, - "Ġaffiliations": 15493, - "RC": 15494, - "ducer": 15495, - "ĠIntellig": 15496, - "ĠASD": 15497, - "modium": 15498, - "Ġomitted": 15499, - "okers": 15500, - "Ġguided": 15501, - "Ġgraphical": 15502, - "ĠQual": 15503, - "Due": 15504, - "Ġnemat": 15505, - "variable": 15506, - "Ġsenescence": 15507, - "Ġpipe": 15508, - "Ġsustainable": 15509, - "Ġteacher": 15510, - "Ġthing": 15511, - "ĠGPU": 15512, - "TB": 15513, - "Ġreform": 15514, - "Ġreflex": 15515, - "Ġindicative": 15516, - "about": 15517, - "Ġopi": 15518, - "effect": 15519, - "Ġdispersed": 15520, - "kh": 15521, - "ithelial": 15522, - "ĠTreg": 15523, - "ipl": 15524, - "ĠAutomatic": 15525, - "Ġnitro": 15526, - "complete": 15527, - "Ġbosons": 15528, - "Ġpac": 15529, - "Ġavoiding": 15530, - "isl": 15531, - "plasty": 15532, - "responsive": 15533, - "dest": 15534, - "ĠBrad": 15535, - "ĠDecision": 15536, - "ĠDiscovery": 15537, - "Ġchicken": 15538, - "mus": 15539, - "ĠWITH": 15540, - "Ġtric": 15541, - "Ġquartz": 15542, - "onstruction": 15543, - "ĠFields": 15544, - "Ġassim": 15545, - "oprot": 15546, - "Ġguaranteed": 15547, - "fat": 15548, - "icts": 15549, - "Ġchol": 15550, - "ido": 15551, - "ĠKL": 15552, - "Ġchitosan": 15553, - "ĠNd": 15554, - "ĠOscill": 15555, - "Ġevolve": 15556, - "cu": 15557, - "Ġmast": 15558, - "Ġamph": 15559, - "torch": 15560, - "Vis": 15561, - "entity": 15562, - "ĠAdam": 15563, - "Ġdevoted": 15564, - "Ġethical": 15565, - "Ġpremature": 15566, - "Ġconsumer": 15567, - "Ġrecursive": 15568, - "Ġgluon": 15569, - "Ġmoderately": 15570, - "Ġmodalities": 15571, - "Ġcanal": 15572, - "force": 15573, - "ĠChlor": 15574, - "slash": 15575, - "sten": 15576, - "Ġcommercially": 15577, - "ongs": 15578, - "Ġstimulate": 15579, - "atinum": 15580, - "ĠRail": 15581, - "Ġconvective": 15582, - "Ġarteries": 15583, - "inv": 15584, - "ĠWol": 15585, - "ĠLung": 15586, - "letes": 15587, - "raphy": 15588, - "ĠHI": 15589, - "Ġgraphite": 15590, - "Ġhousing": 15591, - "each": 15592, - "Ġcalor": 15593, - "acetamide": 15594, - "rochemical": 15595, - "Ġhands": 15596, - "Ġelucidate": 15597, - "ĠChand": 15598, - "road": 15599, - "nova": 15600, - "ĠLineage": 15601, - "Ġram": 15602, - "Ġfight": 15603, - "Ġrecommendation": 15604, - "Ġamongst": 15605, - "Ġswitches": 15606, - "berry": 15607, - "Ġtherein": 15608, - "algebras": 15609, - "ĠTaken": 15610, - "azz": 15611, - "Ġfurn": 15612, - "Ġamel": 15613, - "Ġteachers": 15614, - "arn": 15615, - "Ġavoided": 15616, - "Ġaverages": 15617, - "amer": 15618, - "ĠCondition": 15619, - "Ġdislocation": 15620, - "ircon": 15621, - "Ġadolescent": 15622, - "Ġtur": 15623, - "env": 15624, - "Ġze": 15625, - "DL": 15626, - "loading": 15627, - "icidal": 15628, - "category": 15629, - "ĠDB": 15630, - "Ġmucosal": 15631, - "ĠRG": 15632, - "Ġtaxonomic": 15633, - "Ġmutagen": 15634, - "ĠStage": 15635, - "necess": 15636, - "ĠPerm": 15637, - "Ġocclusion": 15638, - "Ġexploited": 15639, - "Ġanaerobic": 15640, - "uled": 15641, - "Ġwanted": 15642, - "ĠCombining": 15643, - "Ġsubcutaneous": 15644, - "Recomm": 15645, - "Ġdiscusses": 15646, - "Ġcounterpart": 15647, - "ĠFB": 15648, - "Ġadsorbed": 15649, - "don": 15650, - "Many": 15651, - "ĠSweden": 15652, - "ĠAndrew": 15653, - "enhanced": 15654, - "Ġdoctor": 15655, - "ĠKorean": 15656, - "ĠSAR": 15657, - "Ġmating": 15658, - "aturation": 15659, - "ĠLatin": 15660, - "Ġsorting": 15661, - "Ġskip": 15662, - "Os": 15663, - "Ġwife": 15664, - "Ġcommittee": 15665, - "lvert": 15666, - "ĠACC": 15667, - "ĠComm": 15668, - "Ġsubtle": 15669, - "ĠSurvival": 15670, - "because": 15671, - "Ġfeat": 15672, - "ĠPortug": 15673, - "ARY": 15674, - "ĠISB": 15675, - "itron": 15676, - "Ġsectors": 15677, - "Ġadjoint": 15678, - "ĠAlexander": 15679, - "Ġimpurity": 15680, - "ĠMarine": 15681, - "lact": 15682, - "Ġtrapping": 15683, - "Ġgeneralize": 15684, - "filter": 15685, - "Ġpolarity": 15686, - "Also": 15687, - "Ġstabilized": 15688, - "ĠVirgin": 15689, - "Ġstores": 15690, - "PAGE": 15691, - "Ġdrawback": 15692, - "Ġâݪ": 15693, - "jet": 15694, - "Ġsubstituted": 15695, - "LINE": 15696, - "Ġoutperforms": 15697, - "Ġtermed": 15698, - "Ġweekly": 15699, - "Ġpolyc": 15700, - "Ġfused": 15701, - "Ġferromagnetic": 15702, - "lr": 15703, - "ellites": 15704, - "ĠTurn": 15705, - "ĠCulture": 15706, - "prise": 15707, - "ÅĤ": 15708, - "omposition": 15709, - "elfare": 15710, - "ĠGoogle": 15711, - "oarth": 15712, - "Ġë": 15713, - "Ġmist": 15714, - "ĠMathematics": 15715, - "SET": 15716, - "Ġepochs": 15717, - "Ġcontras": 15718, - "ishment": 15719, - "ĠFirstly": 15720, - "Ġdeclared": 15721, - "aur": 15722, - "ĠPed": 15723, - "Ġreplicate": 15724, - "Ġeligible": 15725, - "Ġconcaten": 15726, - "Ġcig": 15727, - "Ġtriplet": 15728, - "found": 15729, - "ĠCz": 15730, - "Ġaccomplished": 15731, - "Ġgoverned": 15732, - "onuclear": 15733, - "ĠNY": 15734, - "ĠEthiop": 15735, - "Ġinject": 15736, - "Ġeosin": 15737, - "annon": 15738, - "olo": 15739, - "ĠMHC": 15740, - "Ġpreoperative": 15741, - "Ġdates": 15742, - "Ġsigma": 15743, - "Long": 15744, - "ĠReson": 15745, - "Ġsymptomatic": 15746, - "Ġvolunteers": 15747, - "Ġcooperation": 15748, - "Ġarr": 15749, - "Ġcloned": 15750, - "Ġdent": 15751, - "ĠSob": 15752, - "Ġcathode": 15753, - "ctx": 15754, - "Ġencephal": 15755, - "Ġpiv": 15756, - "vive": 15757, - "umetric": 15758, - "ĠFF": 15759, - "Ġunderestim": 15760, - "Ġcoded": 15761, - "Ġanalges": 15762, - "spectral": 15763, - "Ġattracted": 15764, - "Ġtwenty": 15765, - "Ġinactive": 15766, - "Ġvictim": 15767, - "Ġholder": 15768, - "ogenes": 15769, - "Ġsuffering": 15770, - "rex": 15771, - "Ġprophyl": 15772, - "ĠUniversal": 15773, - "Ġdenom": 15774, - "stolic": 15775, - "ansion": 15776, - "SIZE": 15777, - "ĠHCV": 15778, - "Ġtechnological": 15779, - "CNN": 15780, - "enching": 15781, - "Ġdebris": 15782, - "ĠBoundary": 15783, - "linking": 15784, - "Ġstopped": 15785, - "ĠDie": 15786, - "ĠCosm": 15787, - "Ġturning": 15788, - "Ġglycoprotein": 15789, - "ĠKumar": 15790, - "Ġpg": 15791, - "ĠBY": 15792, - "Ġrising": 15793, - "ĠROC": 15794, - "Despite": 15795, - "ĠBoolean": 15796, - "ilder": 15797, - "Ġexponents": 15798, - "inters": 15799, - "printf": 15800, - "Ġlit": 15801, - "track": 15802, - "Ġfidelity": 15803, - "Ġsmoke": 15804, - "otemporal": 15805, - "Ġadmissible": 15806, - "ĠBoltzmann": 15807, - "TF": 15808, - "olite": 15809, - "liament": 15810, - "Ġcalculus": 15811, - "itized": 15812, - "Ġdivergent": 15813, - "Ġcolonization": 15814, - "Ġconvergent": 15815, - "ĠHas": 15816, - "Ġconsumers": 15817, - "Ġmyc": 15818, - "Ġcontig": 15819, - "Ġepidemiology": 15820, - "és": 15821, - "ĠAssoci": 15822, - "given": 15823, - "Ġwhilst": 15824, - "ĠKur": 15825, - "Ġreasonably": 15826, - "Ġaerobic": 15827, - "separ": 15828, - "Ġchecks": 15829, - "ĠSemantic": 15830, - "Ġserving": 15831, - "ĠAtmosp": 15832, - "Ġoxidized": 15833, - "coupled": 15834, - "ĠbioRxiv": 15835, - "Ġtuned": 15836, - "uspended": 15837, - "Ġindirectly": 15838, - "ĠCAD": 15839, - "ĠCurrently": 15840, - "Ġbehaviours": 15841, - "ĠPPAR": 15842, - "rors": 15843, - "ereb": 15844, - "Ġwidths": 15845, - "diagonal": 15846, - "ervice": 15847, - "Ġole": 15848, - "means": 15849, - "IME": 15850, - "ĠTracking": 15851, - "Ġacknowledge": 15852, - "ĠHon": 15853, - "ĠTechniques": 15854, - "ĠOxid": 15855, - "blind": 15856, - "Ġdiast": 15857, - "named": 15858, - "asitic": 15859, - "Ġpreparations": 15860, - "ĠArth": 15861, - "Ġpreserves": 15862, - "Ġfasc": 15863, - "Ġwaveform": 15864, - "ĠCrystal": 15865, - "Ġuncom": 15866, - "Ġelast": 15867, - "Ġfunctionally": 15868, - "Hom": 15869, - "ĠCoast": 15870, - "Ġoptic": 15871, - "ĠAlternatively": 15872, - "onyl": 15873, - "ĠLig": 15874, - "aldehyde": 15875, - "Ġsimulator": 15876, - "Ġdramatic": 15877, - "ifera": 15878, - "Ġexhibiting": 15879, - "Ġbehavioural": 15880, - "thick": 15881, - "xture": 15882, - "Ġexecutive": 15883, - "Ġcondensate": 15884, - "ĠOutcomes": 15885, - "Text": 15886, - "ointed": 15887, - "ĠCopyright": 15888, - "Ġdc": 15889, - "odd": 15890, - "ĠDiversity": 15891, - "chip": 15892, - "ĠBuilding": 15893, - "Ġpulsed": 15894, - "harmonic": 15895, - "Ġclinicians": 15896, - "dp": 15897, - "ĠqPCR": 15898, - "marks": 15899, - "Ġappreci": 15900, - "ĠLaser": 15901, - "Ġsizeof": 15902, - "yrene": 15903, - "Ġcooperative": 15904, - "generative": 15905, - "ĠLib": 15906, - "Ġdispersal": 15907, - "Ġevolving": 15908, - "ĠStatus": 15909, - "Ġsupercon": 15910, - "ĠMamm": 15911, - "Ġinterstitial": 15912, - "isenberg": 15913, - "Ġâľ": 15914, - "Ġconfocal": 15915, - "Ġmodulates": 15916, - "hour": 15917, - "Ġperoxide": 15918, - "dependence": 15919, - "Ġperturbed": 15920, - "illation": 15921, - "Ġplaque": 15922, - "ĠNeumann": 15923, - "Ġtriggers": 15924, - "omain": 15925, - "ĠAdministration": 15926, - "olia": 15927, - "ĠMIC": 15928, - "osaic": 15929, - "ĠGB": 15930, - "textnormal": 15931, - "Ġdominance": 15932, - "ĠExper": 15933, - "CAM": 15934, - "ĠAbout": 15935, - "ĠGarc": 15936, - "Ġsummarizes": 15937, - "App": 15938, - "charomyces": 15939, - "tificial": 15940, - "Ġglycerol": 15941, - "ĠAssumption": 15942, - "Ġtect": 15943, - "ĠFW": 15944, - "Ġcotton": 15945, - "general": 15946, - "ĠFern": 15947, - "Pt": 15948, - "Ġworker": 15949, - "Ġanion": 15950, - "grams": 15951, - "req": 15952, - "Ġlooks": 15953, - "Ġimplementations": 15954, - "ĠColumb": 15955, - "agi": 15956, - "ĠAttention": 15957, - "ĠTeam": 15958, - "oning": 15959, - "onential": 15960, - "tiny": 15961, - "ĠHighly": 15962, - "textup": 15963, - "Ġinvertible": 15964, - "ocortic": 15965, - "Inf": 15966, - "ĠOfficial": 15967, - "ĠModelling": 15968, - "Ġinclusions": 15969, - "Ġblank": 15970, - "Ġsight": 15971, - "ĠGamma": 15972, - "Ġlepton": 15973, - "Ġpneumoniae": 15974, - "Ġrotor": 15975, - "Ġethnic": 15976, - "Ġretain": 15977, - "varying": 15978, - "ĠEB": 15979, - "Ġastrocytes": 15980, - "ĠNorm": 15981, - "Ġnanom": 15982, - "classical": 15983, - "Ġshadow": 15984, - "ĠReferences": 15985, - "ĠFS": 15986, - "Ġnonnegative": 15987, - "bond": 15988, - "ĠCoh": 15989, - "Ġnumpy": 15990, - "Ġoct": 15991, - "span": 15992, - "racts": 15993, - "Ġnotably": 15994, - "Ġsophistic": 15995, - "PAR": 15996, - "Ġhormones": 15997, - "Ġtensors": 15998, - "ĠÌĦ": 15999, - "ĠConstraints": 16000, - "ĠâIJ": 16001, - "Ġtransit": 16002, - "Ġruntime": 16003, - "author": 16004, - "Ġprompt": 16005, - "ĠSG": 16006, - "Ġgrate": 16007, - "cemia": 16008, - "ĠLyapunov": 16009, - "convex": 16010, - "Ġforecasting": 16011, - "push": 16012, - "Ġjurisdictional": 16013, - "ÃĢ": 16014, - "Ġbiomedical": 16015, - "Ġepilepsy": 16016, - "feature": 16017, - "wiki": 16018, - "View": 16019, - "Ġlesser": 16020, - "Ġconjugated": 16021, - "Ġwaiting": 16022, - "ĠWord": 16023, - "IZ": 16024, - "Ġhydroxy": 16025, - "Ġdisp": 16026, - "Ġseeded": 16027, - "fitting": 16028, - "Ġstratification": 16029, - "Ġendpoint": 16030, - "Ġmediators": 16031, - "ductive": 16032, - "Ġinjections": 16033, - "ĠMicrobi": 16034, - "Ġinsert": 16035, - "ĠEmb": 16036, - "Ġstopping": 16037, - "welling": 16038, - "Ġirradiated": 16039, - "Ġmetallicity": 16040, - "vinyl": 16041, - "Ġplasmids": 16042, - "Rep": 16043, - "ĠDifferenti": 16044, - "ĠSmart": 16045, - "ĠIdentifier": 16046, - "ĠBF": 16047, - "ropic": 16048, - "Ġkinematics": 16049, - "Ġinoculated": 16050, - "CK": 16051, - "auses": 16052, - "ĠReturns": 16053, - "reement": 16054, - "Ġanticancer": 16055, - "Ġspecifications": 16056, - "Ġadds": 16057, - "Ġstake": 16058, - "Ġwheel": 16059, - "üller": 16060, - "ĠSon": 16061, - "Ġrupture": 16062, - "Ġsold": 16063, - "than": 16064, - "Ġintermedi": 16065, - "ĠNik": 16066, - "Ġtuple": 16067, - "establ": 16068, - "Ġnorthe": 16069, - "Ġsuppresses": 16070, - "Ġfet": 16071, - "Ġwashing": 16072, - "Ġinterplay": 16073, - "Ġregularly": 16074, - "EXT": 16075, - "Ġemployees": 16076, - "yz": 16077, - "rupted": 16078, - "etts": 16079, - "ĠUAV": 16080, - "Ġdifferentiable": 16081, - "inge": 16082, - "MDA": 16083, - "Ġho": 16084, - "Ġtags": 16085, - "Ġcompatibility": 16086, - "ĠÃĥ": 16087, - "bus": 16088, - "ĠUC": 16089, - "Ġtokens": 16090, - "Ġclients": 16091, - "Ġprescription": 16092, - "ĠÌĪ": 16093, - "ĠReaction": 16094, - "velocity": 16095, - "ĠNLR": 16096, - "ĠGast": 16097, - "ĠPlasmodium": 16098, - "ĠCut": 16099, - "Ġnas": 16100, - "grained": 16101, - "Ġchromosomal": 16102, - "Ġpossesses": 16103, - "Ġmath": 16104, - "Ġelected": 16105, - "placement": 16106, - "Ġcollecting": 16107, - "Ġgels": 16108, - "aire": 16109, - "Ġdeformations": 16110, - "raise": 16111, - "Ġflank": 16112, - "sulfanyl": 16113, - "zens": 16114, - "priate": 16115, - "Ġchlorophyll": 16116, - "abi": 16117, - "available": 16118, - "ا": 16119, - "Ġtack": 16120, - "fields": 16121, - "Ġrichness": 16122, - "Ġimplants": 16123, - "obenz": 16124, - "idential": 16125, - "Ġbillion": 16126, - "utor": 16127, - "ĠISBN": 16128, - "Ġinsurance": 16129, - "NET": 16130, - "Ġinadequ": 16131, - "Ġmerged": 16132, - "ĠRange": 16133, - "Ġavoidance": 16134, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 16135, - "rics": 16136, - "Ġexclusive": 16137, - "LV": 16138, - "Ġ": 16139, - "Ġcategorized": 16140, - "Ġultrasonic": 16141, - "ipe": 16142, - "icans": 16143, - "ĠAPP": 16144, - "Ġtraumatic": 16145, - "Ba": 16146, - "ĠAssay": 16147, - "ĠGrid": 16148, - "ĠClassical": 16149, - "ĠDES": 16150, - "Ġsoybean": 16151, - "Ġtopography": 16152, - "ĠControll": 16153, - "Ġemotions": 16154, - "Ġcarbohydrate": 16155, - "Ġconsol": 16156, - "oxyl": 16157, - "Ġbifurcation": 16158, - "Ġcoil": 16159, - "find": 16160, - "Ġwitness": 16161, - "ĠLF": 16162, - "threshold": 16163, - "Ġaddressing": 16164, - "Ġscrew": 16165, - "Ġactor": 16166, - "ĠWell": 16167, - "Ġ": 16168, - "ïĺ": 16169, - "ĠDF": 16170, - "ĠCorporation": 16171, - "ĠMitochondrial": 16172, - "Ġkpc": 16173, - "unders": 16174, - "Ġfibrin": 16175, - "axel": 16176, - "Ġpolyt": 16177, - "Ġshaped": 16178, - "rez": 16179, - "steresis": 16180, - "ĠComprehens": 16181, - "Ġ": 16182, - "dh": 16183, - "Ġsemic": 16184, - "Ġmot": 16185, - "ĠDavis": 16186, - "ska": 16187, - "ĠLH": 16188, - "Ġexpansions": 16189, - "acks": 16190, - "Ġoptimizing": 16191, - "eak": 16192, - "ĠQi": 16193, - "mul": 16194, - "ograft": 16195, - "Ġsuicide": 16196, - "calar": 16197, - "ĠScott": 16198, - "Ġthinking": 16199, - "Ġdirectional": 16200, - "Ġsurfactant": 16201, - "Ġdegraded": 16202, - "Ġregimen": 16203, - "itative": 16204, - "ĠVersion": 16205, - "ĠMaster": 16206, - "ĠSimulations": 16207, - "NCBI": 16208, - "lip": 16209, - "Ġreagents": 16210, - "Ġposted": 16211, - "osus": 16212, - "Ġlayered": 16213, - "ĠSpectrum": 16214, - "ĠGraphs": 16215, - "burst": 16216, - "Ġlived": 16217, - "Ġelemental": 16218, - "Ġ": 16219, - "ĠDiscrete": 16220, - "Ġexcluding": 16221, - "Ġoriginating": 16222, - "ĠGames": 16223, - "continuous": 16224, - "ATED": 16225, - "Ġpyram": 16226, - "luent": 16227, - "Ġtwisted": 16228, - "ĠNb": 16229, - "oxicity": 16230, - "Ġscr": 16231, - "Ġfun": 16232, - "ĠSegmentation": 16233, - "Ġphenol": 16234, - "Ġmeters": 16235, - "ĠEigen": 16236, - "ĠWeak": 16237, - "Ġschematic": 16238, - "rone": 16239, - "Ġphilos": 16240, - "titis": 16241, - "ĠIreland": 16242, - "Ġgy": 16243, - "ĠPTM": 16244, - "Ġpacking": 16245, - "ilinear": 16246, - "zeros": 16247, - "Ġubiquitin": 16248, - "ĠPressure": 16249, - "Ġinfiltr": 16250, - "ENS": 16251, - "validation": 16252, - "Ġprone": 16253, - "Ġoutline": 16254, - "hs": 16255, - "rength": 16256, - "Ġattain": 16257, - "Ġtwe": 16258, - "Ġtandem": 16259, - "Can": 16260, - "Ġlatitude": 16261, - "uitary": 16262, - "Ġvoltages": 16263, - "ĠGao": 16264, - "Ġpharmacokine": 16265, - "Ġcontextual": 16266, - "Ġxyl": 16267, - "elson": 16268, - "ĠMetabolic": 16269, - "oden": 16270, - "tiles": 16271, - "fficking": 16272, - "Ġdistilled": 16273, - "Ġalph": 16274, - "Ġpiezo": 16275, - "growth": 16276, - "Ġbore": 16277, - "Ġredundant": 16278, - "Ġdemonstration": 16279, - "Ġik": 16280, - "Ġrounds": 16281, - "ĠSri": 16282, - "figuration": 16283, - "ĠRayleigh": 16284, - "Line": 16285, - "ovol": 16286, - "Ġobstacle": 16287, - "cn": 16288, - "Ġbioactive": 16289, - "ĠOA": 16290, - "physical": 16291, - "atidyl": 16292, - "ACC": 16293, - "how": 16294, - "Ġresultant": 16295, - "ĠHubble": 16296, - "ĠVor": 16297, - "Ġensuring": 16298, - "Ġannotations": 16299, - "acyl": 16300, - "stituted": 16301, - "ĠAmb": 16302, - "feeding": 16303, - "Ġpresumably": 16304, - "Ġblockade": 16305, - "Ġsoc": 16306, - "ĠUrb": 16307, - "Ġmultiplied": 16308, - "Ġdiffe": 16309, - "Ġreflectance": 16310, - "ĠKeywords": 16311, - "ĠBayes": 16312, - "odeficiency": 16313, - "ĠBinding": 16314, - "inely": 16315, - "except": 16316, - "ĠUltr": 16317, - "ĠBrazilian": 16318, - "Number": 16319, - "Ġmassless": 16320, - "ĠConsistent": 16321, - "Ġcrisis": 16322, - "ogs": 16323, - "Ġresidence": 16324, - "Ġimper": 16325, - "fts": 16326, - "Ġcaptures": 16327, - "ĠSyndrome": 16328, - "Ġdimensionality": 16329, - "jun": 16330, - "Ġexhaus": 16331, - "ĠModern": 16332, - "Ġpercenti": 16333, - "Level": 16334, - "ĠResponses": 16335, - "Ġlaunched": 16336, - "Ġrepos": 16337, - "ĠKam": 16338, - "atility": 16339, - "Ġcarotid": 16340, - "rotic": 16341, - "ĠMand": 16342, - "UB": 16343, - "ĠMixed": 16344, - "Ġindexes": 16345, - "Ġcisplatin": 16346, - "ican": 16347, - "ionine": 16348, - "Ġhab": 16349, - "ĠIce": 16350, - "ĠGT": 16351, - "ĠAgg": 16352, - "ĠLDL": 16353, - "Ġvolcanic": 16354, - "dB": 16355, - "ĠElectric": 16356, - "Ġtmp": 16357, - "Ġgrids": 16358, - "liquid": 16359, - "prom": 16360, - "ĠGAL": 16361, - "Ġpestic": 16362, - "Ġhelium": 16363, - "Ġ": 16364, - "ĠDong": 16365, - "Ġmagnification": 16366, - "kip": 16367, - "ĠGrad": 16368, - "ĠWei": 16369, - "ĠPDF": 16370, - "ĠGluc": 16371, - "Pol": 16372, - "Ġtumorigen": 16373, - "yrin": 16374, - "Ġshelf": 16375, - "adher": 16376, - "entials": 16377, - "sn": 16378, - "Ġcultivars": 16379, - "Ġorbitals": 16380, - "ĠPEG": 16381, - "ĠAnne": 16382, - "eno": 16383, - "Ġattended": 16384, - "ophore": 16385, - "ishop": 16386, - "Ġfriends": 16387, - "posable": 16388, - "Ġimpose": 16389, - "Ġendemic": 16390, - "Ġsick": 16391, - "shifts": 16392, - "ĠOutput": 16393, - "LM": 16394, - "ĠMiscellaneous": 16395, - "Ġthousands": 16396, - "ĠDataset": 16397, - "Ġperturbative": 16398, - "oprec": 16399, - "Ġbene": 16400, - "Ġreef": 16401, - "Ġfossil": 16402, - "Ġcited": 16403, - "plicates": 16404, - "Ġrelates": 16405, - "ĠVII": 16406, - "Ġantifer": 16407, - "Ġglasses": 16408, - "closure": 16409, - "Ġrubber": 16410, - "Ġbird": 16411, - "Ġsupersymmetry": 16412, - "Ġmeson": 16413, - "hell": 16414, - "Ġparties": 16415, - "kar": 16416, - "ĠHur": 16417, - "ĠEA": 16418, - "ĠStars": 16419, - "othing": 16420, - "hot": 16421, - "illar": 16422, - "ASP": 16423, - "hev": 16424, - "ïĥ": 16425, - "aques": 16426, - "Ġcoordinated": 16427, - "ĠIslands": 16428, - "enable": 16429, - "SiO": 16430, - "Ġexceptional": 16431, - "Comb": 16432, - "ĠLike": 16433, - "Ġbroadly": 16434, - "ĠBac": 16435, - "Ġnil": 16436, - "ipartite": 16437, - "rations": 16438, - "Ġrewrite": 16439, - "Ġsalts": 16440, - "dimension": 16441, - "ĠVehic": 16442, - "Ġhundreds": 16443, - "ĠUr": 16444, - "Ġendpoints": 16445, - "ĠMODEL": 16446, - "ĠHBV": 16447, - "ĠVirtual": 16448, - "ĠConfl": 16449, - "ĠPractice": 16450, - "ĠAFM": 16451, - "Ġadversarial": 16452, - "Ġdiameters": 16453, - "Ġtransported": 16454, - "REM": 16455, - "ĠBart": 16456, - "Ġedition": 16457, - "Ġturbine": 16458, - "Ġminus": 16459, - "otechnology": 16460, - "Ig": 16461, - "Ġbigger": 16462, - "abul": 16463, - "Ġperoxidase": 16464, - "white": 16465, - "ĠSed": 16466, - "dihydro": 16467, - "Ġsegregation": 16468, - "Ġreductase": 16469, - "Ġhoriz": 16470, - "Ġinfinitely": 16471, - "availability": 16472, - "Ġactivator": 16473, - "Ġcensus": 16474, - "pressing": 16475, - "Ġspirit": 16476, - "conver": 16477, - "ĠQuantification": 16478, - "omerase": 16479, - "Ġrelapse": 16480, - "ĠFinal": 16481, - "Ġoverweight": 16482, - "aper": 16483, - "Ġformulae": 16484, - "rr": 16485, - "Ġfemoral": 16486, - "Ġfoam": 16487, - "otics": 16488, - "Ġprovider": 16489, - "Ġinstrumental": 16490, - "Ġadvice": 16491, - "Ġoccupation": 16492, - "assembly": 16493, - "bias": 16494, - "ĠNOT": 16495, - "restric": 16496, - "ĠProtocol": 16497, - "ĠCandida": 16498, - "ĠRhod": 16499, - "arden": 16500, - "funder": 16501, - "osens": 16502, - "Ġparams": 16503, - "front": 16504, - "Ġexerc": 16505, - "Ġgalactic": 16506, - "rvert": 16507, - "Ġimbalance": 16508, - "Ġkilling": 16509, - "ĠGenomic": 16510, - "Ġip": 16511, - "Ġcave": 16512, - "Ġfalc": 16513, - "ĠRM": 16514, - "Ġcarries": 16515, - "global": 16516, - "Ġcube": 16517, - "Ġrigorous": 16518, - "Ġcomputes": 16519, - "QP": 16520, - "Ġexposures": 16521, - "cover": 16522, - "ologically": 16523, - "Oper": 16524, - "Ġpec": 16525, - "Ġinhomogeneous": 16526, - "Ġservers": 16527, - "aliana": 16528, - "nb": 16529, - "Ġexplaining": 16530, - "Ġshrink": 16531, - "Ġcomorbid": 16532, - "ethoxy": 16533, - "outheast": 16534, - "Ġcourses": 16535, - "ĠNM": 16536, - "ĠShape": 16537, - "Ġflies": 16538, - "ĠMir": 16539, - "Ġpublicly": 16540, - "Ġphotometric": 16541, - "versible": 16542, - "olev": 16543, - "Ġvulnerability": 16544, - "Ġcations": 16545, - "Ġseeking": 16546, - "UTR": 16547, - "Ġdecomposed": 16548, - "Ġhus": 16549, - "Ġdisappear": 16550, - "Ġencounter": 16551, - "Ġtransforming": 16552, - "Ġpolymeric": 16553, - "Ġdiscretization": 16554, - "otoxic": 16555, - "ĠIter": 16556, - "ĠMari": 16557, - "Ġunfold": 16558, - "ĠAdult": 16559, - "obacillus": 16560, - "metal": 16561, - "berger": 16562, - "raphene": 16563, - "respective": 16564, - "Ġsurvive": 16565, - "ovich": 16566, - "Ġprotects": 16567, - "ĠRog": 16568, - "Ġimmunotherapy": 16569, - "ĠDSM": 16570, - "Ġanalogy": 16571, - "ĠPER": 16572, - "ĠPython": 16573, - "hum": 16574, - "ĠAdj": 16575, - "ĠLikewise": 16576, - "Ġ": 16577, - "Ġstomach": 16578, - "Ġinit": 16579, - "Ġwires": 16580, - "Ġingredients": 16581, - "Ġperceptual": 16582, - "Hand": 16583, - "Back": 16584, - "Ġmood": 16585, - "Ġdeformed": 16586, - "ĠRead": 16587, - "Ġrhiz": 16588, - "ĠOrganism": 16589, - "ĠIndones": 16590, - "annot": 16591, - "ictory": 16592, - "Ġtended": 16593, - "ĠSound": 16594, - "iax": 16595, - "Sr": 16596, - "ĠTab": 16597, - "ĠLaplacian": 16598, - "oluminescence": 16599, - "backslash": 16600, - "iologic": 16601, - "Ġtypename": 16602, - "ĠYear": 16603, - "Dependent": 16604, - "Ġslides": 16605, - "Ġsacrific": 16606, - "Ġconcomitant": 16607, - "opsies": 16608, - "Bigg": 16609, - "peak": 16610, - "ĠApplying": 16611, - "Ġcodon": 16612, - "ĠSimultaneous": 16613, - "tise": 16614, - "Ġtertiary": 16615, - "ĠPoll": 16616, - "Ġrevision": 16617, - "RAF": 16618, - "xmm": 16619, - "Ġsuited": 16620, - "ĠRecommend": 16621, - "ĠRy": 16622, - "Ġsake": 16623, - "Ġstretch": 16624, - "ĠSampling": 16625, - "Ġtubular": 16626, - "Ġpark": 16627, - "Ġultimate": 16628, - "Ġlands": 16629, - "ĠCriter": 16630, - "assay": 16631, - "mor": 16632, - "Ġdocking": 16633, - "Ġgradual": 16634, - "Ġeditor": 16635, - "Ġpolice": 16636, - "affin": 16637, - "ĠDeath": 16638, - "Ġpromoters": 16639, - "assic": 16640, - "Ġwriter": 16641, - "ĠVolume": 16642, - "iso": 16643, - "Ġdisag": 16644, - "token": 16645, - "Ġsteroid": 16646, - "Non": 16647, - "ĠMethyl": 16648, - "Americ": 16649, - "due": 16650, - "ĠLess": 16651, - "Ġdyst": 16652, - "ĠStatement": 16653, - "ĠTwenty": 16654, - "Ġaccessed": 16655, - "Ġblotting": 16656, - "ĠCOPD": 16657, - "Ġsteam": 16658, - "Ġdescriptive": 16659, - "ĠVery": 16660, - "Ġcapacities": 16661, - "ĠPersonal": 16662, - "acid": 16663, - "ähler": 16664, - "estival": 16665, - "Context": 16666, - "Ġastr": 16667, - "Analysis": 16668, - "Ġsept": 16669, - "Ġprinted": 16670, - "dual": 16671, - "aman": 16672, - "erer": 16673, - "Ġweakness": 16674, - "ìĿ": 16675, - "ĠTranslation": 16676, - "Ġpropagating": 16677, - "ĠSections": 16678, - "aca": 16679, - "Ġconfusion": 16680, - "IK": 16681, - "Ġframeworks": 16682, - "Ġsituated": 16683, - "Ġstays": 16684, - "nodes": 16685, - "chen": 16686, - "artments": 16687, - "Ġfreezing": 16688, - "ws": 16689, - "nett": 16690, - "Ġcontrollers": 16691, - "Ġsilic": 16692, - "LAST": 16693, - "foot": 16694, - "ĠDISCU": 16695, - "RH": 16696, - "ridine": 16697, - "ĠRev": 16698, - "perg": 16699, - "pyrim": 16700, - "flags": 16701, - "ĠGuide": 16702, - "Ġspeaker": 16703, - "tisol": 16704, - "rell": 16705, - "ĠDEG": 16706, - "Ġfu": 16707, - "ĠGut": 16708, - "Ġshar": 16709, - "Ġgross": 16710, - "Ġcrosses": 16711, - "wavelength": 16712, - "ĠApplied": 16713, - "ïve": 16714, - "ĠHB": 16715, - "ĠEdge": 16716, - "Ġinertial": 16717, - "Ġvocal": 16718, - "production": 16719, - "pathetic": 16720, - "Ġplanetary": 16721, - "Ġsister": 16722, - "Ġminima": 16723, - "Ġlongest": 16724, - "Ġflash": 16725, - "Ġperiodon": 16726, - "Ġepidermal": 16727, - "Ġfloating": 16728, - "GET": 16729, - "ĠTake": 16730, - "pdf": 16731, - "ĠLiquid": 16732, - "Ġremarkably": 16733, - "Sign": 16734, - "Ġshells": 16735, - "oglobulin": 16736, - "quilibrium": 16737, - "ĠMoore": 16738, - "ĠAdvers": 16739, - "ĠMycobacterium": 16740, - "Invitrogen": 16741, - "Ġthaliana": 16742, - "BY": 16743, - "ĠBit": 16744, - "Ġts": 16745, - "Ġsynchronous": 16746, - "yx": 16747, - "Ġpropagator": 16748, - "ĠIncreasing": 16749, - "iparum": 16750, - "Ġfreeze": 16751, - "ĠSelective": 16752, - "afe": 16753, - "Ġstrept": 16754, - "phantom": 16755, - "ĠGenerally": 16756, - "Ġalternate": 16757, - "ĠConvergence": 16758, - "////////////////": 16759, - "enging": 16760, - "ĠRandomized": 16761, - "develop": 16762, - "predict": 16763, - "ressor": 16764, - "Ġmathematics": 16765, - "fr": 16766, - "ĠComputation": 16767, - "ĠMalays": 16768, - "Ġbreathing": 16769, - "Through": 16770, - "ĠSIM": 16771, - "Ġanode": 16772, - "oad": 16773, - "ĠATCC": 16774, - "Ġconstituent": 16775, - "ĠMeasuring": 16776, - "ĠfMRI": 16777, - "Ġanemia": 16778, - "liest": 16779, - "Ġhemisphere": 16780, - "Ġmaxima": 16781, - "Ġtemporary": 16782, - "Ġdz": 16783, - "otoxin": 16784, - "Count": 16785, - "oned": 16786, - "ú": 16787, - "Ġcollaborative": 16788, - "Ġkb": 16789, - "Ġversa": 16790, - "ĠSwedish": 16791, - "ika": 16792, - "Ġdialysis": 16793, - "Ġperovsk": 16794, - "Ġwilling": 16795, - "ĠGreek": 16796, - "Output": 16797, - "Ġsemigroup": 16798, - "Ġbottlen": 16799, - "ĠGibbs": 16800, - "dark": 16801, - "Ġrheumatoid": 16802, - "urring": 16803, - "matched": 16804, - "Ġsophisticated": 16805, - "Ġcustomer": 16806, - "tetrahydro": 16807, - "XY": 16808, - "bug": 16809, - "Ġmorning": 16810, - "ĠCVD": 16811, - "Ġmappings": 16812, - "ĠMSCs": 16813, - "ĠDH": 16814, - "Ġquatern": 16815, - "health": 16816, - "ı": 16817, - "Ġtemp": 16818, - "ĠJew": 16819, - "ĠIl": 16820, - "Ġvortices": 16821, - "Ġserine": 16822, - "ĠOxygen": 16823, - "weg": 16824, - "Ġexplanations": 16825, - "PG": 16826, - "Ġciti": 16827, - "Ġlocality": 16828, - "===": 16829, - "ĠThom": 16830, - "Ġdairy": 16831, - "Block": 16832, - "ordial": 16833, - "akov": 16834, - "Ġglioma": 16835, - "Ġtransaction": 16836, - "Ġincremental": 16837, - "anche": 16838, - "Ret": 16839, - "magnetic": 16840, - "pyrrol": 16841, - "ĠPic": 16842, - "Ġamelior": 16843, - "oxidant": 16844, - "roviral": 16845, - "oratory": 16846, - "Ġsav": 16847, - "ĠStream": 16848, - "Ġsuperf": 16849, - "ĠICU": 16850, - "Ġevidenced": 16851, - "Ġrepeatedly": 16852, - "Ġrated": 16853, - "ĠPit": 16854, - "FAULT": 16855, - "Ġhat": 16856, - "ĠContent": 16857, - "Ġisoform": 16858, - "VER": 16859, - "Ġnodal": 16860, - "Ġscheduled": 16861, - "Ġshoulder": 16862, - "Ġtap": 16863, - "Ġportal": 16864, - "Ġtraps": 16865, - "aev": 16866, - "ĠSOD": 16867, - "ematic": 16868, - "Ġenj": 16869, - "Ġreticulum": 16870, - "ĠMinister": 16871, - "ĠSel": 16872, - "Ġfalling": 16873, - "rost": 16874, - "NG": 16875, - "fd": 16876, - "nitro": 16877, - "ĠMove": 16878, - "relativistic": 16879, - "enges": 16880, - "ĠSST": 16881, - "ĠInv": 16882, - "Ġfinish": 16883, - "ĠPoland": 16884, - "osecond": 16885, - "ĠBAL": 16886, - "oarthritis": 16887, - "Ġoptics": 16888, - "ĠSky": 16889, - "Ġadvoc": 16890, - "Ġhemorrhage": 16891, - "Ġmodulating": 16892, - "nis": 16893, - "Ġmachinery": 16894, - "Ġupdating": 16895, - "Ġcharacterizing": 16896, - "ishman": 16897, - "Ġtemplates": 16898, - "ĠLaplace": 16899, - "ĠEns": 16900, - "Recently": 16901, - "orus": 16902, - "arts": 16903, - "diffusion": 16904, - "ĠLevels": 16905, - "aga": 16906, - "ĠInj": 16907, - "ĠLayer": 16908, - "Ġremn": 16909, - "Ġelasticity": 16910, - "Ġmerely": 16911, - "Ġfission": 16912, - "engue": 16913, - "make": 16914, - "Ġmonop": 16915, - "Ġurea": 16916, - "ĠSimon": 16917, - "miR": 16918, - "ĠSecondly": 16919, - "uric": 16920, - "ĠVariable": 16921, - "ilis": 16922, - "Ġmultiplicative": 16923, - "ĠNoise": 16924, - "Ġswitched": 16925, - "Ġnicot": 16926, - "Ġefficiencies": 16927, - "hema": 16928, - "Ġappointed": 16929, - "guided": 16930, - "Ġwinning": 16931, - "ĠMechanics": 16932, - "Ġneo": 16933, - "ĠBRCA": 16934, - "udi": 16935, - "Ġcontainer": 16936, - "shop": 16937, - "Ġsuggestions": 16938, - "KB": 16939, - "Ġsubstitute": 16940, - "Ox": 16941, - "VC": 16942, - "Ġstone": 16943, - "anna": 16944, - "ĠDepression": 16945, - "Ġcontemporary": 16946, - "Ġoutliers": 16947, - "quet": 16948, - "ĠZheng": 16949, - "Ġoccl": 16950, - "Ġalveolar": 16951, - "expressing": 16952, - "Ġcomfort": 16953, - "Ġignore": 16954, - "Among": 16955, - "ĠKlein": 16956, - "Ġrhythm": 16957, - "Ġimmers": 16958, - "Ġfaith": 16959, - "bling": 16960, - "Ġaugmentation": 16961, - "ĠPrevention": 16962, - "Ġhepar": 16963, - "Ġnotations": 16964, - "Ġhematopoietic": 16965, - "perfect": 16966, - "Ġshares": 16967, - "notin": 16968, - "Ġpictures": 16969, - "ĠAcknowledgments": 16970, - "Ġtick": 16971, - "Ġunrelated": 16972, - "ĠTool": 16973, - "Ġmas": 16974, - "osocial": 16975, - "gest": 16976, - "ushed": 16977, - "Ġphosphorylated": 16978, - "Ġceramic": 16979, - "cool": 16980, - "orylation": 16981, - "Ġdeficient": 16982, - "Ġrelaxed": 16983, - "ĠAnalyses": 16984, - "ecraft": 16985, - "Ġretina": 16986, - "ĠInternal": 16987, - "Ġspite": 16988, - "Ġrecipients": 16989, - "Ġshut": 16990, - "Ġethylene": 16991, - "ĠGulf": 16992, - "Ġunaffected": 16993, - "ĠResource": 16994, - "ĠNet": 16995, - "Ġperpet": 16996, - "Ġslab": 16997, - "report": 16998, - "Ġμmol": 16999, - "Ġidx": 17000, - "Ġskill": 17001, - "ĠInduction": 17002, - "Ġmalignancy": 17003, - "Ġcv": 17004, - "Ġdiffering": 17005, - "Ġappropriately": 17006, - "ijing": 17007, - "Ġwarrant": 17008, - "rally": 17009, - "Ġalgae": 17010, - "weights": 17011, - "casts": 17012, - "Ġocular": 17013, - "racycl": 17014, - "Ġdominates": 17015, - "Ġleuc": 17016, - "Where": 17017, - "phon": 17018, - "Ġsocioeconomic": 17019, - "itzerland": 17020, - "Ġresilience": 17021, - "Ġneighbourhood": 17022, - "Ġtone": 17023, - "psych": 17024, - "ĠOrganic": 17025, - "Ġgather": 17026, - "Ġfalciparum": 17027, - "Ġengineered": 17028, - "ĠAvail": 17029, - "intering": 17030, - "Ġclimatic": 17031, - "ĠEvolutionary": 17032, - "NMR": 17033, - "Ġrev": 17034, - "central": 17035, - "ĠSin": 17036, - "Ġdeclined": 17037, - "opausal": 17038, - "Ġalarm": 17039, - "Rightarrow": 17040, - "sex": 17041, - "Ġenergetic": 17042, - "ïĤ": 17043, - "Ġdiscs": 17044, - "Ġolfactory": 17045, - "uripot": 17046, - "spectrum": 17047, - "spot": 17048, - "Ġhemoglobin": 17049, - "Mark": 17050, - "cov": 17051, - "arboxyl": 17052, - "Ġindications": 17053, - "Ġsalmon": 17054, - "Ġsearched": 17055, - "Ġended": 17056, - "rologic": 17057, - "rfloor": 17058, - "Ġautism": 17059, - "Ġselen": 17060, - "ĠHung": 17061, - "ĠInference": 17062, - "Ġmammary": 17063, - "lfloor": 17064, - "Ġseroton": 17065, - "Ġfunded": 17066, - "ĠViet": 17067, - "Ġrivers": 17068, - "ĠReinfor": 17069, - "urg": 17070, - "Ġalbicans": 17071, - "ĠThermo": 17072, - "ERROR": 17073, - "Ġmutually": 17074, - "Ġirr": 17075, - "ĠRat": 17076, - "Ġimg": 17077, - "Ġlymphocyte": 17078, - "ĠRefs": 17079, - "ĠSparse": 17080, - "holders": 17081, - "Free": 17082, - "RED": 17083, - "ĠGauss": 17084, - "Ġcircadian": 17085, - "ĠJin": 17086, - "Ġconstitutes": 17087, - "Ġwors": 17088, - "Ġfeatured": 17089, - "ocent": 17090, - "lete": 17091, - "Ġontology": 17092, - "Ġbilayer": 17093, - "ĠCambridge": 17094, - "Ġencryption": 17095, - "rotron": 17096, - "etti": 17097, - "ĠAer": 17098, - "Ġcouples": 17099, - "rail": 17100, - "Ġtwist": 17101, - "Ġridge": 17102, - "GAN": 17103, - "iders": 17104, - "SHIFT": 17105, - "Ġdiffus": 17106, - "Ġmeant": 17107, - "ĠSchwarz": 17108, - "Sb": 17109, - "Ġarcs": 17110, - "Notice": 17111, - "iy": 17112, - "Ġemerge": 17113, - "kwargs": 17114, - "Eff": 17115, - "Ent": 17116, - "ionization": 17117, - "choline": 17118, - "ustries": 17119, - "acher": 17120, - "spl": 17121, - "population": 17122, - "fol": 17123, - "Ġquestionnaires": 17124, - "Ġallergic": 17125, - "wich": 17126, - "ĠVacc": 17127, - "Ġattained": 17128, - "ĠAnimals": 17129, - "amics": 17130, - "ĠRegarding": 17131, - "ĠSemi": 17132, - "Ġglac": 17133, - "ĠEfficacy": 17134, - "Ġsynergistic": 17135, - "ISH": 17136, - "Ġmaintains": 17137, - "Ġsongs": 17138, - "ĠNegative": 17139, - "amoto": 17140, - "ĠModified": 17141, - "Ġseparable": 17142, - "Ġbinaries": 17143, - "Ġaccessibility": 17144, - "Iter": 17145, - "din": 17146, - "ĠBinary": 17147, - "equilibrium": 17148, - "Ġcue": 17149, - "magn": 17150, - "Ġedema": 17151, - "�": 17152, - "Ġpositioned": 17153, - "Ġcharging": 17154, - "Ġunivariate": 17155, - "hep": 17156, - "Ġclade": 17157, - "Ġcysteine": 17158, - "racle": 17159, - "Ġrescue": 17160, - "habit": 17161, - "ĠDISCUSSION": 17162, - "Ġdepicts": 17163, - "pole": 17164, - "Ġstenosis": 17165, - "Ġveter": 17166, - "pringer": 17167, - "ĠPow": 17168, - "Ġcovariant": 17169, - "Ġmodifying": 17170, - "Algorithm": 17171, - "averaged": 17172, - "alo": 17173, - "reson": 17174, - "Ġcharacterised": 17175, - "Ġni": 17176, - "Ġseemed": 17177, - "ĠRom": 17178, - "short": 17179, - "NV": 17180, - "Ġfertility": 17181, - "ĠMemb": 17182, - "Ġlying": 17183, - "Ġinstitution": 17184, - "images": 17185, - "ĠBorel": 17186, - "fsys": 17187, - "cataly": 17188, - "Ġseparating": 17189, - "biotic": 17190, - "mel": 17191, - "pgfsys": 17192, - "ĠJackson": 17193, - "Ġbag": 17194, - "ograp": 17195, - "propyl": 17196, - "ĠProgramming": 17197, - "ocratic": 17198, - "Ġpion": 17199, - "ĠGradient": 17200, - "Ġsphe": 17201, - "Ġinline": 17202, - "Ġdominate": 17203, - "Ġsuffered": 17204, - "ĠDiseases": 17205, - "igenous": 17206, - "will": 17207, - "Ġamin": 17208, - "adherin": 17209, - "ĠTro": 17210, - "adjusted": 17211, - "EW": 17212, - "Ġdebut": 17213, - "nea": 17214, - "ĠDun": 17215, - "Ġdictionary": 17216, - "operatively": 17217, - "KA": 17218, - "beit": 17219, - "Ġpersonnel": 17220, - "ĠŽ": 17221, - "review": 17222, - "into": 17223, - "ĠTokyo": 17224, - "Ġtrop": 17225, - "Ġventric": 17226, - "ĠMETHODS": 17227, - "Ġimplication": 17228, - "akis": 17229, - "ĠCMB": 17230, - "Ġtransmitter": 17231, - "oichi": 17232, - "ĠNigeria": 17233, - "ĠKon": 17234, - "Ġbear": 17235, - "ĠKan": 17236, - "ĠPlot": 17237, - "ĠSPSS": 17238, - "ĠBiology": 17239, - "Ġbaryon": 17240, - "ĠmicroRNA": 17241, - "Ġreproducibility": 17242, - "Ġlactate": 17243, - "Ġpolyphen": 17244, - "ĠMt": 17245, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 17246, - "endit": 17247, - "Ġhydrothermal": 17248, - "Ġwealth": 17249, - "Ġhadron": 17250, - "Ġwhereby": 17251, - "ellum": 17252, - "ĠDiffusion": 17253, - "ĠOrigin": 17254, - "Ġnonlinearity": 17255, - "Ġinformative": 17256, - "Ġvisited": 17257, - "Ġvirtually": 17258, - "ĠTun": 17259, - "Ġreset": 17260, - "ĠElectrical": 17261, - "ĠGlu": 17262, - "ĠSAM": 17263, - "ĠIsing": 17264, - "ĠStra": 17265, - "onder": 17266, - "Ġdies": 17267, - "Ġreciprocal": 17268, - "Check": 17269, - "ĠGuidelines": 17270, - "hester": 17271, - "Ġproblematic": 17272, - "ĠAtomic": 17273, - "Ġconcentrate": 17274, - "steps": 17275, - "json": 17276, - "Recommended": 17277, - "ĠScreening": 17278, - "Ġnaive": 17279, - "Ġpractitioners": 17280, - "Ġfasting": 17281, - "Ġmechanistic": 17282, - "options": 17283, - "Ptr": 17284, - "ITE": 17285, - "Work": 17286, - "âĢĺ": 17287, - "rafts": 17288, - "Ġunw": 17289, - "Ġannihilation": 17290, - "objective": 17291, - "ĠDynamical": 17292, - "adec": 17293, - "ĠLith": 17294, - "Ġextracting": 17295, - "Ġcoral": 17296, - "ĠStable": 17297, - "Ġbackgrounds": 17298, - "omorphisms": 17299, - "ĠâĪ«": 17300, - "Ġgrew": 17301, - "Inst": 17302, - "gels": 17303, - "Ġinhal": 17304, - "dam": 17305, - "heim": 17306, - "benzyl": 17307, - "Ġpelvic": 17308, - "Ġdiarr": 17309, - "Ġdiode": 17310, - "Ġempir": 17311, - "ĠAlf": 17312, - "ĠUncertain": 17313, - "ĠHCl": 17314, - "Ġjointly": 17315, - "Ġdepar": 17316, - "Ġmerging": 17317, - "Ġchi": 17318, - "apt": 17319, - "Ġplt": 17320, - "Ġidi": 17321, - "Ġperfor": 17322, - "stituting": 17323, - "page": 17324, - "aré": 17325, - "indices": 17326, - "putation": 17327, - "different": 17328, - "burn": 17329, - "Ġsurrounded": 17330, - "ĠTL": 17331, - "untary": 17332, - "strip": 17333, - "lan": 17334, - "Ġcow": 17335, - "ĠSab": 17336, - "ĠGaAs": 17337, - "pf": 17338, - "Ġesophageal": 17339, - "ĠAlt": 17340, - "Ġhospitalization": 17341, - "ĠApproximation": 17342, - "Organism": 17343, - "ĠFair": 17344, - "Ġtracing": 17345, - "Ġpreferentially": 17346, - "Ġlowering": 17347, - "uliar": 17348, - "ĠDeriv": 17349, - "Ġphytoplankton": 17350, - "omyc": 17351, - "That": 17352, - "ĠIsrael": 17353, - "Ġminimized": 17354, - "Ġanything": 17355, - "rule": 17356, - "pow": 17357, - "Ġfamous": 17358, - "ĠAccuracy": 17359, - "Ġphotocatalytic": 17360, - "ĠNonetheless": 17361, - "Ġdivisor": 17362, - "vb": 17363, - "Ġcameras": 17364, - "ĠWales": 17365, - "ĠContributions": 17366, - "Ġdisplacements": 17367, - "ĠTam": 17368, - "Ġvolumetric": 17369, - "essional": 17370, - "Ġcompensate": 17371, - "Ġace": 17372, - "triangle": 17373, - "buff": 17374, - "Ġnamespace": 17375, - "Ġbounding": 17376, - "ynchronous": 17377, - "md": 17378, - "Ġimagery": 17379, - "itated": 17380, - "Ġoriginated": 17381, - "ĠBelg": 17382, - "ĠECG": 17383, - "existing": 17384, - "ĠStokes": 17385, - "sensitivity": 17386, - "tidine": 17387, - "ĠWM": 17388, - "Ġmonotone": 17389, - "Ġproceeds": 17390, - "ĠClustering": 17391, - "ĠIoT": 17392, - "ernary": 17393, - "alamic": 17394, - "ĠCollaboration": 17395, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 17396, - "OLD": 17397, - "Îĺ": 17398, - "ĠNanopar": 17399, - "ĠMultiv": 17400, - "Ġcystic": 17401, - "pire": 17402, - "Ġoperates": 17403, - "Ġmediating": 17404, - "Ġbeneath": 17405, - "obe": 17406, - "gate": 17407, - "Ġoocytes": 17408, - "Ġmargins": 17409, - "ymmetries": 17410, - "Ġreligious": 17411, - "ĠNit": 17412, - "Ġcutaneous": 17413, - "ANS": 17414, - "Ġdevelops": 17415, - "asia": 17416, - "ĠRoberts": 17417, - "avier": 17418, - "Ġsimplic": 17419, - "Ġrevealing": 17420, - "UND": 17421, - "Ġtea": 17422, - "Ġlysis": 17423, - "Ġaggregated": 17424, - "ĠRGB": 17425, - "Ġcorro": 17426, - "Ġbir": 17427, - "inae": 17428, - "vd": 17429, - "Ġcourt": 17430, - "Ġcontroversial": 17431, - "Ġtow": 17432, - "Ġhysteresis": 17433, - "enberg": 17434, - "Ġenters": 17435, - "png": 17436, - "ĠFlex": 17437, - "Assume": 17438, - "ĠBad": 17439, - "ĠSimilarities": 17440, - "Experim": 17441, - "ATH": 17442, - "Ġut": 17443, - "terms": 17444, - "ĠMol": 17445, - "Ġvisually": 17446, - "Ġadoption": 17447, - "Ġprinting": 17448, - "Ġequiv": 17449, - "ĠPert": 17450, - "Ġpercol": 17451, - "Ġsomeone": 17452, - "abulary": 17453, - "Ġlever": 17454, - "ĠHaus": 17455, - "icillin": 17456, - "itar": 17457, - "Ġtourn": 17458, - "Altern": 17459, - "Exp": 17460, - "~~~~": 17461, - "ĠFo": 17462, - "Ġabol": 17463, - "median": 17464, - "Ġrolling": 17465, - "hm": 17466, - "Ġtelescope": 17467, - "ĠCav": 17468, - "Ġseedlings": 17469, - "inhib": 17470, - "Ġdin": 17471, - "Ġimpurities": 17472, - "Ġamplifier": 17473, - "ĠKer": 17474, - "Ġdiminished": 17475, - "PB": 17476, - "fib": 17477, - "rock": 17478, - "ĠBin": 17479, - "Ġphotosynthetic": 17480, - "ĠCrypt": 17481, - "Ġpreterm": 17482, - "Ġhits": 17483, - "Ġfractal": 17484, - "Ġdiscarded": 17485, - "Ġendocrine": 17486, - "oshi": 17487, - "Ġmodulo": 17488, - "wt": 17489, - "Ġquenching": 17490, - "Ġsounds": 17491, - "ĠEDTA": 17492, - "reactive": 17493, - "Ġresist": 17494, - "anghai": 17495, - "Ġnarr": 17496, - "Ġinitiate": 17497, - "ĠSaint": 17498, - "XR": 17499, - "GeV": 17500, - "ĠIndependent": 17501, - "Ġinjective": 17502, - "upus": 17503, - "Ġlinguistic": 17504, - "Ġanalogues": 17505, - "Ġdissection": 17506, - "Ġlasers": 17507, - "diab": 17508, - "ĠTele": 17509, - "Ġcracks": 17510, - "Ġbrane": 17511, - "VO": 17512, - "ĠExtended": 17513, - "Ġtells": 17514, - "Ġremarks": 17515, - "ulting": 17516, - "ĠBurn": 17517, - "dL": 17518, - "ressible": 17519, - "ĠChap": 17520, - "Ġsq": 17521, - "Ġreproduced": 17522, - "ĠBcl": 17523, - "Ġswarm": 17524, - "opathology": 17525, - "chrotron": 17526, - "Ġmine": 17527, - "Ġhadronic": 17528, - "ĠLocalization": 17529, - "ĠMotor": 17530, - "Ġvisualize": 17531, - "Ġcats": 17532, - "Ġbalancing": 17533, - "ĠSched": 17534, - "CoA": 17535, - "Ġthermodynamics": 17536, - "ĠDiagnostic": 17537, - "Ġrelief": 17538, - "Ġpositivity": 17539, - "Ġhub": 17540, - "ĠInfrared": 17541, - "Sur": 17542, - "omed": 17543, - "Ġoptically": 17544, - "Ġvascul": 17545, - "isations": 17546, - "encoder": 17547, - "Ġcopolymer": 17548, - "Ġrestore": 17549, - "Ġinertia": 17550, - "ubicin": 17551, - "Ġetiology": 17552, - "ĠSecret": 17553, - "ĠCW": 17554, - "Const": 17555, - "ĠBrit": 17556, - "ĠConstant": 17557, - "ĠDIS": 17558, - "Ġdiscipl": 17559, - "bra": 17560, - "ĠOral": 17561, - "ĠUL": 17562, - "Ġdeline": 17563, - "Ġnucleon": 17564, - "Ġemployment": 17565, - "ĠRD": 17566, - "qq": 17567, - "ĠCarolina": 17568, - "ĠGab": 17569, - "Ġassertion": 17570, - "CMC": 17571, - "rgb": 17572, - "Frame": 17573, - "ĠJust": 17574, - "Ġinoculation": 17575, - "cluding": 17576, - "Ġoscillatory": 17577, - "Ġcancel": 17578, - "ĠPoinc": 17579, - "pora": 17580, - "ĠJul": 17581, - "ruvate": 17582, - "Ġpolitic": 17583, - "urus": 17584, - "ĠAdvances": 17585, - "ĠRoot": 17586, - "thood": 17587, - "oxygenase": 17588, - "msg": 17589, - "ĠkV": 17590, - "Ġadmit": 17591, - "Ġrefractory": 17592, - "Ġcloning": 17593, - "Ġfatal": 17594, - "plantation": 17595, - "ĠGir": 17596, - "Ġtes": 17597, - "ĠRho": 17598, - "ohn": 17599, - "Ġinnovation": 17600, - "Ġsending": 17601, - "Ġcable": 17602, - "Ġniche": 17603, - "Ġreserve": 17604, - "Ġatrophy": 17605, - "athan": 17606, - "ĠÃij": 17607, - "itization": 17608, - "Ġfan": 17609, - "Ġbubbles": 17610, - "ĠTheorems": 17611, - "ĠSwitzerland": 17612, - "ĠHeisenberg": 17613, - "ĠReduced": 17614, - "Ra": 17615, - "Zr": 17616, - "ĠPossible": 17617, - "Upsilon": 17618, - "ĠAgric": 17619, - "ellect": 17620, - "nds": 17621, - "mathds": 17622, - "atre": 17623, - "Ġforaging": 17624, - "Ġupward": 17625, - "idene": 17626, - "Ġglands": 17627, - "fed": 17628, - "uccessful": 17629, - "ĠWolf": 17630, - "Ġusefulness": 17631, - "oporous": 17632, - "Ġpunct": 17633, - "ardo": 17634, - "Ġsystolic": 17635, - "ĠTargeting": 17636, - "Ġillumin": 17637, - "Ġpigment": 17638, - "Ġsimulating": 17639, - "Ġportions": 17640, - "ĠPrinciples": 17641, - "ĠHopf": 17642, - "lipid": 17643, - "ĠLU": 17644, - "ubation": 17645, - "ĠArtificial": 17646, - "Ġprison": 17647, - "aning": 17648, - "ĠGN": 17649, - "ĠStrategies": 17650, - "ĠPas": 17651, - "Ta": 17652, - "ĠProbability": 17653, - "orum": 17654, - "Ġskeleton": 17655, - "Ġcompartments": 17656, - "Read": 17657, - "Ġcoach": 17658, - "Ġmodality": 17659, - "ĠRegister": 17660, - "Ġje": 17661, - "Ġheights": 17662, - "inyl": 17663, - "Ġsubspaces": 17664, - "tip": 17665, - "Ġá¸": 17666, - "ĠGI": 17667, - "Char": 17668, - "rogenic": 17669, - "rett": 17670, - "eutics": 17671, - "Ġadhesive": 17672, - "ĠPier": 17673, - "Left": 17674, - "idental": 17675, - "NAc": 17676, - "Ġconjugation": 17677, - "orov": 17678, - "idge": 17679, - "imaging": 17680, - "ĠTW": 17681, - "Ġpresident": 17682, - "ĠOste": 17683, - "assemb": 17684, - "Ġinternet": 17685, - "Ġdeals": 17686, - "ĠGAP": 17687, - "Ġformulate": 17688, - "ĠUpdate": 17689, - "ĠRNAi": 17690, - "clero": 17691, - "Ġpermutations": 17692, - "Ġisotopes": 17693, - "opic": 17694, - "ĠQU": 17695, - "romes": 17696, - "ĠPolicy": 17697, - "ĠCreek": 17698, - "ĠWindows": 17699, - "Ġmerge": 17700, - "Ġaccident": 17701, - "Ġsuperposition": 17702, - "Ġdebate": 17703, - "Ġdocumentation": 17704, - "Ġeigenvectors": 17705, - "sor": 17706, - "ĠPhoto": 17707, - "Ġdeposit": 17708, - "Ġgermination": 17709, - "Ġsubgraph": 17710, - "ĠRecords": 17711, - "Ġchemically": 17712, - "ĠPredicting": 17713, - "ĠKy": 17714, - "selective": 17715, - "ynman": 17716, - "dispers": 17717, - "Ġlumbar": 17718, - "Ġmusical": 17719, - "inates": 17720, - "Ġinherited": 17721, - "ju": 17722, - "Ġtracer": 17723, - "Ġending": 17724, - "Ġengaged": 17725, - "handed": 17726, - "Ġproducer": 17727, - "Ġentangled": 17728, - "ĠDelta": 17729, - "Ġpiecewise": 17730, - "NAME": 17731, - "stop": 17732, - "Ġmutated": 17733, - "Ġrecess": 17734, - "Ġimmuno": 17735, - "cancer": 17736, - "ĠAkt": 17737, - "iters": 17738, - "ĠBMP": 17739, - "Ġcompanion": 17740, - "Ġcommunicate": 17741, - "Ġhollow": 17742, - "Ġpad": 17743, - "Ġsph": 17744, - "omod": 17745, - "Ġparton": 17746, - "Ġspontaneously": 17747, - "eared": 17748, - "Ġrotations": 17749, - "Ġcosmology": 17750, - "Ġmoreover": 17751, - "princ": 17752, - "Ġeverywhere": 17753, - "brane": 17754, - "lational": 17755, - "eme": 17756, - "Ġbehave": 17757, - "umen": 17758, - "oston": 17759, - "oves": 17760, - "Ġgar": 17761, - "Ġadrenal": 17762, - "ĠEstimating": 17763, - "Nb": 17764, - "Ġechocardi": 17765, - "Ġemphasized": 17766, - "Ġengines": 17767, - "Ġbrackets": 17768, - "Ġleaders": 17769, - "Ġdistinctive": 17770, - "ĠLymph": 17771, - "Ġexert": 17772, - "Ġinnovative": 17773, - "coupling": 17774, - "ĠSignific": 17775, - "sheet": 17776, - "ĠCover": 17777, - "ĠCCD": 17778, - "ĠFall": 17779, - "stimulated": 17780, - "Ġsuperoxide": 17781, - "Ġpollutants": 17782, - "Ġbytes": 17783, - "ĠLipid": 17784, - "Ġtrafficking": 17785, - "Ġleadership": 17786, - "informatics": 17787, - "Ġbiodiversity": 17788, - "ador": 17789, - "Ġinterconn": 17790, - "Ġharmonics": 17791, - "Ġseawater": 17792, - "ĠIllumina": 17793, - "necessary": 17794, - "ĠAnton": 17795, - "Ġprocessors": 17796, - "typename": 17797, - "Det": 17798, - "proton": 17799, - "Ġsubtraction": 17800, - "Ġshifting": 17801, - "Ġcustomers": 17802, - "Ke": 17803, - "ĠOB": 17804, - "atonin": 17805, - "atellite": 17806, - "ĠSUS": 17807, - "ĠColon": 17808, - "ĠTimes": 17809, - "TV": 17810, - "ĠMink": 17811, - "ĠIntegration": 17812, - "Ġprofound": 17813, - "ITC": 17814, - "Ġgras": 17815, - "ĠNASA": 17816, - "ĠACK": 17817, - "radiol": 17818, - "ĠMale": 17819, - "ĠWorking": 17820, - "ticity": 17821, - "ilibria": 17822, - "boundary": 17823, - "ĠRI": 17824, - "ĠAli": 17825, - "cardi": 17826, - "ĠFGF": 17827, - "branes": 17828, - "Ġbeet": 17829, - "Ġmissed": 17830, - "Source": 17831, - "ĠBot": 17832, - "ieve": 17833, - "Ġisother": 17834, - "neys": 17835, - "nl": 17836, - "ortion": 17837, - "Ġcooled": 17838, - "MV": 17839, - "Ġomit": 17840, - "Ġverbal": 17841, - "arette": 17842, - "Ġconference": 17843, - "Ġtransformer": 17844, - "Ġrejected": 17845, - "Ġprogressively": 17846, - "ĠTurkey": 17847, - "Ġathletes": 17848, - "Ġanatomy": 17849, - "EQ": 17850, - "Ġdeterioration": 17851, - "ĠDietary": 17852, - "Ġcorn": 17853, - "Ġcapsule": 17854, - "Ġvibrations": 17855, - "Ġoccupational": 17856, - "Ġexosomes": 17857, - "Ġrewritten": 17858, - "Ġlignin": 17859, - "Ġbiopsies": 17860, - "ĠAdversarial": 17861, - "Ġmercury": 17862, - "Ġplatinum": 17863, - "Ġirrelevant": 17864, - "Ġkeratin": 17865, - "ĠEmission": 17866, - "Ġeukaryotic": 17867, - "Ġinteg": 17868, - "Ġknot": 17869, - "Ġsera": 17870, - "Ġcavities": 17871, - "ĠMedi": 17872, - "Indeed": 17873, - "Eu": 17874, - "ĠâŁ": 17875, - "Ġscenes": 17876, - "Ġlaparoscopic": 17877, - "Ġsenior": 17878, - "ĠDistance": 17879, - "predic": 17880, - "Ġearliest": 17881, - "Ġorg": 17882, - "ĠThor": 17883, - "bury": 17884, - "oblasts": 17885, - "Ġpumping": 17886, - "targeted": 17887, - "Ġrap": 17888, - "ĠPil": 17889, - "Îł": 17890, - "Ġneurom": 17891, - "oft": 17892, - "ostat": 17893, - "Ġpadding": 17894, - "Ġconflicts": 17895, - "Ġstems": 17896, - "ĠSaccharomyces": 17897, - "engine": 17898, - "Ġalkyl": 17899, - "Ġtill": 17900, - "ĠQuad": 17901, - "good": 17902, - "rox": 17903, - "ĠFuzzy": 17904, - "Ġrobotic": 17905, - "ĠDenote": 17906, - "ĠNIR": 17907, - "ĠYuk": 17908, - "parency": 17909, - "Ġlegs": 17910, - "ylvan": 17911, - "Ġtightly": 17912, - "Ġdecor": 17913, - "ĠVP": 17914, - "ĠMun": 17915, - "atoms": 17916, - "ĠSilver": 17917, - "Ġneurodegenerative": 17918, - "Ġresponded": 17919, - "Ġrecons": 17920, - "GEN": 17921, - "ĠFine": 17922, - "fc": 17923, - "Ġparagraph": 17924, - "Ġintens": 17925, - "Ġalongside": 17926, - "Ġbrand": 17927, - "monium": 17928, - "Ġpm": 17929, - "Ġsimplex": 17930, - "ĠPreliminary": 17931, - "Ġdownregulation": 17932, - "Ġxy": 17933, - "ĠMak": 17934, - "opter": 17935, - "ushing": 17936, - "ĠBog": 17937, - "oxia": 17938, - "================================": 17939, - "common": 17940, - "ĠASS": 17941, - "ĠHDL": 17942, - "alamus": 17943, - "Ġirrigation": 17944, - "NM": 17945, - "Ġfading": 17946, - "Ġpreventive": 17947, - "Ġreliably": 17948, - "ĠEthiopia": 17949, - "othesis": 17950, - "izability": 17951, - "OB": 17952, - "Ġtriglycer": 17953, - "Ġgestational": 17954, - "Ġbesides": 17955, - "ĠIii": 17956, - "ĠZone": 17957, - "Ġcoping": 17958, - "Ġminority": 17959, - "Ġdeprivation": 17960, - "Ġhexagonal": 17961, - "chlorophenyl": 17962, - "ĠóµĦ¨": 17963, - "Ġgyr": 17964, - "Ġviewing": 17965, - "Newton": 17966, - "ĠHierarchical": 17967, - "oL": 17968, - "eces": 17969, - "Ġconcludes": 17970, - "Ġfungus": 17971, - "Ġpylori": 17972, - "Ġobstacles": 17973, - "thiazol": 17974, - "conjugated": 17975, - "rass": 17976, - "Ġlose": 17977, - "Ġforth": 17978, - "ĠAllen": 17979, - "oplast": 17980, - "ĠProtection": 17981, - "Ġintermittent": 17982, - "Ġluciferase": 17983, - "ĠMK": 17984, - "Ġgaug": 17985, - "ĠFan": 17986, - "Ġmodal": 17987, - "ĠExercise": 17988, - "scattering": 17989, - "ĠShim": 17990, - "Ġexcretion": 17991, - "Ġatypical": 17992, - "Ġmalignancies": 17993, - "anglades": 17994, - "ĠSpectroscopy": 17995, - "Ġadenosine": 17996, - "lif": 17997, - "Ġnucleic": 17998, - "Ġinclination": 17999, - "ĠCass": 18000, - "Ġethn": 18001, - "Ġexempl": 18002, - "ĠDy": 18003, - "Ġlambda": 18004, - "Ġjac": 18005, - "ĠPRE": 18006, - "Ġrailway": 18007, - "Ġfle": 18008, - "Ġreflections": 18009, - "Ġnanostructures": 18010, - "tists": 18011, - "prints": 18012, - "ĠCAT": 18013, - "Ġsib": 18014, - "Ġchloro": 18015, - "Ġrecipient": 18016, - "optic": 18017, - "Ġcounty": 18018, - "Ġnucleotides": 18019, - "Ġzircon": 18020, - "Ġhorses": 18021, - "ĠMental": 18022, - "inline": 18023, - "ĠNorway": 18024, - "They": 18025, - "Ġmuscular": 18026, - "acetic": 18027, - "ĠJu": 18028, - "Ġcommunic": 18029, - "files": 18030, - "filled": 18031, - "HB": 18032, - "Ġregulations": 18033, - "Ġaccumulate": 18034, - "ĠPanel": 18035, - "Cy": 18036, - "öl": 18037, - "ĠPakistan": 18038, - "Ġthoracic": 18039, - "ĠMPI": 18040, - "portion": 18041, - "Ġinductive": 18042, - "ĠCongress": 18043, - "Ġfibroblast": 18044, - "clust": 18045, - "Ġcentres": 18046, - "adel": 18047, - "Ġsubstitutions": 18048, - "Ġtruncation": 18049, - "rification": 18050, - "oka": 18051, - "Flow": 18052, - "ĠReduc": 18053, - "polarized": 18054, - "ibular": 18055, - "Pe": 18056, - "ĠAML": 18057, - "ĠAgency": 18058, - "Ġtilt": 18059, - "ublished": 18060, - "Ġdepolar": 18061, - "Ġbelt": 18062, - "Ġoptimizer": 18063, - "ELL": 18064, - "ĠHandbook": 18065, - "ĠVirginia": 18066, - "sense": 18067, - "ĠDur": 18068, - "Ġpiezoelectric": 18069, - "Ġawarded": 18070, - "ailing": 18071, - "Pos": 18072, - "pref": 18073, - "ĠSummer": 18074, - "edo": 18075, - "ĠIde": 18076, - "ĠBSA": 18077, - "Ġmonomers": 18078, - "Ġcoagulation": 18079, - "Ġgam": 18080, - "Ġhomes": 18081, - "Ġheads": 18082, - "admium": 18083, - "ĠOC": 18084, - "Ġoccupancy": 18085, - "ĠEmpirical": 18086, - "ĠIi": 18087, - "Ġchir": 18088, - "Ġdegeneracy": 18089, - "Ġflowers": 18090, - "Ġsuperconductivity": 18091, - "Ġinversely": 18092, - "optical": 18093, - "were": 18094, - "ĠAsymptotic": 18095, - "Sec": 18096, - "title": 18097, - "posal": 18098, - "ĠProgn": 18099, - "Ġposes": 18100, - "ĠBorn": 18101, - "Ġcontinuation": 18102, - "Ġcultivated": 18103, - "entiment": 18104, - "Ġmanaging": 18105, - "Ġthrombosis": 18106, - "aug": 18107, - "CNT": 18108, - "urea": 18109, - "Ġspind": 18110, - "ĠWhereas": 18111, - "ĠPerson": 18112, - "Ġbipartite": 18113, - "Ġrescal": 18114, - "Ġmarkets": 18115, - "phan": 18116, - "perties": 18117, - "Ġfermionic": 18118, - "Ġmunicip": 18119, - "Ġachievable": 18120, - "tab": 18121, - "Åį": 18122, - "ĠRelation": 18123, - "Total": 18124, - "xia": 18125, - "Ġintelligent": 18126, - "ĠUT": 18127, - "ĠDal": 18128, - "Ġmedicinal": 18129, - "Ġinadequate": 18130, - "iently": 18131, - "ersen": 18132, - "Ġprecondition": 18133, - "Ġmethodological": 18134, - "Ġcanopy": 18135, - "Ġbacterium": 18136, - "column": 18137, - "Cal": 18138, - "ĠDiego": 18139, - "ĠSak": 18140, - "ĠComprehensive": 18141, - "Ġantitumor": 18142, - "Ġflower": 18143, - "ĠKhan": 18144, - "Ġmetadata": 18145, - "Ġphotore": 18146, - "ogenicity": 18147, - "Ġleague": 18148, - "olating": 18149, - "Ġpromise": 18150, - "ĠPere": 18151, - "Ġpermits": 18152, - "Ġthreads": 18153, - "ĠDCs": 18154, - "ĠCham": 18155, - "razol": 18156, - "Bank": 18157, - "Ġwithdrawal": 18158, - "Ġappend": 18159, - "othelial": 18160, - "ĠMeasures": 18161, - "Ġguideline": 18162, - "Ġmitigate": 18163, - "adjoint": 18164, - "Ġbracket": 18165, - "Pad": 18166, - "Mills": 18167, - "Buffer": 18168, - "Ġcass": 18169, - "hoc": 18170, - "manifolds": 18171, - "herry": 18172, - "Ġfacilitated": 18173, - "Event": 18174, - "ĠÈ": 18175, - "ĠCruz": 18176, - "ĠBrand": 18177, - "Ġnecessity": 18178, - "burgh": 18179, - "ĠmeV": 18180, - "ĠcAMP": 18181, - "Off": 18182, - "selected": 18183, - "Ġengage": 18184, - "Ġredundancy": 18185, - "Ġnanocomposites": 18186, - "solution": 18187, - "onset": 18188, - "ĠExposure": 18189, - "Ġrepetitive": 18190, - "Ãł": 18191, - "ĠRAD": 18192, - "ĠTurk": 18193, - "Ġcorneal": 18194, - "Ġexploiting": 18195, - "Ġobstructive": 18196, - "gramming": 18197, - "ĠMED": 18198, - "Ġmathem": 18199, - "Ġconductive": 18200, - "Ġphotosynthesis": 18201, - "Einstein": 18202, - "ĠPeng": 18203, - "MW": 18204, - "ĠSchmidt": 18205, - "Ġrepetition": 18206, - "identified": 18207, - "Ġinjured": 18208, - "Ġdefective": 18209, - "ĠPel": 18210, - "Ġcultivation": 18211, - "Ġfirstly": 18212, - "Ġanalyzer": 18213, - "Ġstainless": 18214, - "Ġjoining": 18215, - "ĠOxidative": 18216, - "Ġphage": 18217, - "Ġexpendit": 18218, - "Ġhomogeneity": 18219, - "iple": 18220, - "ovic": 18221, - "Ġcrossed": 18222, - "ĠTrust": 18223, - "ĠFract": 18224, - "rophysiological": 18225, - "Ġbasically": 18226, - "Ġcoales": 18227, - "Ġgravit": 18228, - "fulness": 18229, - "cano": 18230, - "Ġcolitis": 18231, - "Ġchaos": 18232, - "carbons": 18233, - "Once": 18234, - "ĠToward": 18235, - "orf": 18236, - "topic": 18237, - "ĠPlay": 18238, - "ĠCorrespond": 18239, - "ĠSleep": 18240, - "ticularly": 18241, - "cumin": 18242, - "vdots": 18243, - "ĠRhe": 18244, - "Ġultraf": 18245, - "Ġtimescale": 18246, - "ĠDetails": 18247, - "angles": 18248, - "Ġsurrogate": 18249, - "ĠFluid": 18250, - "cz": 18251, - "Ġinitialization": 18252, - "ĠTelescope": 18253, - "rases": 18254, - "ĠStock": 18255, - "ĠCond": 18256, - "Ġimmunodeficiency": 18257, - "Bel": 18258, - "oser": 18259, - "shown": 18260, - "Ġkcal": 18261, - "Equation": 18262, - "protective": 18263, - "Ġcalling": 18264, - "Ġanticipated": 18265, - "Ġambiguity": 18266, - "ĠNode": 18267, - "ĠGD": 18268, - "Ġinlet": 18269, - "Ġbread": 18270, - "Ġexceeded": 18271, - "Ġimmunization": 18272, - "Ġprohib": 18273, - "ytic": 18274, - "Ġboys": 18275, - "tu": 18276, - "Ġtower": 18277, - "Like": 18278, - "ĠAnomal": 18279, - "âĮ": 18280, - "ĠShow": 18281, - "Ġimaged": 18282, - "Ġequil": 18283, - "Ġrendering": 18284, - "obility": 18285, - "Ġgeological": 18286, - "friend": 18287, - "ör": 18288, - "carboxamide": 18289, - "ovolta": 18290, - "Current": 18291, - "ĠSti": 18292, - "ĠMU": 18293, - "Ġvalued": 18294, - "Ġpoison": 18295, - "Ġpractically": 18296, - "Ġrequested": 18297, - "Code": 18298, - "Ġbrings": 18299, - "Ġdimethyl": 18300, - "hyp": 18301, - "cemic": 18302, - "Vol": 18303, - "quanti": 18304, - "Ġexha": 18305, - "Ġresponsibility": 18306, - "ĠControlled": 18307, - "Ġfur": 18308, - "Ġresemb": 18309, - "ĠKaw": 18310, - "Ġevoked": 18311, - "Ġuterine": 18312, - "л": 18313, - "Ġanonymous": 18314, - "ĠChallenges": 18315, - "Ġanchor": 18316, - "ĠAbd": 18317, - "Der": 18318, - "Ġthermally": 18319, - "ĠCAP": 18320, - "oblot": 18321, - "ĠFire": 18322, - "Ġdiagnostics": 18323, - "Ġexecute": 18324, - "alis": 18325, - "roni": 18326, - "ĠHarris": 18327, - "ĠGonz": 18328, - "Ġvig": 18329, - "ĠProfessor": 18330, - "Ġinventory": 18331, - "intensity": 18332, - "ĠNSCLC": 18333, - "Ġinterfere": 18334, - "ysaccharides": 18335, - "Ġregener": 18336, - "ĠAuthors": 18337, - "Ġtranslate": 18338, - "ĠTests": 18339, - "ĠLove": 18340, - "ĠInduced": 18341, - "ennis": 18342, - "ĠGEN": 18343, - "Ġoligonucle": 18344, - "Ġmeter": 18345, - "satisf": 18346, - "hesion": 18347, - "Ġtransporters": 18348, - "BIT": 18349, - "ĠConc": 18350, - "Ġglauc": 18351, - "scores": 18352, - "Ġmerger": 18353, - "GH": 18354, - "Ġstoichi": 18355, - "ĠXia": 18356, - "effects": 18357, - "ĠExploring": 18358, - "dorff": 18359, - "Ġcardinality": 18360, - "ĠKaz": 18361, - "false": 18362, - "ĠHSP": 18363, - "Ġunsupervised": 18364, - "inguish": 18365, - "ischer": 18366, - "Ġrelativity": 18367, - "onormal": 18368, - "oothed": 18369, - "edges": 18370, - "ĠIMP": 18371, - "Ġimpulse": 18372, - "ĠColumbia": 18373, - "Ġparticulate": 18374, - "ĠSupporting": 18375, - "ĠSDSS": 18376, - "voltage": 18377, - "ĠAmazon": 18378, - "Ġepoxy": 18379, - "Call": 18380, - "Bigl": 18381, - "Ġmeets": 18382, - "Ġequatorial": 18383, - "Ġneuros": 18384, - "Ġperitoneal": 18385, - "desc": 18386, - "inputs": 18387, - "Ġexterior": 18388, - "aco": 18389, - "Ġmeal": 18390, - "ĠDaniel": 18391, - "Ġintuitive": 18392, - "Ġcouns": 18393, - "depress": 18394, - "inis": 18395, - "phot": 18396, - "ĠAmin": 18397, - "Ġreservoirs": 18398, - "ĠWhole": 18399, - "Ġcaud": 18400, - "Ġbosonic": 18401, - "Ġreaders": 18402, - "Ġcrim": 18403, - "Ġpathophysiology": 18404, - "argo": 18405, - "these": 18406, - "income": 18407, - "Ġissued": 18408, - "Ġhepatocytes": 18409, - "ĠCi": 18410, - "deriv": 18411, - "upta": 18412, - "tuple": 18413, - "ĠChan": 18414, - "Ġauthentication": 18415, - "ygd": 18416, - "Ġinfin": 18417, - "Ġaccelerate": 18418, - "eptive": 18419, - "Ġhydrogel": 18420, - "aska": 18421, - "ONE": 18422, - "Ġfederal": 18423, - "ographics": 18424, - "Ġmuon": 18425, - "Ġslide": 18426, - "Ġelliptical": 18427, - "atite": 18428, - "Ġcc": 18429, - "ETs": 18430, - "Ġclarity": 18431, - "ocycl": 18432, - "isal": 18433, - "rections": 18434, - "ayan": 18435, - "roweak": 18436, - "ĠSOC": 18437, - "oderm": 18438, - "tun": 18439, - "asm": 18440, - "ĠHir": 18441, - "likelihood": 18442, - "Ġadul": 18443, - "tl": 18444, - "High": 18445, - "Ġalters": 18446, - "plitude": 18447, - "ĠRelease": 18448, - "Ġharmful": 18449, - "late": 18450, - "ounds": 18451, - "ĠFederal": 18452, - "ĠEconomic": 18453, - "Ġrabb": 18454, - "Ġaccommodate": 18455, - "emission": 18456, - "ĠBah": 18457, - "cox": 18458, - "ĠModulation": 18459, - "Ġconstructions": 18460, - "igner": 18461, - "ĠUrban": 18462, - "Ġwake": 18463, - "Ġadversary": 18464, - "wikipedia": 18465, - "Ġsuite": 18466, - "wick": 18467, - "expressed": 18468, - "rod": 18469, - "KD": 18470, - "Ġcomputers": 18471, - "ĠBanglades": 18472, - "Ġpersist": 18473, - "Ġburning": 18474, - "Ġadministrative": 18475, - "Ġplug": 18476, - "ĠRepresentations": 18477, - "ĠScattering": 18478, - "Ġendometrial": 18479, - "Ġdescriptors": 18480, - "Ġcommission": 18481, - "Bar": 18482, - "ighth": 18483, - "ĠMarsh": 18484, - "sampling": 18485, - "Ġhull": 18486, - "icin": 18487, - "Prob": 18488, - "Ġnurse": 18489, - "Ġsham": 18490, - "ĠKerr": 18491, - "Ġprefrontal": 18492, - "Ġfixing": 18493, - "OK": 18494, - "Ġbold": 18495, - "Ġcorollary": 18496, - "cfg": 18497, - "ĠOxford": 18498, - "Ġboron": 18499, - "RB": 18500, - "ĠCab": 18501, - "Bigr": 18502, - "ĠPredict": 18503, - "Ġpeculiar": 18504, - "hidden": 18505, - "isa": 18506, - "iden": 18507, - "appropriate": 18508, - "orh": 18509, - "ellectual": 18510, - "Ġseizures": 18511, - "asser": 18512, - "tilis": 18513, - "handle": 18514, - "iaxial": 18515, - "sym": 18516, - "Ġcarcinomas": 18517, - "sea": 18518, - "spired": 18519, - "Ġabrupt": 18520, - "tests": 18521, - "Ġwelfare": 18522, - "ĠOil": 18523, - "ĠLoad": 18524, - "FLAG": 18525, - "uthal": 18526, - "Ġfacing": 18527, - "American": 18528, - "LAS": 18529, - "Ġirrespective": 18530, - "Ġroutinely": 18531, - "wal": 18532, - "Ġsettlement": 18533, - "ĠAqu": 18534, - "Ġelectronics": 18535, - "Ġhandled": 18536, - "Ġbiologically": 18537, - "smooth": 18538, - "ĠBelongs": 18539, - "tib": 18540, - "Ġtrav": 18541, - "pressive": 18542, - "ournals": 18543, - "к": 18544, - "filename": 18545, - "Ġhelical": 18546, - "Ġbacteri": 18547, - "Ġsatellites": 18548, - "BH": 18549, - "ented": 18550, - "ĠFootball": 18551, - "Ġ": 18552, - "ĠHV": 18553, - "Ġtrip": 18554, - "ĠCKD": 18555, - "rani": 18556, - "Ġcleaning": 18557, - "limit": 18558, - "ĠTCP": 18559, - "Ġscin": 18560, - "Ġsludge": 18561, - "Ġsymbolic": 18562, - "ĠSequencing": 18563, - "adal": 18564, - "ĠPhilipp": 18565, - "ICS": 18566, - "Ġvaginal": 18567, - "Ġcommitment": 18568, - "ĠAwards": 18569, - "trig": 18570, - "Ġguitar": 18571, - "acetate": 18572, - "Ġbet": 18573, - "ClN": 18574, - "Ġagriculture": 18575, - "Ġchief": 18576, - "Ġembol": 18577, - "build": 18578, - "Ġtexts": 18579, - "ĠCooper": 18580, - "lived": 18581, - "ĠDelay": 18582, - "ĠMode": 18583, - "yal": 18584, - "BN": 18585, - "Ġindexed": 18586, - "expr": 18587, - "ERN": 18588, - "vens": 18589, - "Ġpointer": 18590, - "cv": 18591, - "acon": 18592, - "tance": 18593, - "ĠâĪĿ": 18594, - "Ġlowered": 18595, - "Ġmitotic": 18596, - "rhosis": 18597, - "ĠPage": 18598, - "ür": 18599, - "imm": 18600, - "ĠTherapeutic": 18601, - "Ġosteopor": 18602, - "Ġbilinear": 18603, - "ĠCatholic": 18604, - "ĠAlternative": 18605, - "oxidation": 18606, - "Ġinitio": 18607, - "benzo": 18608, - "ĠAdi": 18609, - "person": 18610, - "peritoneal": 18611, - "ĉĉĠ": 18612, - "Ġattraction": 18613, - "Ġdiarrhea": 18614, - "Ġren": 18615, - "ĠISO": 18616, - "imir": 18617, - "Ġterminology": 18618, - "ukey": 18619, - "Ġresonator": 18620, - "Ġsubstituting": 18621, - "Ġharbor": 18622, - "provid": 18623, - "decay": 18624, - "ĠHDAC": 18625, - "ĠAnalytical": 18626, - "Ġpostnatal": 18627, - "Ġundes": 18628, - "Specific": 18629, - "dichlor": 18630, - "ARI": 18631, - "tot": 18632, - "Ġdigit": 18633, - "oping": 18634, - "ĠZinc": 18635, - "Ġlethal": 18636, - "Whitney": 18637, - "Fi": 18638, - "quantum": 18639, - "ĠFailure": 18640, - "Ġsolves": 18641, - "ĠSpaces": 18642, - "earman": 18643, - "Ġgoat": 18644, - "Ġsynapses": 18645, - "Ġresuspended": 18646, - "Ġresident": 18647, - "Ġcompac": 18648, - "Ġcortisol": 18649, - "Ġphotometry": 18650, - "WP": 18651, - "select": 18652, - "Ġcele": 18653, - "orubicin": 18654, - "ĠMultic": 18655, - "ĠJean": 18656, - "Ġclip": 18657, - "Ġsa": 18658, - "oco": 18659, - "geometric": 18660, - "Ġhelic": 18661, - "Ġempirically": 18662, - "Ġmicrofluid": 18663, - "idis": 18664, - "Ġautocor": 18665, - "WF": 18666, - "ĠRespir": 18667, - "radiation": 18668, - "Ġthemes": 18669, - "Ġtaste": 18670, - "ricing": 18671, - "Ġexaminations": 18672, - "ĠSensing": 18673, - "same": 18674, - "DEFAULT": 18675, - "Ġphylogeny": 18676, - "hig": 18677, - "Ġplatelets": 18678, - "ĠHistor": 18679, - "aba": 18680, - "Ġresidential": 18681, - "Ġunbounded": 18682, - "anding": 18683, - "hedron": 18684, - "rys": 18685, - "ĠCCR": 18686, - "Ġconce": 18687, - "Ġparasitic": 18688, - "cb": 18689, - "ĠFeynman": 18690, - "ĠKepler": 18691, - "ô": 18692, - "ĠGil": 18693, - "ĠMATLAB": 18694, - "ben": 18695, - "scope": 18696, - "Ġdiscrimin": 18697, - "Ġjustified": 18698, - "plasma": 18699, - "ĠChoi": 18700, - "Ġroof": 18701, - "PCA": 18702, - "ĠTCR": 18703, - "Ġvoxel": 18704, - "ĠWard": 18705, - "Ġuncor": 18706, - "Stok": 18707, - "Ġspur": 18708, - "TRA": 18709, - "Ġdiagnoses": 18710, - "rophysical": 18711, - "ategories": 18712, - "Ġoverestim": 18713, - "Ġstreaming": 18714, - "ĠRecovery": 18715, - "Ġeverything": 18716, - "LOW": 18717, - "Gener": 18718, - "Ġunbiased": 18719, - "Ġvariances": 18720, - "compact": 18721, - "espan": 18722, - "inj": 18723, - "Ġendoscopic": 18724, - "Ġideals": 18725, - "ĠRice": 18726, - "ĠKaplan": 18727, - "Ġfecal": 18728, - "ferred": 18729, - "ĠCycle": 18730, - "Ġimplanted": 18731, - "Ġwine": 18732, - "PET": 18733, - "Ġassignments": 18734, - "Ġabsol": 18735, - "XT": 18736, - "Ġswimming": 18737, - "MN": 18738, - "ĠGeometric": 18739, - "ĠHealthcare": 18740, - "Ġpowders": 18741, - "ĠGel": 18742, - "Ġdownward": 18743, - "Ġexceeding": 18744, - "ĠHEK": 18745, - "lym": 18746, - "ĠBV": 18747, - "Ġvisco": 18748, - "iet": 18749, - "ĠCOX": 18750, - "ployment": 18751, - "inski": 18752, - "Ġoutdoor": 18753, - "ĠLiterature": 18754, - "anted": 18755, - "methoxyphenyl": 18756, - "ĠMedium": 18757, - "Ġdia": 18758, - "ailand": 18759, - "variance": 18760, - "ĠEvaluating": 18761, - "oxacin": 18762, - "Ġantif": 18763, - "Ġpulp": 18764, - "Ġcorrobor": 18765, - "ĠOt": 18766, - "Ġrabbits": 18767, - "Ru": 18768, - "Ġfunctionals": 18769, - "âĩ": 18770, - "Ġimmersion": 18771, - "Ġcreatin": 18772, - "ĠqRT": 18773, - "Ġcondensed": 18774, - "nr": 18775, - "ĠVA": 18776, - "had": 18777, - "Ġking": 18778, - "oble": 18779, - "Ġexisted": 18780, - "Ġthesis": 18781, - "ubbard": 18782, - "apoptotic": 18783, - "Ġflowering": 18784, - "ĠAdaptation": 18785, - "ĠKalman": 18786, - "trl": 18787, - "Ġment": 18788, - "utation": 18789, - "ĠConv": 18790, - "Ġhistories": 18791, - "Ġenanti": 18792, - "nell": 18793, - "onian": 18794, - "ĠFabric": 18795, - "Ġxx": 18796, - "Ġfell": 18797, - "Ġcytosolic": 18798, - "Ġmud": 18799, - "Ġsuspensions": 18800, - "ĠMicrobial": 18801, - "measured": 18802, - "Ġdownload": 18803, - "Ġinvalid": 18804, - "Ġcapturing": 18805, - "ĠHH": 18806, - "ĠGray": 18807, - "ĠAZ": 18808, - "ĠNash": 18809, - "viation": 18810, - "naire": 18811, - "ortium": 18812, - "ynch": 18813, - "aminergic": 18814, - "Ġwait": 18815, - "Schem": 18816, - "trace": 18817, - "ĠVill": 18818, - "Ġpools": 18819, - "Ġhypoxic": 18820, - "xp": 18821, - "Ġshaded": 18822, - "ORY": 18823, - "turn": 18824, - "interacting": 18825, - "Ġdestroyed": 18826, - "akh": 18827, - "ĠCpG": 18828, - "dotted": 18829, - "ĠTranscript": 18830, - "planar": 18831, - "Ġpreclinical": 18832, - "ĠRepro": 18833, - "ĠSurgery": 18834, - "Stokes": 18835, - "ifdef": 18836, - "Ġdiscriminate": 18837, - "ĠGross": 18838, - "Ġflags": 18839, - "iety": 18840, - "ummy": 18841, - "Ġtransfers": 18842, - "SG": 18843, - "ĠSci": 18844, - "Ġheader": 18845, - "ĠFunding": 18846, - "Ġdetrim": 18847, - "Ġinstabilities": 18848, - "ĠPhylogenetic": 18849, - "ymethyl": 18850, - "ĠAssessing": 18851, - "ROC": 18852, - "elsen": 18853, - "Equal": 18854, - "Ġcas": 18855, - "Ġvertically": 18856, - "Ġvisibility": 18857, - "ĠFTIR": 18858, - "scrib": 18859, - "Ġbursts": 18860, - "ĠDoug": 18861, - "ĠFrancisco": 18862, - "ĠMSC": 18863, - "Ġpredis": 18864, - "established": 18865, - "Ġfaced": 18866, - "ĠWI": 18867, - "Sl": 18868, - "Ġcharts": 18869, - "orthy": 18870, - "izontal": 18871, - "ialysis": 18872, - "Ġtunable": 18873, - "Ġexplosion": 18874, - "Sw": 18875, - "TNF": 18876, - "Ġdiscontinuous": 18877, - "ecture": 18878, - "ciences": 18879, - "mathbbm": 18880, - "look": 18881, - "Ġtachy": 18882, - "Ġbrow": 18883, - "observed": 18884, - "Ġanaest": 18885, - "Sal": 18886, - "qPCR": 18887, - "Ġsees": 18888, - "Ġspacecraft": 18889, - "Ġsales": 18890, - "ĠTrac": 18891, - "Tem": 18892, - "ivest": 18893, - "ĠFc": 18894, - "ĠNews": 18895, - "Ġharvesting": 18896, - "ĠEG": 18897, - "pad": 18898, - "Ġnanowires": 18899, - "Ġpotato": 18900, - "pliers": 18901, - "onin": 18902, - "Ġworm": 18903, - "sue": 18904, - "tie": 18905, - "Ġmasks": 18906, - "Ġthrow": 18907, - "!!": 18908, - "behavi": 18909, - "Ġpine": 18910, - "ogy": 18911, - "TEST": 18912, - "onto": 18913, - "Ġcreatinine": 18914, - "ĠBoston": 18915, - "Ġchair": 18916, - "ploys": 18917, - "oven": 18918, - "Ġentrance": 18919, - "Ġcoch": 18920, - "Ġdyes": 18921, - "Tor": 18922, - "ĠPDE": 18923, - "underset": 18924, - "atasets": 18925, - "Ġternary": 18926, - "choose": 18927, - "five": 18928, - "chloride": 18929, - "onium": 18930, - "Property": 18931, - "Ġtu": 18932, - "Ġadequately": 18933, - "romycin": 18934, - "Ġcooper": 18935, - "ïĽľ": 18936, - "Ġpapill": 18937, - "ĠStreptococcus": 18938, - "ĠCY": 18939, - "Ġgrouping": 18940, - "Ġbioc": 18941, - "ĠCardiac": 18942, - "ĠBook": 18943, - "reference": 18944, - "Ġconfirmation": 18945, - "ivery": 18946, - "Ġwarning": 18947, - "pretation": 18948, - "Ġlove": 18949, - "Ġoscillators": 18950, - "sed": 18951, - "ĠTX": 18952, - "ilent": 18953, - "ĠVas": 18954, - "Ġclamp": 18955, - "Ġahead": 18956, - "acs": 18957, - "Ġdepleted": 18958, - "Ġmethodologies": 18959, - "may": 18960, - "Ġcaffe": 18961, - "Ġsequentially": 18962, - "osacchar": 18963, - "Ġcomprise": 18964, - "Ġchel": 18965, - "Ġinacc": 18966, - "Ġtendon": 18967, - "Sequ": 18968, - "ought": 18969, - "server": 18970, - "ĠPerturb": 18971, - "Ġterrain": 18972, - "curve": 18973, - "ĠArgent": 18974, - "TABLE": 18975, - "Ġimplicitly": 18976, - "Ġenjoy": 18977, - "ĠSitter": 18978, - "Ġmicron": 18979, - "ĠEvans": 18980, - "nsylvan": 18981, - "Ġlooked": 18982, - "spe": 18983, - "volving": 18984, - "ĠLSTM": 18985, - "agnetism": 18986, - "ĠNotch": 18987, - "ĠTal": 18988, - "ĠDEGs": 18989, - "leman": 18990, - "Ġboolean": 18991, - "Ġobey": 18992, - "organization": 18993, - "seen": 18994, - "ĠEnc": 18995, - "schild": 18996, - "ĠOntario": 18997, - "Element": 18998, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 18999, - "mouse": 19000, - "Ġpolyethylene": 19001, - "Ġacetic": 19002, - "sections": 19003, - "uronal": 19004, - "ĠDick": 19005, - "Ġkill": 19006, - "Ġbroadening": 19007, - "Ġfluoride": 19008, - "Ġsaved": 19009, - "Ġdeem": 19010, - "Stream": 19011, - "aced": 19012, - "ĠJeff": 19013, - "QA": 19014, - "Ġscalable": 19015, - "ĠFif": 19016, - "ĠMini": 19017, - "Ġsupergravity": 19018, - "Ġcolloidal": 19019, - "LY": 19020, - "OA": 19021, - "Ġperic": 19022, - "Ġshortly": 19023, - "Ġvap": 19024, - "Ġsplits": 19025, - "move": 19026, - "Ġstimulating": 19027, - "ĠBeijing": 19028, - "Ġpyr": 19029, - "ÏŃ": 19030, - "Ġlexical": 19031, - "âĢł": 19032, - "ÅĦ": 19033, - "itories": 19034, - "olerance": 19035, - "Ġinsulator": 19036, - "ĠLeon": 19037, - "Ġpropagate": 19038, - "ĠElements": 19039, - "yen": 19040, - "Module": 19041, - "ĠWhether": 19042, - "Ġaph": 19043, - "ĠLaure": 19044, - "ĠMutations": 19045, - "Ġhypertrophy": 19046, - "Ġoceanic": 19047, - "ographically": 19048, - "patients": 19049, - "ĠAngeles": 19050, - "Ġphe": 19051, - "Ġsquee": 19052, - "Ġcaroten": 19053, - "fine": 19054, - "Ġsketch": 19055, - "Ġansatz": 19056, - "titution": 19057, - "ĠFus": 19058, - "ĠSug": 19059, - "obacterial": 19060, - "Ħĥ": 19061, - "Related": 19062, - "Ġartist": 19063, - "Ġacryl": 19064, - "lined": 19065, - "rafted": 19066, - "ĠQoS": 19067, - "ĠFeng": 19068, - "search": 19069, - "Ġnanotube": 19070, - "ĠVM": 19071, - "ahl": 19072, - "Ġstride": 19073, - "ĠTag": 19074, - "ĠLar": 19075, - "Ġdesorption": 19076, - "dtype": 19077, - "Ġbug": 19078, - "Ġcaregivers": 19079, - "ĠHun": 19080, - "ĠPractical": 19081, - "Ġoblig": 19082, - "rer": 19083, - "ĠKang": 19084, - "ĠProducts": 19085, - "ometh": 19086, - "ĠHeLa": 19087, - "Ġlaboratories": 19088, - "natural": 19089, - "Ġful": 19090, - "Ġmold": 19091, - "abine": 19092, - "ĠSpring": 19093, - "Ġcobal": 19094, - "Ġhighlighting": 19095, - "ĠPref": 19096, - "cyclic": 19097, - "ĠCONCLUSION": 19098, - "ĠSources": 19099, - "Ġapex": 19100, - "parser": 19101, - "ĠLogic": 19102, - "Ġpond": 19103, - "Ġtold": 19104, - "ĠShap": 19105, - "pergillus": 19106, - "Ġsaying": 19107, - "Ġmutagenesis": 19108, - "ĠmmHg": 19109, - "ĠPAN": 19110, - "Ġsmokers": 19111, - "oday": 19112, - "Ġherein": 19113, - "CMV": 19114, - "ĠPW": 19115, - "Ġredshifts": 19116, - "ĠMinim": 19117, - "yman": 19118, - "ulli": 19119, - "dense": 19120, - "Ġarsenic": 19121, - "ĠEMT": 19122, - "ogaster": 19123, - "carboxylate": 19124, - "sys": 19125, - "Ro": 19126, - "anch": 19127, - "ĠAlpha": 19128, - "ĠTechnical": 19129, - "sv": 19130, - "Ġbones": 19131, - "Ġacceptor": 19132, - "Ġnewborn": 19133, - "private": 19134, - "Ġnanor": 19135, - "ĠSwiss": 19136, - "around": 19137, - "Ġsyntax": 19138, - "ĠKähler": 19139, - "Ġaerial": 19140, - "ĠPale": 19141, - "typedef": 19142, - "namespace": 19143, - "Ġconfounding": 19144, - "viÄĩ": 19145, - "Ġretard": 19146, - "Ġzeta": 19147, - "ĠTum": 19148, - "isch": 19149, - "Ġsulfide": 19150, - "ĠTian": 19151, - "uy": 19152, - "Ġintuition": 19153, - "Ġphospholip": 19154, - "ĠSher": 19155, - "ricts": 19156, - "----------------------------------------------------------------": 19157, - "okines": 19158, - "glucose": 19159, - "toler": 19160, - "iferative": 19161, - "ĠFluor": 19162, - "Ġencourage": 19163, - "Ġresponsive": 19164, - "perturbative": 19165, - "Ġsaddle": 19166, - "lers": 19167, - "ndez": 19168, - "ĠZero": 19169, - "ĠDiet": 19170, - "Ġdevelopers": 19171, - "Syn": 19172, - "Ġconfer": 19173, - "Ġoriginate": 19174, - "ropol": 19175, - "haw": 19176, - "letion": 19177, - "mskip": 19178, - "Ġber": 19179, - "Ġpeat": 19180, - "vially": 19181, - "Ġgranules": 19182, - "ĠÌĥ": 19183, - "Ġpluripot": 19184, - "Ġassimilation": 19185, - "Ġdenominator": 19186, - "abilization": 19187, - "ĠEpidemiology": 19188, - "MIN": 19189, - "eeds": 19190, - "ĠVR": 19191, - "Eval": 19192, - "store": 19193, - "ĠBaseline": 19194, - "Ġcu": 19195, - "ĠSpectra": 19196, - "Ġfractionation": 19197, - "Ġplacing": 19198, - "Ġburied": 19199, - "eleration": 19200, - "Ġalkali": 19201, - "ĠIU": 19202, - "Calc": 19203, - "weak": 19204, - "Ġmorphisms": 19205, - "Ġligase": 19206, - "Ġfs": 19207, - "Ġutilizes": 19208, - "Comput": 19209, - "â": 19210, - "Ġstig": 19211, - "relative": 19212, - "Ġimmature": 19213, - "ĠFrac": 19214, - "api": 19215, - "Ġoutpatient": 19216, - "Ġachievement": 19217, - "Ġstacking": 19218, - "Ġnodules": 19219, - "IND": 19220, - "ĠGPa": 19221, - "Ġpercolation": 19222, - "mspace": 19223, - "Ġbrains": 19224, - "uffle": 19225, - "entropy": 19226, - "Lab": 19227, - "Ġstabilize": 19228, - "ĠRicci": 19229, - "ĠAntimicrobial": 19230, - "personal": 19231, - "Ġfarms": 19232, - "ĠPin": 19233, - "Ġporcine": 19234, - "Ġoccasionally": 19235, - "whe": 19236, - "Ġundergoes": 19237, - "Ġregimens": 19238, - "Ġblade": 19239, - "Ġlinearized": 19240, - "Ġdecon": 19241, - "Ġpacked": 19242, - "Ġfishes": 19243, - "ĠMend": 19244, - "Ġapproaching": 19245, - "Ġballs": 19246, - "Ġproinflammatory": 19247, - "imeric": 19248, - "ĠDirector": 19249, - "Ġsoliton": 19250, - "Ġmosaic": 19251, - "viet": 19252, - "Mean": 19253, - "ĠPad": 19254, - "Ġtriplicate": 19255, - "supported": 19256, - "Ġcart": 19257, - "<<<<": 19258, - "Ġremission": 19259, - "aseous": 19260, - "asticity": 19261, - "ĠMik": 19262, - "ĠStrategy": 19263, - "ramer": 19264, - "ĠPolish": 19265, - "Ġenthal": 19266, - "Ġheterozygous": 19267, - "ĠGravity": 19268, - "Ax": 19269, - "Ġorganizational": 19270, - "Ġmovie": 19271, - "Ġexploratory": 19272, - "WLED": 19273, - "Ġmoiety": 19274, - "decre": 19275, - "ĠStill": 19276, - "Ġ¡": 19277, - "Ġgreenhouse": 19278, - "Ġsuperconductors": 19279, - "enum": 19280, - "elin": 19281, - "Ġoffering": 19282, - "stad": 19283, - "ĠTrich": 19284, - "Ġrepl": 19285, - "Ġrecycling": 19286, - "phor": 19287, - "Ġinelastic": 19288, - "ockey": 19289, - "ĠâĢĻ": 19290, - "Ġsequel": 19291, - "EB": 19292, - "ĠChile": 19293, - "Ġfibrillation": 19294, - "Ġdisulfide": 19295, - "obtained": 19296, - "ubin": 19297, - "Ĥ¬": 19298, - "Ġfacilitating": 19299, - "Ġhopping": 19300, - "Ġmediator": 19301, - "Ġhydration": 19302, - "Ġsparsity": 19303, - "Ġsati": 19304, - "Ġisothermal": 19305, - "Ġreturning": 19306, - "Ġtraveling": 19307, - "Ġing": 19308, - "Ġstent": 19309, - "Ġcapacitor": 19310, - "Ġcompromise": 19311, - "ĠSud": 19312, - "ĠVision": 19313, - "Ġtopologies": 19314, - "opolysaccharide": 19315, - "ĠProfile": 19316, - "ĠRing": 19317, - "Ġdiscrepancies": 19318, - "Dis": 19319, - "ARD": 19320, - "cccc": 19321, - "Ġdirectory": 19322, - "ĠCMOS": 19323, - "owed": 19324, - "illo": 19325, - "ĠInsights": 19326, - "ĠTib": 19327, - "Ġaband": 19328, - "arose": 19329, - "Order": 19330, - "Ġ¬": 19331, - "Ġintracranial": 19332, - "Ġintermediates": 19333, - "Ġhabits": 19334, - "Ġcarp": 19335, - "property": 19336, - "IMAGE": 19337, - "ĠUk": 19338, - "Ġhydrophilic": 19339, - "Wid": 19340, - "Ġabiotic": 19341, - "Ġobservers": 19342, - "Ġchor": 19343, - "ĠConservation": 19344, - "ĠEnhance": 19345, - "ĠAutomated": 19346, - "ĠGlut": 19347, - "iratory": 19348, - "Ġspaw": 19349, - "ĠEfficiency": 19350, - "vast": 19351, - "initi": 19352, - "Ġoptional": 19353, - "ĠScaling": 19354, - "ifold": 19355, - "ĠmtDNA": 19356, - "ĠReconstruction": 19357, - "Ġcountable": 19358, - "ĠGrass": 19359, - "Den": 19360, - "ĠChain": 19361, - "enzyme": 19362, - "Ġwaveforms": 19363, - "Ġpancreas": 19364, - "ĠDetailed": 19365, - "cmd": 19366, - "Ġâİľ": 19367, - "Ġmagneto": 19368, - "ĠFPGA": 19369, - "Ġabsolutely": 19370, - "Ġstimulates": 19371, - "achus": 19372, - "ĠArn": 19373, - "message": 19374, - "ocompatibility": 19375, - "HCl": 19376, - "ĠFish": 19377, - "Ġphenomenological": 19378, - "Ġsalivary": 19379, - "ondo": 19380, - "Ġnotions": 19381, - "fur": 19382, - "UCT": 19383, - "Ġwww": 19384, - "abet": 19385, - "ĠSulf": 19386, - "Fil": 19387, - "dominated": 19388, - "arser": 19389, - "Ġpackages": 19390, - "Ġsplice": 19391, - "Flo": 19392, - "NOWLED": 19393, - "xa": 19394, - "ĠYuan": 19395, - "Ġacetone": 19396, - "ĠVitamin": 19397, - "ĠÎŀ": 19398, - "Ġobsc": 19399, - "Ġchaper": 19400, - "Ġmort": 19401, - "MAN": 19402, - "Ġsubtilis": 19403, - "Ġoptimality": 19404, - "Ġcontinuing": 19405, - "Ġduplication": 19406, - "Ġmultiplying": 19407, - "Ġimmunological": 19408, - "Ġcirrhosis": 19409, - "hospital": 19410, - "ĠProbabilistic": 19411, - "Ġdeletions": 19412, - "Ġcaution": 19413, - "Ġowner": 19414, - "oxorubicin": 19415, - "Ġlaunch": 19416, - "Ġcure": 19417, - "thus": 19418, - "ĠHermitian": 19419, - "canonical": 19420, - "Ġimmunore": 19421, - "formin": 19422, - "Ġbroadband": 19423, - "partum": 19424, - "ophe": 19425, - "ĠBeta": 19426, - "ĠBI": 19427, - "Ġïĺº": 19428, - "Ġjumps": 19429, - "Ġparadox": 19430, - "umped": 19431, - "Ġdoctors": 19432, - "Ġhospitalized": 19433, - "Ġwash": 19434, - "precision": 19435, - "Ġruled": 19436, - "Ġduplicate": 19437, - "ante": 19438, - "Ġneurotrans": 19439, - "Ġïĥ§": 19440, - "Ġtheme": 19441, - "Taking": 19442, - "ĠPlants": 19443, - "following": 19444, - "Ġageing": 19445, - "Ġcongestion": 19446, - "osarcoma": 19447, - "Ġrepository": 19448, - "ĠHess": 19449, - "ĠCatalytic": 19450, - "ĠDV": 19451, - "INK": 19452, - "priv": 19453, - "ĠAna": 19454, - "ĠSLE": 19455, - "ĠThailand": 19456, - "íķ": 19457, - "Ġduty": 19458, - "locations": 19459, - "oter": 19460, - "Ġlysine": 19461, - "Ġindist": 19462, - "Ġagonists": 19463, - "Ack": 19464, - "Ġminimally": 19465, - "Ġetching": 19466, - "ugging": 19467, - "cuda": 19468, - "ndef": 19469, - "Ġreferring": 19470, - "Ġlysates": 19471, - "Ġserotonin": 19472, - "cribing": 19473, - "ĠInterface": 19474, - "dV": 19475, - "Ġdurations": 19476, - "Ġphotod": 19477, - "Ġdating": 19478, - "Ġirreversible": 19479, - "osidase": 19480, - "ĠFROM": 19481, - "within": 19482, - "SNR": 19483, - "Ġarrhyth": 19484, - "ĠRatio": 19485, - "ĠThin": 19486, - "centered": 19487, - "Ġshocks": 19488, - "ĠVers": 19489, - "Ġnoticeable": 19490, - "Ġfoci": 19491, - "Ġorthonormal": 19492, - "ĠâİŁ": 19493, - "Ġluminescence": 19494, - "ĠSUSY": 19495, - "internal": 19496, - "ĠTour": 19497, - "Ġabbrevi": 19498, - "ĠMAL": 19499, - "vertex": 19500, - "Ġemploys": 19501, - "INS": 19502, - "Ġimmunohistochemistry": 19503, - "Ġheparin": 19504, - "Ġidiopathic": 19505, - "Ġimmobilized": 19506, - "ishe": 19507, - "phth": 19508, - "thin": 19509, - "ĠStorage": 19510, - "Ġperovskite": 19511, - "Prot": 19512, - "ĠDepending": 19513, - "Ġblends": 19514, - "Ġpredator": 19515, - "Ġdisplaying": 19516, - "Ġvesicle": 19517, - "ĠKra": 19518, - "Ġlane": 19519, - "Ġmultilayer": 19520, - "Ġhomozygous": 19521, - "cosh": 19522, - "Ġsuperficial": 19523, - "Ġil": 19524, - "ĠKR": 19525, - "ĠBrun": 19526, - "ĠEW": 19527, - "opa": 19528, - "ĠCartesian": 19529, - "ĠCytoplas": 19530, - "ĠPennsylvan": 19531, - "bands": 19532, - "Ġangiotensin": 19533, - "ĠLattice": 19534, - "GI": 19535, - "jee": 19536, - "Ġenlarged": 19537, - "enius": 19538, - "ĠIa": 19539, - "oux": 19540, - "Ġgent": 19541, - "Ġcarbonyl": 19542, - "chers": 19543, - "Ġhypothe": 19544, - "Ġmicrosp": 19545, - "Ġaffective": 19546, - "Ġaxons": 19547, - "ei": 19548, - "yptoph": 19549, - "ĠJon": 19550, - "queue": 19551, - "ĠGauge": 19552, - "menopausal": 19553, - "ĠDas": 19554, - "ĠEssential": 19555, - "ĠFault": 19556, - "ĠBil": 19557, - "Ġtestosterone": 19558, - "Ġchambers": 19559, - "dione": 19560, - "Ġelicited": 19561, - "IGN": 19562, - "Ġantioxidants": 19563, - "populations": 19564, - "Ġovary": 19565, - "Ġâĸ": 19566, - "Ġabstraction": 19567, - "Ġhydrocarbons": 19568, - "Ġrectal": 19569, - "Ġtriggering": 19570, - "Ġthoroughly": 19571, - "Run": 19572, - "acteria": 19573, - "information": 19574, - "ĠBed": 19575, - "Ġquenc": 19576, - "Ġunders": 19577, - "ĠScotland": 19578, - "Ġrevolution": 19579, - "Ġpituitary": 19580, - "Ġanthropogenic": 19581, - "focus": 19582, - "Ġmethan": 19583, - "Ġinflow": 19584, - "Ġdeflection": 19585, - "ĠCape": 19586, - "Ġmultidimensional": 19587, - "Ġarrived": 19588, - "ĠSpar": 19589, - "dv": 19590, - "Ġcows": 19591, - "ĠBh": 19592, - "Ġjk": 19593, - "tolyl": 19594, - "Ġeigenstates": 19595, - "Ġpreprocessing": 19596, - "ĠRain": 19597, - "ä¸": 19598, - "inz": 19599, - "Ġmn": 19600, - "REE": 19601, - "atrick": 19602, - "Dev": 19603, - "Ġfulfilled": 19604, - "Ġartic": 19605, - "Ġrealizations": 19606, - "ĠComponent": 19607, - "ĠWS": 19608, - "Ġinfo": 19609, - "printed": 19610, - "atosis": 19611, - "cache": 19612, - "anov": 19613, - "ĠTg": 19614, - "content": 19615, - "junc": 19616, - "ĠCDK": 19617, - "Ġbehaves": 19618, - "ĠKid": 19619, - "difference": 19620, - "ĠPs": 19621, - "ĠUg": 19622, - "Ġstructurally": 19623, - "erebral": 19624, - "ĠSurve": 19625, - "heal": 19626, - "onite": 19627, - "Ġdeleted": 19628, - "itim": 19629, - "Star": 19630, - "ĠSpeech": 19631, - "ĠAstr": 19632, - "gradient": 19633, - "Ġfellow": 19634, - "Ġsyring": 19635, - "NB": 19636, - "ĠNB": 19637, - "Ġcreep": 19638, - "Ġlogging": 19639, - "Ġinten": 19640, - "scalar": 19641, - "ĠAtmospheric": 19642, - "Ġlupus": 19643, - "Ġidentically": 19644, - "processed": 19645, - "signal": 19646, - "ĠClostr": 19647, - "ancers": 19648, - "Ġdb": 19649, - "Ġsubsystem": 19650, - "situ": 19651, - "Ġferroelectric": 19652, - "ĠïĽľ": 19653, - "Ġore": 19654, - "ĠRb": 19655, - "ĠMicrosoft": 19656, - "ĠCoch": 19657, - "ĠActin": 19658, - "Ġnerves": 19659, - "Ġexpertise": 19660, - "otive": 19661, - "ĠPoincaré": 19662, - "ĠRig": 19663, - "Ġpsychosocial": 19664, - "Ġprogenitors": 19665, - "ĠMyr": 19666, - "ĠHug": 19667, - "Ġbiogenesis": 19668, - "Ġincorporates": 19669, - "Ġnevertheless": 19670, - "ĠDecl": 19671, - "observ": 19672, - "Ġmultiplier": 19673, - "Ġresponding": 19674, - "hoff": 19675, - "Ġimpacted": 19676, - "Ġsyndromes": 19677, - "kel": 19678, - "ĠSynt": 19679, - "ĠConcer": 19680, - "ĠAmericans": 19681, - "Ġspaced": 19682, - "umption": 19683, - "ĠThompson": 19684, - "ĠJacobian": 19685, - "Tra": 19686, - "evolution": 19687, - "Ġdidn": 19688, - "Ġpercentile": 19689, - "Ġlid": 19690, - "equivalent": 19691, - "Ġantico": 19692, - "Ġmultiply": 19693, - "Ġpenicillin": 19694, - "Ġresponsiveness": 19695, - "Ġrunoff": 19696, - "alanine": 19697, - "squares": 19698, - "ĠInsulin": 19699, - "rele": 19700, - "ĠLif": 19701, - "ĠMinkowski": 19702, - "Ġblend": 19703, - "ĠPand": 19704, - "Ġtwelve": 19705, - "Ġhybrids": 19706, - "Ġbass": 19707, - "interaction": 19708, - "ĠBangladesh": 19709, - "Ġopens": 19710, - "ĠArts": 19711, - "Ġconcave": 19712, - "Ġpedest": 19713, - "Ġfist": 19714, - "ĠAdults": 19715, - "openia": 19716, - "ENCE": 19717, - "ĠFusion": 19718, - "Ġmicroc": 19719, - "ĠSurgical": 19720, - "ylate": 19721, - "Ġpackaging": 19722, - "OCK": 19723, - "QC": 19724, - "Tri": 19725, - "scan": 19726, - "Ġregards": 19727, - "Ġdiscriminant": 19728, - "Ġindustries": 19729, - "icus": 19730, - "ĠWalker": 19731, - "Ġpeers": 19732, - "synt": 19733, - "Ġhorse": 19734, - "Ġflowing": 19735, - "urred": 19736, - "ĠCRP": 19737, - "ĠCareer": 19738, - "iffiffiffiffiffiffiffiff": 19739, - "ĠMSE": 19740, - "hana": 19741, - "ĠMortality": 19742, - "Ġtumorigenesis": 19743, - "ĠIslam": 19744, - "Ġazimuthal": 19745, - "wen": 19746, - "Ġsys": 19747, - "azin": 19748, - "neighbor": 19749, - "Config": 19750, - "they": 19751, - "Ġsorption": 19752, - "Ġspanned": 19753, - "Ġviewpoint": 19754, - "MOD": 19755, - "Ġthrust": 19756, - "uplex": 19757, - "Ġhistograms": 19758, - "Ġprogrammed": 19759, - "Ġethics": 19760, - "ectable": 19761, - "representation": 19762, - "umns": 19763, - "Ġstreet": 19764, - "ĠSobolev": 19765, - "Ġexcision": 19766, - "ĠRud": 19767, - "quires": 19768, - "Ġowned": 19769, - "Ġthousand": 19770, - "Ġantagonists": 19771, - "UST": 19772, - "Ġdrastically": 19773, - "ĠóµĦ©": 19774, - "ĠDor": 19775, - "ĠMOS": 19776, - "pn": 19777, - "ĠDecre": 19778, - "Dep": 19779, - "Ġsintering": 19780, - "Ġpurple": 19781, - "ethanol": 19782, - "Ġhydrocarbon": 19783, - "ĠFO": 19784, - "leftrightarrow": 19785, - "Ġimmunofluorescence": 19786, - "ĠOM": 19787, - "Ġmaturity": 19788, - "Ġearthquakes": 19789, - "Ġaxon": 19790, - "Ġprobed": 19791, - "ORD": 19792, - "ĠADP": 19793, - "sg": 19794, - "omere": 19795, - "Ġtranscribed": 19796, - "Mar": 19797, - "ĠUtil": 19798, - "ĠIA": 19799, - "Ġcompiled": 19800, - "Ġsupervision": 19801, - "ĠXen": 19802, - "ĠJur": 19803, - "compar": 19804, - "Ġhypertensive": 19805, - "ilized": 19806, - "rae": 19807, - "Conclusion": 19808, - "'''": 19809, - "Double": 19810, - "ĠFas": 19811, - "Ġinsectic": 19812, - "ĠPrem": 19813, - "Pri": 19814, - "ĠCao": 19815, - "ĠQuestionnaire": 19816, - "Ġgathered": 19817, - "GW": 19818, - "ĠNV": 19819, - "ĠLactobacillus": 19820, - "Ġcyclin": 19821, - "Ġreject": 19822, - "Ġskull": 19823, - "Ġaw": 19824, - "ĠCold": 19825, - "Ġmesons": 19826, - "bd": 19827, - "Ġdetrimental": 19828, - "apore": 19829, - "nowled": 19830, - "ĠCXCL": 19831, - "Ġspikes": 19832, - "Ġtent": 19833, - "ĠLength": 19834, - "Ġdoor": 19835, - "Ġflour": 19836, - "ustration": 19837, - "Health": 19838, - "Ġtransparency": 19839, - "Ġdisrupted": 19840, - "Hy": 19841, - "overl": 19842, - "ĠReinforcement": 19843, - "ceptors": 19844, - "ĠKos": 19845, - "retroviral": 19846, - "ĠINT": 19847, - "ĠSor": 19848, - "Ġadopting": 19849, - "Ġendoplasmic": 19850, - "Ġsuit": 19851, - "Ġopioid": 19852, - "Ġintegrin": 19853, - "away": 19854, - "Ġtailored": 19855, - "ĠSoc": 19856, - "Ġquies": 19857, - "Ġhusband": 19858, - "Ġumb": 19859, - "ĠCai": 19860, - "ĠAspergillus": 19861, - "ĠGaN": 19862, - "Ġdistinguishing": 19863, - "Ġextrapolation": 19864, - "Ġcage": 19865, - "Ġscavenging": 19866, - "KF": 19867, - "Tree": 19868, - "ĠConflict": 19869, - "UNC": 19870, - "Ġmanganese": 19871, - "days": 19872, - "ÃŁ": 19873, - "ĠLive": 19874, - "sd": 19875, - "ractor": 19876, - "Ġlute": 19877, - "Ġdissimilar": 19878, - "Ġib": 19879, - "ĠVeg": 19880, - "Ġoccurrences": 19881, - "Ġbinomial": 19882, - "Scheme": 19883, - "Ġtape": 19884, - "ĠCant": 19885, - "Ġelectrosp": 19886, - "Cd": 19887, - "made": 19888, - "Ġsevent": 19889, - "shared": 19890, - "Ġaccession": 19891, - "orp": 19892, - "DATA": 19893, - "leted": 19894, - "Vari": 19895, - "Ġrose": 19896, - "tagged": 19897, - "ĠAth": 19898, - "Ġeddy": 19899, - "estone": 19900, - "Ġesters": 19901, - "Ġtyping": 19902, - "ĠStudents": 19903, - "yi": 19904, - "oresistance": 19905, - "inois": 19906, - "Ġglucocortic": 19907, - "iosis": 19908, - "Ġcoronal": 19909, - "Ġsheath": 19910, - "ĠTrack": 19911, - "Ġequilibria": 19912, - "amming": 19913, - "Ġpione": 19914, - "Ġsciences": 19915, - "Ġsuppressing": 19916, - "Ġdeco": 19917, - "ifndef": 19918, - "His": 19919, - "Ġpellet": 19920, - "Linear": 19921, - "orbent": 19922, - "Ġflatten": 19923, - "Ġstraw": 19924, - "Ġalbeit": 19925, - "ĠPredictive": 19926, - "Ġgaze": 19927, - "Ġhydroly": 19928, - "uther": 19929, - "oders": 19930, - "Ġflap": 19931, - "Ġsimplicial": 19932, - "System": 19933, - "Ġstressed": 19934, - "Ġimmunoglobulin": 19935, - "ilia": 19936, - "Ġconsuming": 19937, - "Ġé": 19938, - "galact": 19939, - "Ġadulthood": 19940, - "Ġvorticity": 19941, - "yclic": 19942, - "ovoltaic": 19943, - "ivestock": 19944, - "Ġbeds": 19945, - "ĠPlanning": 19946, - "Ġparameterized": 19947, - "Ġghost": 19948, - "maximum": 19949, - "Ġsuperim": 19950, - "Ġphysicochemical": 19951, - "gp": 19952, - "ongue": 19953, - "Ġprimordial": 19954, - "xff": 19955, - "insula": 19956, - "Mc": 19957, - "Ġminimizes": 19958, - "ĠGravitational": 19959, - "osoma": 19960, - "ignificant": 19961, - "Ġelucidated": 19962, - "Ġsubsurface": 19963, - "significant": 19964, - "Ġrelatives": 19965, - "ferroni": 19966, - "transf": 19967, - "Ġtails": 19968, - "beck": 19969, - "omagnetic": 19970, - "Ġunnecessary": 19971, - "Ġmonomial": 19972, - "delay": 19973, - "Ġsta": 19974, - "ĠSuz": 19975, - "Ġaltering": 19976, - "LOG": 19977, - "ĠLac": 19978, - "Ġranks": 19979, - "hw": 19980, - "ĠNep": 19981, - "Ġneuropath": 19982, - "ĠCompe": 19983, - "Gr": 19984, - "Pati": 19985, - "reduce": 19986, - "ĠMalaysia": 19987, - "ceral": 19988, - "Ġmicrobes": 19989, - "Ġlensing": 19990, - "ĠCalcium": 19991, - "ĠDetermin": 19992, - "ĠCosta": 19993, - "Ġkeeps": 19994, - "printing": 19995, - "ĉĉĉĉĉĉ": 19996, - "chin": 19997, - "exposed": 19998, - "Ġperiodically": 19999, - "Ġrender": 20000, - "ĠCardiovascular": 20001, - "entin": 20002, - "Ġbioavailability": 20003, - "Ġinterpretations": 20004, - "ĠCU": 20005, - "Ġnegoti": 20006, - "Ġantim": 20007, - "Ġdeemed": 20008, - "Ġae": 20009, - "Ġhalos": 20010, - "ĠMichigan": 20011, - "Ġosteoarthritis": 20012, - "diag": 20013, - "ĠBeng": 20014, - "Ġmetagen": 20015, - "Ġparameterization": 20016, - "diagn": 20017, - "ĠMatching": 20018, - "Ġcatalysis": 20019, - "uts": 20020, - "Ġdissemination": 20021, - "Ġoutlet": 20022, - "ĠMoon": 20023, - "ĠGST": 20024, - "sphere": 20025, - "Ġresearcher": 20026, - "ambiguation": 20027, - "Ġraises": 20028, - "Ġflavonoids": 20029, - "ĠMultivariate": 20030, - "Ġaccl": 20031, - "WI": 20032, - "Ġnu": 20033, - "Ġergodic": 20034, - "unique": 20035, - "atinib": 20036, - "Ġresolutions": 20037, - "Ġhouses": 20038, - "DEC": 20039, - "ighed": 20040, - "Ġsixth": 20041, - "Ġpolitician": 20042, - "apache": 20043, - "Ġsolute": 20044, - "Ġaugment": 20045, - "stress": 20046, - "HIV": 20047, - "ĠSets": 20048, - "Ġtransistors": 20049, - "qubit": 20050, - "amines": 20051, - "Ġfarmers": 20052, - "Ġnt": 20053, - "ĠLagrange": 20054, - "Ġvegetables": 20055, - "Ġpret": 20056, - "ĠSynthetic": 20057, - "Ġcones": 20058, - "Ġmedicines": 20059, - "Ġgenomics": 20060, - "Ġexperiencing": 20061, - "agland": 20062, - "Ġgenital": 20063, - "ĠObservatory": 20064, - "ĠSkin": 20065, - "ĠRosen": 20066, - "ĠBritain": 20067, - "genome": 20068, - "ĠEntropy": 20069, - "Ġrac": 20070, - "Go": 20071, - "Ġwalks": 20072, - "criptor": 20073, - "ĠBaker": 20074, - "oker": 20075, - "Ġpropensity": 20076, - "Ġpopularity": 20077, - "restricted": 20078, - "ĠBert": 20079, - "before": 20080, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 20081, - "auto": 20082, - "Rank": 20083, - "ĠRCT": 20084, - "Ġpocket": 20085, - "obut": 20086, - "Ġbenzene": 20087, - "ĠCNT": 20088, - "yptophan": 20089, - "allis": 20090, - "ĠResources": 20091, - "ĠBerlin": 20092, - "Ġscholar": 20093, - "glob": 20094, - "ĠSpeed": 20095, - "ĠXiao": 20096, - "biggl": 20097, - "ANCE": 20098, - "ĠPrime": 20099, - "Phys": 20100, - "idia": 20101, - "Ġmonoc": 20102, - "ĠCommunications": 20103, - "ĠPrecision": 20104, - "ĠPauli": 20105, - "Ġinvestigators": 20106, - "ĠLiang": 20107, - "Ġmeteorological": 20108, - "mog": 20109, - "reens": 20110, - "ubric": 20111, - "Ġrearrangement": 20112, - "orta": 20113, - "Elect": 20114, - "ĠTukey": 20115, - "ĠMis": 20116, - "Ġepiderm": 20117, - "ĠACKNOWLED": 20118, - "wart": 20119, - "Ġexciton": 20120, - "Ġassociative": 20121, - "styrene": 20122, - "Ġlosing": 20123, - "ĠOd": 20124, - "prep": 20125, - "essation": 20126, - "Ġattributable": 20127, - "ĠNavier": 20128, - "anz": 20129, - "Ġcorrectness": 20130, - "oints": 20131, - "ĠRather": 20132, - "Ġassemblies": 20133, - "Ġbridges": 20134, - "OSS": 20135, - "MET": 20136, - "Ġperm": 20137, - "Ġauthorities": 20138, - "Ġiodine": 20139, - "shire": 20140, - "interval": 20141, - "eptid": 20142, - "Ġpotency": 20143, - "Ġrenewable": 20144, - "vard": 20145, - "Ġsurjective": 20146, - "Ġsubsequence": 20147, - "ĠEVs": 20148, - "itching": 20149, - "Ġgenotyping": 20150, - "ĠAccurate": 20151, - "iophene": 20152, - "Gly": 20153, - "plified": 20154, - "ĠDistinct": 20155, - "ACH": 20156, - "Ġspeakers": 20157, - "holm": 20158, - "Ġpros": 20159, - "ĠDevice": 20160, - "mc": 20161, - "ĠDense": 20162, - "ĠVa": 20163, - "rison": 20164, - "Ġacyl": 20165, - "ĠPrincipal": 20166, - "ĠViral": 20167, - "Ġcosine": 20168, - "ĠResidual": 20169, - "Ġefflux": 20170, - "ĠSubjects": 20171, - "Ġrectangle": 20172, - "workers": 20173, - "Ġrotated": 20174, - "Ġbomb": 20175, - "ĠResolution": 20176, - "near": 20177, - "Ġ®": 20178, - "Ġestablishes": 20179, - "amed": 20180, - "Ġcompetence": 20181, - "Glu": 20182, - "ĠDend": 20183, - "ĠHsp": 20184, - "ensation": 20185, - "ĠLead": 20186, - "Ġlogger": 20187, - "sinh": 20188, - "Ġintellectual": 20189, - "former": 20190, - "Ce": 20191, - "Ġmonocyte": 20192, - "hores": 20193, - "Ġdiastolic": 20194, - "Ġlifespan": 20195, - "ĠSilva": 20196, - "arum": 20197, - "Ġtransducer": 20198, - "Ġoutgoing": 20199, - "entation": 20200, - "Ġabsorbing": 20201, - "itage": 20202, - "Ġsynthesize": 20203, - "Ġfeeling": 20204, - "asian": 20205, - "Ġceramics": 20206, - "iph": 20207, - "Ġnonlocal": 20208, - "Part": 20209, - "Ġimmersed": 20210, - "stationary": 20211, - "lecting": 20212, - "Ġwelding": 20213, - "Ġresembles": 20214, - "ĠKat": 20215, - "master": 20216, - "Ġintersect": 20217, - "ĠOlig": 20218, - "ĠTrends": 20219, - "agh": 20220, - "ĠNav": 20221, - "ĠTu": 20222, - "Ġepist": 20223, - "Ġclinics": 20224, - "Ġrepresentatives": 20225, - "Ġgrateful": 20226, - "GPIO": 20227, - "HH": 20228, - "Ġunambig": 20229, - "tuning": 20230, - "Ġnewsp": 20231, - "cohol": 20232, - "################################": 20233, - "%%%%%%%%": 20234, - "represented": 20235, - "ocic": 20236, - "ĠFuk": 20237, - "ĠSund": 20238, - "hasone": 20239, - "Mode": 20240, - "olone": 20241, - "ĠSb": 20242, - "Three": 20243, - "Link": 20244, - "cephal": 20245, - "ĠKap": 20246, - "Ġeliminating": 20247, - "Ġmelanogaster": 20248, - "âŁ": 20249, - "ĠBMD": 20250, - "ISE": 20251, - "ĠBattle": 20252, - "Ġshrinkage": 20253, - "ĠSeven": 20254, - "ĠGlass": 20255, - "romagn": 20256, - "Ġkl": 20257, - "ĠObviously": 20258, - "preserving": 20259, - "ĠPlatform": 20260, - "ĠÌĩ": 20261, - "omavirus": 20262, - "ĠEight": 20263, - "Ġallerg": 20264, - "ĠNanoparticles": 20265, - "aryl": 20266, - "Ġpriors": 20267, - "pattern": 20268, - "Ġlinearity": 20269, - "Ġtruly": 20270, - "Process": 20271, - "Ġdescending": 20272, - "ĠVictoria": 20273, - "cond": 20274, - "ĠICP": 20275, - "orescent": 20276, - "Ġauthority": 20277, - "Ġmock": 20278, - "igmoid": 20279, - "Ġcomorbidities": 20280, - "simple": 20281, - "Ġblo": 20282, - "ĠCompute": 20283, - "Ġgestation": 20284, - "achusetts": 20285, - "Ġphantom": 20286, - "ĠEdward": 20287, - "ĠFBS": 20288, - "factors": 20289, - "ĠEstimates": 20290, - "clear": 20291, - "WB": 20292, - "products": 20293, - "numpy": 20294, - "brief": 20295, - "Ġshop": 20296, - "ĠPoli": 20297, - "ĠRespiratory": 20298, - "Ġsurprisingly": 20299, - "Ġnanocomposite": 20300, - "dividual": 20301, - "Ġholographic": 20302, - "ygdala": 20303, - "roplasty": 20304, - "otactic": 20305, - "ĠPennsylvania": 20306, - "ĠScore": 20307, - "Obj": 20308, - "Ġstories": 20309, - "Ġmaximizing": 20310, - "Ġgelatin": 20311, - "rites": 20312, - "ĠTau": 20313, - "Ġtrypsin": 20314, - "Ġith": 20315, - "Ġfaint": 20316, - "Ġpriming": 20317, - "eworthy": 20318, - "ĠInverse": 20319, - "Ġknots": 20320, - "sharp": 20321, - "Ġtrains": 20322, - "Ġcredit": 20323, - "ĠBelow": 20324, - "pixel": 20325, - "Ġspindle": 20326, - "ĠPast": 20327, - "Ġenumerate": 20328, - "olateral": 20329, - "Ġattending": 20330, - "Ġquantized": 20331, - "Ġhaplotypes": 20332, - "encl": 20333, - "Ġwaven": 20334, - "Ġfurthermore": 20335, - "Ġchallenged": 20336, - "Ġmanufactured": 20337, - "ipheral": 20338, - "Ġinfinites": 20339, - "ĠRand": 20340, - "Ġstaging": 20341, - "agan": 20342, - "Ġperox": 20343, - "trifluor": 20344, - "ĠMcK": 20345, - "ĠFOX": 20346, - "ĠLank": 20347, - "ĠLuo": 20348, - "ĠAnth": 20349, - "ibrio": 20350, - "yel": 20351, - "ĠJi": 20352, - "ĠIO": 20353, - "ĠBridge": 20354, - "ĠRow": 20355, - "Ġcompensated": 20356, - "atsu": 20357, - "Ġhypothetical": 20358, - "Ġterminals": 20359, - "Ġcobalt": 20360, - "mers": 20361, - "ĠMang": 20362, - "NI": 20363, - "ĠRac": 20364, - "ALS": 20365, - "fen": 20366, - "ĠUb": 20367, - "Ġpredation": 20368, - "cadherin": 20369, - "ĠShanghai": 20370, - "Ġtries": 20371, - "Ġsport": 20372, - "acrylate": 20373, - "ĠAlgebraic": 20374, - "aints": 20375, - "Expr": 20376, - "Ġandrogen": 20377, - "Ġwedge": 20378, - "disp": 20379, - "Ġstirred": 20380, - "ĠAle": 20381, - "Ġcock": 20382, - "Four": 20383, - "Ġscanner": 20384, - "Ġplasmon": 20385, - "ĠGender": 20386, - "ĠRecord": 20387, - "ĠInjury": 20388, - "oblastic": 20389, - "ĠFluorescence": 20390, - "Ġantidepress": 20391, - "Ġdefinitive": 20392, - "Ġrepression": 20393, - "ordinates": 20394, - "Ġangiography": 20395, - "ĠHelical": 20396, - "Ġcancellation": 20397, - "release": 20398, - "Ġrelational": 20399, - "ĠAndre": 20400, - "molecule": 20401, - "Ġshaping": 20402, - "ĠDenmark": 20403, - "ĠALS": 20404, - "ĠNW": 20405, - "overrightarrow": 20406, - "Ġcombat": 20407, - "boxes": 20408, - "subject": 20409, - "Ġnanoscale": 20410, - "Ġcanine": 20411, - "Ġsaving": 20412, - "Ġstrategic": 20413, - "Stat": 20414, - "ĠDub": 20415, - "Ġpermitted": 20416, - "ĠTwitter": 20417, - "âĶ": 20418, - "Ġmemories": 20419, - "ĠBusiness": 20420, - "adays": 20421, - "Ġpooling": 20422, - "ĠClusters": 20423, - "imide": 20424, - "ounters": 20425, - "fraction": 20426, - "ĠCliff": 20427, - "Cam": 20428, - "Even": 20429, - "KY": 20430, - "kit": 20431, - "ibrated": 20432, - "Ġaccompanying": 20433, - "anus": 20434, - "Ġbuoy": 20435, - "Ġproliferative": 20436, - "Ġproc": 20437, - "Ġstabilizing": 20438, - "ĠNamely": 20439, - "posp": 20440, - "soon": 20441, - "Ġaberrant": 20442, - "Ġinterstellar": 20443, - "Overall": 20444, - "ĠGn": 20445, - "ĠFeedback": 20446, - "Ġoracle": 20447, - "Ġprenatal": 20448, - "commun": 20449, - "Ġoutbreaks": 20450, - "Ġfertilization": 20451, - "ĠMAG": 20452, - "Ġsinger": 20453, - "ĠMicrowave": 20454, - "ĠParliament": 20455, - "casting": 20456, - "General": 20457, - "algorithm": 20458, - "Ġphrase": 20459, - "Ġavian": 20460, - "ĠPLA": 20461, - "Ġhardly": 20462, - "approximately": 20463, - "ARCH": 20464, - "Ġtransc": 20465, - "Ġdecomp": 20466, - "contin": 20467, - "ĠMilky": 20468, - "Ġherpes": 20469, - "Range": 20470, - "OFF": 20471, - "prisingly": 20472, - "lx": 20473, - "ĠABA": 20474, - "Ġshore": 20475, - "Ġderiving": 20476, - "Ġpellets": 20477, - "nowledg": 20478, - "Item": 20479, - "stranded": 20480, - "built": 20481, - "Glc": 20482, - "quist": 20483, - "ĠSubstrate": 20484, - "Ġtraditionally": 20485, - "ĠMount": 20486, - "ivalence": 20487, - "axation": 20488, - "Ġlocate": 20489, - "Ġgun": 20490, - "Ġvocabulary": 20491, - "ĠPolym": 20492, - "Ġect": 20493, - "Ġmult": 20494, - "Ġsedimentary": 20495, - "Ġautocorrelation": 20496, - "ĠSympt": 20497, - "Ġterritory": 20498, - "Ġexcitatory": 20499, - "Ġvote": 20500, - "Ġhered": 20501, - "acea": 20502, - "ĠFocus": 20503, - "ampling": 20504, - "ffee": 20505, - "Ġprimes": 20506, - "ĠMaking": 20507, - "irs": 20508, - "MPs": 20509, - "Ġlitter": 20510, - "amethasone": 20511, - "ĠkJ": 20512, - "Ġsecretory": 20513, - "Ġcostly": 20514, - "Ġpartnership": 20515, - "ĠBacteria": 20516, - "Ġperoxidation": 20517, - "stroke": 20518, - "ĠSav": 20519, - "ĠBW": 20520, - "Ġconnects": 20521, - "Ġamine": 20522, - "ril": 20523, - "Ġbattle": 20524, - "ĠNotes": 20525, - "ĠProvid": 20526, - "ĠInstitutional": 20527, - "Ġpropri": 20528, - "fan": 20529, - "Ġpun": 20530, - "romb": 20531, - "vities": 20532, - "ĠCAM": 20533, - "ĠIsh": 20534, - "ĠHN": 20535, - "ĠRecomb": 20536, - "sche": 20537, - "Ġsynchrotron": 20538, - "rik": 20539, - "synaptic": 20540, - "ĠGeorgia": 20541, - "??": 20542, - "CY": 20543, - "Ġcorresponded": 20544, - "kinase": 20545, - "ĠITS": 20546, - "Ġproposals": 20547, - "Ġbioge": 20548, - "ĠESR": 20549, - "ĠWen": 20550, - "ĠJa": 20551, - "ĠSevere": 20552, - "ĠAden": 20553, - "ĠCCL": 20554, - "Ġseat": 20555, - "ĠKre": 20556, - "Ġhelping": 20557, - "Ġnets": 20558, - "ĠLep": 20559, - "hedra": 20560, - "opoulos": 20561, - "ĠBak": 20562, - "ansas": 20563, - "Ġrefrig": 20564, - "Ġubiquitous": 20565, - "Ġmatters": 20566, - "Ġsilicate": 20567, - "ĠLastly": 20568, - "ĠTheories": 20569, - "Ġagarose": 20570, - "biggr": 20571, - "transition": 20572, - "ĠDecomposition": 20573, - "bromo": 20574, - "Ġstakeholders": 20575, - "ĠEE": 20576, - "Only": 20577, - "ĠKenya": 20578, - "Ġargon": 20579, - "ĠIdentifying": 20580, - "Ġtournament": 20581, - "clock": 20582, - "ĠCFU": 20583, - "ĠBehavioral": 20584, - "Ġpod": 20585, - "Ġtaxonomy": 20586, - "ĠProduct": 20587, - "ĠAlong": 20588, - "Ġfamilial": 20589, - "Ġdescriptor": 20590, - "vated": 20591, - "ĠVariables": 20592, - "tp": 20593, - "Ġgoods": 20594, - "ĠAST": 20595, - "ĠAnis": 20596, - "Ġspinor": 20597, - "attention": 20598, - "Ġbasket": 20599, - "Struct": 20600, - "Ġimmunohistochemical": 20601, - "engers": 20602, - "CAT": 20603, - "Ġtangential": 20604, - "Cap": 20605, - "ĠPair": 20606, - "Ġviscoelastic": 20607, - "ĠAds": 20608, - "Ġglycosylation": 20609, - "Ġdur": 20610, - "ĠMinimum": 20611, - "Ġrigidity": 20612, - "stats": 20613, - "tillation": 20614, - "ĠDiscrim": 20615, - "ĠLegend": 20616, - "Previous": 20617, - "film": 20618, - "Ġaluminium": 20619, - "Micro": 20620, - "inia": 20621, - "egel": 20622, - "ĠSubcellular": 20623, - "Ġbottleneck": 20624, - "Ġsyll": 20625, - "icle": 20626, - "Ġsheaf": 20627, - "chell": 20628, - "example": 20629, - "ĠSelected": 20630, - "Ġpredators": 20631, - "Ġreper": 20632, - "Ġstrugg": 20633, - "ĠMaria": 20634, - "lyl": 20635, - "LF": 20636, - "Ġexercises": 20637, - "obium": 20638, - "ILITY": 20639, - "corrected": 20640, - "Ġbenchmarks": 20641, - "ĠTol": 20642, - "Ġintercept": 20643, - "ĠCalculation": 20644, - "ĠIndonesia": 20645, - "Ġglioblastoma": 20646, - "KM": 20647, - "ĠSupplemental": 20648, - "Ġcitizens": 20649, - "adren": 20650, - "Ġmultimodal": 20651, - "Ġmosquitoes": 20652, - "iva": 20653, - "ĠFindings": 20654, - "ĠPub": 20655, - "ĠMacroph": 20656, - "Acknowledg": 20657, - "Ġbasins": 20658, - "exact": 20659, - "Ġgrades": 20660, - "Ġfir": 20661, - "iga": 20662, - "ĠPolynomial": 20663, - "ĠLongitudinal": 20664, - "Ġsemiconductors": 20665, - "Top": 20666, - "iptera": 20667, - "Ġlacks": 20668, - "rograph": 20669, - "Ġselects": 20670, - "Ġsweet": 20671, - "Ġbac": 20672, - "Ġdownloaded": 20673, - "aponic": 20674, - "ijk": 20675, - "otonic": 20676, - "normalized": 20677, - "ĠVariability": 20678, - "division": 20679, - "ĠSupers": 20680, - "ilab": 20681, - "Human": 20682, - "Ġleptin": 20683, - "Ġosmotic": 20684, - "Ġhur": 20685, - "ĠSingapore": 20686, - "ĠOPT": 20687, - "ĠSoviet": 20688, - "litaxel": 20689, - "retaceous": 20690, - "ĠOnc": 20691, - "ĠIX": 20692, - "ulas": 20693, - "uent": 20694, - "Ġlymphoid": 20695, - "Tc": 20696, - "Ġrationale": 20697, - "Layer": 20698, - "osities": 20699, - "Ġdesire": 20700, - "ĠAnnual": 20701, - "uba": 20702, - "ĠCompounds": 20703, - "Ġantifungal": 20704, - "Ġcationic": 20705, - "items": 20706, - "acterium": 20707, - "amilies": 20708, - "Ġelongated": 20709, - "ĠMassachusetts": 20710, - "ĠIrish": 20711, - "asso": 20712, - "azo": 20713, - "ĠBurk": 20714, - "robenius": 20715, - "Ġisinstance": 20716, - "bion": 20717, - "Ġgreedy": 20718, - "Ġnicotine": 20719, - "Ġretrieve": 20720, - "Ġsympathetic": 20721, - "quee": 20722, - "Ġfoli": 20723, - "Ġsputter": 20724, - "Ġgrading": 20725, - "determined": 20726, - "Ġabnorm": 20727, - "Ġmanagers": 20728, - "Ġtopical": 20729, - "Ġimmig": 20730, - "ĠDNN": 20731, - "gtr": 20732, - "Ġdetections": 20733, - "ĠObesity": 20734, - "suc": 20735, - "ĠSche": 20736, - "Ġtrunk": 20737, - "Ġtough": 20738, - "ĠBN": 20739, - "Ġru": 20740, - "oxif": 20741, - "Ġaiming": 20742, - "ĠExtracellular": 20743, - "Ġhaplotype": 20744, - "Du": 20745, - "ĠDing": 20746, - "ĠDol": 20747, - "Ġhumid": 20748, - "brom": 20749, - "Ġoffline": 20750, - "Combining": 20751, - "Ġpulsar": 20752, - "Ġpari": 20753, - "partate": 20754, - "imated": 20755, - "Ġwatershed": 20756, - "acrylamide": 20757, - "exec": 20758, - "ĠComposite": 20759, - "Ġdispersive": 20760, - "Ġtons": 20761, - "rometry": 20762, - "ĠJud": 20763, - "aza": 20764, - "Ġchickens": 20765, - "register": 20766, - "nz": 20767, - "Util": 20768, - "ĠVes": 20769, - "eV": 20770, - "ĠRule": 20771, - "substituted": 20772, - "Conv": 20773, - "query": 20774, - "Mac": 20775, - "ĠTar": 20776, - "implies": 20777, - "ĠRates": 20778, - "Ġrins": 20779, - "Ġtimescales": 20780, - "ĠCzech": 20781, - "Such": 20782, - "restimate": 20783, - "ĠMb": 20784, - "ĠFuj": 20785, - "ĠIMD": 20786, - "cit": 20787, - "Ġraising": 20788, - "........": 20789, - "home": 20790, - "asted": 20791, - "Ġocta": 20792, - "Ġcadmium": 20793, - "Ġpsori": 20794, - "roleum": 20795, - "ĠStellar": 20796, - "ĠKinase": 20797, - "ĠGard": 20798, - "ieu": 20799, - "ĠMoS": 20800, - "MG": 20801, - "ĠGSH": 20802, - "Ġhazards": 20803, - "Ġnice": 20804, - "heating": 20805, - "Ġreproducible": 20806, - "genesis": 20807, - "ĠIgM": 20808, - "Ġbeat": 20809, - "onuclease": 20810, - "entralized": 20811, - "ĠLé": 20812, - "Ġdol": 20813, - "Ġdeeply": 20814, - "ractive": 20815, - "Ġglial": 20816, - "iella": 20817, - "Ġinitialized": 20818, - "ĠMethodology": 20819, - "Ġbenthic": 20820, - "omi": 20821, - "ĠAlter": 20822, - "Ordered": 20823, - "ĠLIN": 20824, - "Ġunilateral": 20825, - "Ġcorticoster": 20826, - "LEN": 20827, - "Ġdilute": 20828, - "Ġmetalloprotein": 20829, - "abeth": 20830, - "ampion": 20831, - "Ġmoral": 20832, - "ĠSiC": 20833, - "Ġquadrature": 20834, - "Ġsedimentation": 20835, - "ete": 20836, - "ĠFrag": 20837, - "Ġpeaked": 20838, - "Ġmitigation": 20839, - "Ġsoldi": 20840, - "Ġdoubly": 20841, - "Ġellipso": 20842, - "ĠlncRNAs": 20843, - "Ġâİ¢": 20844, - "ĠSame": 20845, - "ĠSustain": 20846, - "ĠCapacity": 20847, - "Ġsomat": 20848, - "Ġtransistor": 20849, - "Ġassayed": 20850, - "ĠNur": 20851, - "tools": 20852, - "Sing": 20853, - "Ġligament": 20854, - "atever": 20855, - "Ġperce": 20856, - "hence": 20857, - "UX": 20858, - "sent": 20859, - "EGG": 20860, - "third": 20861, - "enders": 20862, - "theoretic": 20863, - "Ġrewards": 20864, - "uto": 20865, - "Ġinstallation": 20866, - "ĠKinetic": 20867, - "ĠInnov": 20868, - "ĠSolving": 20869, - "ĠSymmetry": 20870, - "Ġramp": 20871, - "Ġneuropathy": 20872, - "omerization": 20873, - "Ġcatech": 20874, - "Pred": 20875, - "ĠBoh": 20876, - "EMENT": 20877, - "Ġarmy": 20878, - "ĠYukawa": 20879, - "Ġalignments": 20880, - "ĠDependence": 20881, - "Ġenv": 20882, - "ean": 20883, - "sr": 20884, - "Ġinterpreting": 20885, - "elocity": 20886, - "Ġpsychology": 20887, - "Ġbiofilms": 20888, - "Ġeccentricity": 20889, - "lot": 20890, - "analytic": 20891, - "Ġperiodicity": 20892, - "nings": 20893, - "ĠKent": 20894, - "flag": 20895, - "Ġmp": 20896, - "ĠNich": 20897, - "hire": 20898, - "Ġflare": 20899, - "Ġcitrate": 20900, - "Ġpaste": 20901, - "Ġdelete": 20902, - "zymes": 20903, - "orientation": 20904, - "ĠHY": 20905, - "Ġcommands": 20906, - "Ġstrike": 20907, - "symbol": 20908, - "ĠMind": 20909, - "Ġoptimisation": 20910, - "Ġosteoporosis": 20911, - "ĠInflammation": 20912, - "ĠIntelligence": 20913, - "eh": 20914, - "utum": 20915, - "Ġvec": 20916, - "ellation": 20917, - "ĠBloch": 20918, - "ĠMajorana": 20919, - "enor": 20920, - "ĠNgu": 20921, - "Ġdeuter": 20922, - "opedia": 20923, - "Ġutter": 20924, - "Ġribosome": 20925, - "Ġactors": 20926, - "electronic": 20927, - "ée": 20928, - "Ġfeaturing": 20929, - "agle": 20930, - "Ġperin": 20931, - "ĠCivil": 20932, - "Ġpredefined": 20933, - "lag": 20934, - "ĠJAK": 20935, - "jamin": 20936, - "individual": 20937, - "onc": 20938, - "Ġfishing": 20939, - "ditive": 20940, - "Norm": 20941, - "ĠScanning": 20942, - "vanishing": 20943, - "Ġcessation": 20944, - "ĠHole": 20945, - "ributes": 20946, - "IE": 20947, - "ĠMpc": 20948, - "wegian": 20949, - "Ma": 20950, - "Ġrevisited": 20951, - "ĠPlus": 20952, - "abilized": 20953, - "Ġscanned": 20954, - "ĠExchange": 20955, - "Ġbromide": 20956, - "Life": 20957, - "otroph": 20958, - "ADS": 20959, - "âĭħ": 20960, - "Ġoperative": 20961, - "ĠBERT": 20962, - "Ġplume": 20963, - "Ġpoorer": 20964, - "Ġtrout": 20965, - "Ġmicrotubule": 20966, - "Ġphosphatidyl": 20967, - "radius": 20968, - "ĠMuscle": 20969, - "Ġcarcinogenesis": 20970, - "Ġseeing": 20971, - "uclein": 20972, - "follow": 20973, - "Ġsupplements": 20974, - "olars": 20975, - "specially": 20976, - "Ġcompleting": 20977, - "Ġnaïve": 20978, - "ĠÏ©": 20979, - "clerotic": 20980, - "Disc": 20981, - "ĠFestival": 20982, - "Ġclick": 20983, - "clusive": 20984, - "Ġcatalogue": 20985, - "Ġapps": 20986, - "ĠSED": 20987, - "Ġstacked": 20988, - "Ġtune": 20989, - "ĠDMEM": 20990, - "Ġaerosols": 20991, - "Ġgear": 20992, - "antine": 20993, - "ĠStone": 20994, - "Ġpositives": 20995, - "triang": 20996, - "probability": 20997, - "Ġdecoupling": 20998, - "ĠÍĵ": 20999, - "ĠVin": 21000, - "Ġsurvived": 21001, - "Ġreplicated": 21002, - "utrient": 21003, - "Ġtemperate": 21004, - "Ġensembles": 21005, - "Ġmulticenter": 21006, - "Ġgaseous": 21007, - "idea": 21008, - "classification": 21009, - "ĠOutcome": 21010, - "clonal": 21011, - "Ġdiscontinuity": 21012, - "Ġadvantageous": 21013, - "Ġdistricts": 21014, - "ĠIBM": 21015, - "inguishable": 21016, - "Ġcars": 21017, - "cult": 21018, - "enriched": 21019, - "argin": 21020, - "novae": 21021, - "steady": 21022, - "Ġbuy": 21023, - "piration": 21024, - "Ġpartitioned": 21025, - "Ġinability": 21026, - "pq": 21027, - "Ġbull": 21028, - "odend": 21029, - "Ġassistant": 21030, - "Ġlumen": 21031, - "Ġconverting": 21032, - "PY": 21033, - "zol": 21034, - "utors": 21035, - "ĠNLRP": 21036, - "apply": 21037, - "ĠBonferroni": 21038, - "Ls": 21039, - "Ġtips": 21040, - "ĠLN": 21041, - "rolase": 21042, - "Ġadvis": 21043, - "ĠMetast": 21044, - "Ġsaliva": 21045, - "Ġinhabit": 21046, - "Ġrim": 21047, - "debug": 21048, - "Any": 21049, - "Ġforb": 21050, - "Ġversatile": 21051, - "ĠCompact": 21052, - "voc": 21053, - "ĠIso": 21054, - "ĠJus": 21055, - "bodies": 21056, - "ARM": 21057, - "ĠGWAS": 21058, - "hetized": 21059, - "Ġmicrofluidic": 21060, - "Ġacetonitrile": 21061, - "Ġinhom": 21062, - "Ġparench": 21063, - "Ġinsensitive": 21064, - "Ġagency": 21065, - "poor": 21066, - "ĠAngi": 21067, - "Ġapproached": 21068, - "Ġemulsion": 21069, - "Ġvoluntary": 21070, - "utt": 21071, - "ĠRecurrent": 21072, - "riculum": 21073, - "ê": 21074, - "Ġtall": 21075, - "ĠDepth": 21076, - "Ġff": 21077, - "ĠIncidence": 21078, - "Ġmanifestation": 21079, - "Ġcompromised": 21080, - "iaceae": 21081, - "ĠMIT": 21082, - "otransfer": 21083, - "ĠWD": 21084, - "mov": 21085, - "ĠManual": 21086, - "Medi": 21087, - "Ġinterfering": 21088, - "ĠJacobi": 21089, - "KT": 21090, - "Ġsarcoma": 21091, - "Ġkidneys": 21092, - "Ġodor": 21093, - "Ġti": 21094, - "yday": 21095, - "although": 21096, - "visible": 21097, - "Ġdengue": 21098, - "ĠCAL": 21099, - "strat": 21100, - "ĠVariations": 21101, - "inib": 21102, - "components": 21103, - "ĠTob": 21104, - "ĠAntioxidant": 21105, - "ÍĶ": 21106, - "Ġkiller": 21107, - "Ġsubtracted": 21108, - "ĠEvents": 21109, - "Ġimplements": 21110, - "ĠGAN": 21111, - "Ġprophylaxis": 21112, - "Ġnozz": 21113, - "Ġsmoothed": 21114, - "Ġdecaying": 21115, - "ĠInitially": 21116, - "Ġuncommon": 21117, - "Ġconductor": 21118, - "ĠWOR": 21119, - "avity": 21120, - "ĠXie": 21121, - "ĠAcet": 21122, - "Ġine": 21123, - "ĠBeam": 21124, - "opolymer": 21125, - "ĠXML": 21126, - "ĠWide": 21127, - "Ñĥ": 21128, - "Ġejection": 21129, - "BMI": 21130, - "tc": 21131, - "uez": 21132, - "Ġcerebellar": 21133, - "Ġcatchment": 21134, - "coxon": 21135, - "ĠShannon": 21136, - "Ġcentrality": 21137, - "Ġsafely": 21138, - "probe": 21139, - "ĠLaboratories": 21140, - "Ġnc": 21141, - "Ġspher": 21142, - "Ġprobing": 21143, - "ĠLev": 21144, - "Ġaf": 21145, - "ĠMig": 21146, - "ĠVascular": 21147, - "Ġprogrammes": 21148, - "Ġcontaminants": 21149, - "sequent": 21150, - "Ġbonded": 21151, - "integration": 21152, - "bos": 21153, - "ĠFew": 21154, - "ĠIllinois": 21155, - "She": 21156, - "WC": 21157, - "ĠGPIO": 21158, - "oC": 21159, - "ĠMaternal": 21160, - "ercetin": 21161, - "ĠMassive": 21162, - "Ġenorm": 21163, - "imgur": 21164, - "Ġbidirectional": 21165, - "ĠGraphene": 21166, - "insky": 21167, - "ĠObserve": 21168, - "Ġstops": 21169, - "bio": 21170, - "ĠLines": 21171, - "ĠGill": 21172, - "Ġeigenvector": 21173, - "Space": 21174, - "ĠMining": 21175, - "Ġmelatonin": 21176, - "ĠSET": 21177, - "onsequ": 21178, - "oscale": 21179, - "ĠRaw": 21180, - "Ġreviewers": 21181, - "Ġnanofib": 21182, - "taking": 21183, - "ammad": 21184, - "Ġrecursion": 21185, - "usal": 21186, - "Ġpositron": 21187, - "ĠNIH": 21188, - "ĠINTER": 21189, - "ĠDocument": 21190, - "Ġconstantly": 21191, - "Ġundergone": 21192, - "Ġelectroweak": 21193, - "Ġiteratively": 21194, - "folio": 21195, - "Ġsubfamily": 21196, - "Ġâİ¥": 21197, - "Page": 21198, - "ferm": 21199, - "avir": 21200, - "Ġagencies": 21201, - "Ġpolys": 21202, - "ĠSquare": 21203, - "ymm": 21204, - "Ġhydrogels": 21205, - "almost": 21206, - "arter": 21207, - "Ġankle": 21208, - "Ġrises": 21209, - "Ġmedull": 21210, - "gated": 21211, - "Ġmononuclear": 21212, - "Ġdiscussing": 21213, - "Ġprofessor": 21214, - "transformed": 21215, - "Ġcolours": 21216, - "ragg": 21217, - "emicon": 21218, - "Ġsymmetrical": 21219, - "Ġplacental": 21220, - "Ġli": 21221, - "Ġstudio": 21222, - "sequences": 21223, - "Ġtam": 21224, - "ĠLap": 21225, - "ĠCriteria": 21226, - "Ġhappened": 21227, - "Ġantiferromagnetic": 21228, - "ĠHausdorff": 21229, - "ĠCONCLUSIONS": 21230, - "HER": 21231, - "VR": 21232, - "ĠKor": 21233, - "ĠAPO": 21234, - "Ġprotecting": 21235, - "ĠSOL": 21236, - "ĠBuck": 21237, - "phia": 21238, - "ĠMultim": 21239, - "onine": 21240, - "ulsions": 21241, - "Ġgp": 21242, - "benzamide": 21243, - "ĠNADPH": 21244, - "ĠOhio": 21245, - "ĠMEG": 21246, - "COVID": 21247, - "Ġdisplaced": 21248, - "ĠAbb": 21249, - "Ġbranched": 21250, - "ĠNavy": 21251, - "ĠNrf": 21252, - "ĠODE": 21253, - "achi": 21254, - "ĠTransient": 21255, - "Ġcircumference": 21256, - "Ġbees": 21257, - "iration": 21258, - "Ġfaculty": 21259, - "IGHT": 21260, - "ĠMetabolism": 21261, - "MK": 21262, - "ĠInequ": 21263, - "ĠQualitative": 21264, - "PBS": 21265, - "terminus": 21266, - "kary": 21267, - "ovian": 21268, - "ĠTHz": 21269, - "ĠReliability": 21270, - "furan": 21271, - "Ġcorners": 21272, - "Ġattacker": 21273, - "Ġmarriage": 21274, - "oprecipitation": 21275, - "ĠCry": 21276, - "ĠâĬĻ": 21277, - "Ġevolves": 21278, - "Ġban": 21279, - "Ġdiurnal": 21280, - "ounce": 21281, - "Ġoverw": 21282, - "ĠHoff": 21283, - "Ġextrinsic": 21284, - "amps": 21285, - "ULAR": 21286, - "opher": 21287, - "Ġlighting": 21288, - "Ġarchitectural": 21289, - "hesive": 21290, - "Ġsavings": 21291, - "Ġglaucoma": 21292, - "ozoa": 21293, - "ĠOption": 21294, - "controll": 21295, - "ecker": 21296, - "Ġosteocl": 21297, - "Ġglycine": 21298, - "analyses": 21299, - "ĠAld": 21300, - "ĠSyd": 21301, - "ĠCx": 21302, - "Ġscalars": 21303, - "Ġknowing": 21304, - "Ġremember": 21305, - "ĠEmbry": 21306, - "TEM": 21307, - "ĠBran": 21308, - "FORM": 21309, - "Ġsurviving": 21310, - "Ġglobular": 21311, - "Ġinclusive": 21312, - "sched": 21313, - "UTION": 21314, - "Ġquadrupole": 21315, - "ĠHubbard": 21316, - "Ġaxonal": 21317, - "ĠCosmic": 21318, - "Ġslots": 21319, - "ĠProcedure": 21320, - "agin": 21321, - "ĠLoop": 21322, - "arer": 21323, - "Ġbutter": 21324, - "Ġhistopathological": 21325, - "fusion": 21326, - "ANOVA": 21327, - "Ġclosing": 21328, - "ĠLord": 21329, - "ĠBis": 21330, - "ĠRAM": 21331, - "IDE": 21332, - "Ġjournals": 21333, - "Ġmonkeys": 21334, - "Ġattenuates": 21335, - "Ġsegmented": 21336, - "TOF": 21337, - "otional": 21338, - "polymer": 21339, - "ĠShah": 21340, - "Akt": 21341, - "Wr": 21342, - "lov": 21343, - "Ġpolymorphic": 21344, - "Ġarrangements": 21345, - "UF": 21346, - "lon": 21347, - "Ġdepressed": 21348, - "NAT": 21349, - "ĠOperation": 21350, - "ι": 21351, - "ĠRan": 21352, - "âIJ": 21353, - "Ġthereafter": 21354, - "Ġmyeloma": 21355, - "jor": 21356, - "Ã¥": 21357, - "ĠWinter": 21358, - "ptosis": 21359, - "Dir": 21360, - "verty": 21361, - "ĠFinn": 21362, - "Ġortholog": 21363, - "Ġmonotonically": 21364, - "Ġtectonic": 21365, - "ĠGBM": 21366, - "ĠAO": 21367, - "Ġgenerative": 21368, - "Clearly": 21369, - "Ġtile": 21370, - "ĠRNN": 21371, - "Ġgrounds": 21372, - "GaAs": 21373, - "Ġbee": 21374, - "ĠBoy": 21375, - "ĠTranscriptional": 21376, - "urin": 21377, - "otom": 21378, - "Ġsinusoidal": 21379, - "ĠAy": 21380, - "ĠClinic": 21381, - "utorial": 21382, - "ĠADC": 21383, - "ERIAL": 21384, - "cation": 21385, - "ĠADHD": 21386, - "cyclohex": 21387, - "ĠHawai": 21388, - "astom": 21389, - "Ġmorphologies": 21390, - "Ġrodents": 21391, - "Ġscalability": 21392, - "ROS": 21393, - "aemia": 21394, - "Ġdecompose": 21395, - "Ġpivotal": 21396, - "Ġdiffusivity": 21397, - "Ġcovalent": 21398, - "ĠKD": 21399, - "atalyst": 21400, - "Ġoldest": 21401, - "Ġsuitability": 21402, - "Ġwants": 21403, - "ifts": 21404, - "ĠDistributions": 21405, - "ĠQueen": 21406, - "lich": 21407, - "Ġparse": 21408, - "ĠMHD": 21409, - "Ġrecre": 21410, - "Ġhydroxide": 21411, - "eum": 21412, - "Ġlev": 21413, - "Ġreferral": 21414, - "planes": 21415, - "ĠEgypt": 21416, - "Ġlenti": 21417, - "Ġtransactions": 21418, - "Ġexpense": 21419, - "Ġcysts": 21420, - "Ġabscess": 21421, - "ĠmicroRNAs": 21422, - "effectiveness": 21423, - "ĠDifferentiation": 21424, - "Ġcertif": 21425, - "cience": 21426, - "ĠREL": 21427, - "Ġreadout": 21428, - "ĠQuasi": 21429, - "Ġrounded": 21430, - "otti": 21431, - "efficients": 21432, - "Ġsynchronized": 21433, - "Ġsilico": 21434, - "Ġforecasts": 21435, - "Ġdμ": 21436, - "Ġexotic": 21437, - "ĠOCT": 21438, - "xb": 21439, - "Ġasynchronous": 21440, - "nez": 21441, - "chiat": 21442, - "Ġhaemat": 21443, - "Ġfulfill": 21444, - "ĠMix": 21445, - "ibli": 21446, - "fm": 21447, - "Ġjava": 21448, - "soluble": 21449, - "Ġincompressible": 21450, - "âĨij": 21451, - "CDM": 21452, - "Ġdilation": 21453, - "LYP": 21454, - "ashes": 21455, - "ĠSports": 21456, - "Ġfundament": 21457, - "ĠSaudi": 21458, - "Ġenroll": 21459, - "ĠNaOH": 21460, - "Ġcrustal": 21461, - "ĠInstruments": 21462, - "Ġïģ¡": 21463, - "Result": 21464, - "Ġpreferential": 21465, - "Ġsugars": 21466, - "Ġdimers": 21467, - "ĠEmerging": 21468, - "ère": 21469, - "diabetic": 21470, - "Ġstrengthening": 21471, - "epi": 21472, - "ĠMeg": 21473, - "ĠYour": 21474, - "ĠSetting": 21475, - "lez": 21476, - "ĠBou": 21477, - "Ġhistology": 21478, - "Ġolive": 21479, - "ĠDisorders": 21480, - "Ġdistorted": 21481, - "Ġcompete": 21482, - "cens": 21483, - "ĠAe": 21484, - "ĠGG": 21485, - "Ġquantifying": 21486, - "Ġaur": 21487, - "ĠWright": 21488, - "Ġsuperconductor": 21489, - "eds": 21490, - "stalk": 21491, - "concent": 21492, - "ĠLimited": 21493, - "Ġstyles": 21494, - "design": 21495, - "ĠEllip": 21496, - "PLA": 21497, - "mogorov": 21498, - "ĠRidge": 21499, - "Ġrandomization": 21500, - "aft": 21501, - "icially": 21502, - "ĠBiotechnology": 21503, - "Ġseizure": 21504, - "KI": 21505, - "AVE": 21506, - "receptor": 21507, - "Ġgrammar": 21508, - "Ġcrime": 21509, - "nection": 21510, - "inces": 21511, - "ĠCompton": 21512, - "Ġventricle": 21513, - "Ġredistribution": 21514, - "ynaptic": 21515, - "Parameter": 21516, - "Normal": 21517, - "Pack": 21518, - "ermann": 21519, - "ulants": 21520, - "degenerate": 21521, - "ĠNewtonian": 21522, - "Ġancestral": 21523, - "phrag": 21524, - "Ġimpression": 21525, - "Ġnormalize": 21526, - "Ġambiguous": 21527, - "Ġingredient": 21528, - "ĠClaim": 21529, - "Ġcleaved": 21530, - "ĠApproaches": 21531, - "ĠSPECT": 21532, - "csv": 21533, - "ĠReveals": 21534, - "ĠWaves": 21535, - "Ġdwarfs": 21536, - "ĠProgress": 21537, - "Ġaorta": 21538, - "Ġnig": 21539, - "ĠAdams": 21540, - "ĠMüller": 21541, - "ĠYellow": 21542, - "ĠCord": 21543, - "ĠPhill": 21544, - "ĠFormal": 21545, - "besgue": 21546, - "termin": 21547, - "rn": 21548, - "bn": 21549, - "kine": 21550, - "rit": 21551, - "qi": 21552, - "ĠRoute": 21553, - "enol": 21554, - "ĠASC": 21555, - "ĠPu": 21556, - "mill": 21557, - "umer": 21558, - "Ġsupernova": 21559, - "iative": 21560, - "differenti": 21561, - "Ġtolu": 21562, - "opus": 21563, - "RM": 21564, - "Ġpoverty": 21565, - "ĠXX": 21566, - "ĠïĤ¶": 21567, - "ultry": 21568, - "Optim": 21569, - "Ġglacial": 21570, - "ĠDispers": 21571, - "Ġdifferentiating": 21572, - "ández": 21573, - "project": 21574, - "ĠEliz": 21575, - "scaling": 21576, - "ĠToll": 21577, - "Ġnonempty": 21578, - "Ġpredicate": 21579, - "Ġgyrus": 21580, - "minute": 21581, - "âĸ": 21582, - "ĠHind": 21583, - "ĠLiving": 21584, - "VS": 21585, - "prior": 21586, - "ĠVertical": 21587, - "arks": 21588, - "ĠSFR": 21589, - "ĠVietnam": 21590, - "compare": 21591, - ">>>": 21592, - "Ġbanks": 21593, - "Ġseptic": 21594, - "ĠBif": 21595, - "ĠEPS": 21596, - "ĠIntel": 21597, - "ĠDisorder": 21598, - "PN": 21599, - "ĠNord": 21600, - "tiveness": 21601, - "Ġdrilling": 21602, - "ĠSubject": 21603, - "enario": 21604, - "Ġrms": 21605, - "phones": 21606, - "hang": 21607, - "ĠTechnique": 21608, - "Ġclot": 21609, - "Ġintersections": 21610, - "Ġanions": 21611, - "above": 21612, - "Ġclause": 21613, - "Ġgenu": 21614, - "ozo": 21615, - "rhiz": 21616, - "Ġlobes": 21617, - "ĠBian": 21618, - "Ġexerted": 21619, - "ureth": 21620, - "roma": 21621, - "ĠCharge": 21622, - "ĠSynchron": 21623, - "Ġconting": 21624, - "otherapeutic": 21625, - "gtrsim": 21626, - "ĠResonance": 21627, - "ĠFal": 21628, - "undle": 21629, - "Ġdropout": 21630, - "ĠPerspective": 21631, - "OLOG": 21632, - "atches": 21633, - "ĠSequences": 21634, - "Considering": 21635, - "Ġprospects": 21636, - "Ġaliqu": 21637, - "Ġstrata": 21638, - "Ġanalogs": 21639, - "Ġencouraged": 21640, - "ĠPulmonary": 21641, - "Ġchim": 21642, - "ĠCFT": 21643, - "unar": 21644, - "izz": 21645, - "endocrine": 21646, - "ĠCRE": 21647, - "ĠStroke": 21648, - "âĩĴ": 21649, - "upuncture": 21650, - "translational": 21651, - "ĠGriff": 21652, - "ĠSter": 21653, - "erged": 21654, - "phrine": 21655, - "Ġlivestock": 21656, - "ĠHash": 21657, - "Ġdosing": 21658, - "Ġplasmas": 21659, - "ĠComparisons": 21660, - "Ġencouraging": 21661, - "Ġcomparatively": 21662, - "Ġcharacterisation": 21663, - "Ġascending": 21664, - "ĠFixed": 21665, - "Ġvegetable": 21666, - "especially": 21667, - "ĠLange": 21668, - "ĠCoding": 21669, - "Ġvertebrate": 21670, - "FW": 21671, - "ĠORF": 21672, - "ĠTub": 21673, - "lee": 21674, - "Ġtimely": 21675, - "Ep": 21676, - "ĠâĪĴâĪŀ": 21677, - "Ġliposomes": 21678, - "Ġextremal": 21679, - "ropolitan": 21680, - "ĠCay": 21681, - "ĠBiod": 21682, - "oulli": 21683, - "Dri": 21684, - "ĠRats": 21685, - "Ġcentroid": 21686, - "ospin": 21687, - "rospinal": 21688, - "Ġsolitons": 21689, - "portive": 21690, - "ĠMcG": 21691, - "Bbb": 21692, - "Ġparaffin": 21693, - "lectively": 21694, - "Ġmetastable": 21695, - "Ġdissipative": 21696, - "Ġassemblages": 21697, - "Ġcolonic": 21698, - "Ġsized": 21699, - "Ġcryp": 21700, - "processor": 21701, - "ção": 21702, - "Ġacknowledged": 21703, - "ĠUncertainty": 21704, - "ĠIndustrial": 21705, - "Ġuncont": 21706, - "Ġrefere": 21707, - "ĠNitrogen": 21708, - "Ġlifting": 21709, - "Ġforget": 21710, - "Ġfeelings": 21711, - "Ġdigits": 21712, - "Ġstratig": 21713, - "ypes": 21714, - "Ġcompositional": 21715, - "Ġsupernatants": 21716, - "Ġconflicting": 21717, - "Ġdisadvantage": 21718, - "adelphia": 21719, - "Pd": 21720, - "ĠCoupling": 21721, - "Ġexpenditure": 21722, - "iki": 21723, - "described": 21724, - "ĠRNase": 21725, - "ĠConvex": 21726, - "ĠBax": 21727, - "ungsten": 21728, - "Ġboiling": 21729, - "Ġbasement": 21730, - "ocardial": 21731, - "history": 21732, - "inton": 21733, - "trimethyl": 21734, - "Ġgrafting": 21735, - "ĠHardy": 21736, - "ĠFemale": 21737, - "ĠFollow": 21738, - "ĠEST": 21739, - "tistic": 21740, - "Open": 21741, - "Ġreflux": 21742, - "elements": 21743, - "Ġpolysaccharide": 21744, - "dims": 21745, - "acency": 21746, - "Ġbiore": 21747, - "capac": 21748, - "Ġoverexpressed": 21749, - "either": 21750, - "Ġlaid": 21751, - "Ġincision": 21752, - "Ġassets": 21753, - "inflammation": 21754, - "Ġreconstructions": 21755, - "Ġglomerular": 21756, - "Ġconvey": 21757, - "ĠCXCR": 21758, - "oro": 21759, - "Ġclassifying": 21760, - "Ġcope": 21761, - "Ġpd": 21762, - "linic": 21763, - "Ġchord": 21764, - "ĠAging": 21765, - "Ġpalm": 21766, - "Ġpermittivity": 21767, - "ĠReverse": 21768, - "Ġoffshore": 21769, - "Ġdoubt": 21770, - "imoto": 21771, - "ĠColomb": 21772, - "Ġrodent": 21773, - "ĠElectrochemical": 21774, - "ĠImprovement": 21775, - "inescent": 21776, - "ĠTriton": 21777, - "Ġtransfusion": 21778, - "Ġlocomotion": 21779, - "Ġdangerous": 21780, - "Ġweighed": 21781, - "ĠHSV": 21782, - "techn": 21783, - "ĠDiagram": 21784, - "Ġparietal": 21785, - "six": 21786, - "Ġtitles": 21787, - "ylon": 21788, - "Ġheuristics": 21789, - "Ġjaponic": 21790, - "Ġtranslations": 21791, - "Ġtiters": 21792, - "Ġworms": 21793, - "ĠDPP": 21794, - "Ġcytoskeleton": 21795, - "Mediated": 21796, - "ariance": 21797, - "thel": 21798, - "Ãħ": 21799, - "ĠInflammatory": 21800, - "Ġoscillating": 21801, - "Ġavoids": 21802, - "Define": 21803, - "ĠOlympics": 21804, - "ogel": 21805, - "Ġheme": 21806, - "Ġmicrop": 21807, - "Ġthreats": 21808, - "QCD": 21809, - "XRD": 21810, - "ĠCoupled": 21811, - "Ġlm": 21812, - "ĠHelic": 21813, - "Ġdischarged": 21814, - "Ġrooted": 21815, - "Ġalleviate": 21816, - "Ġcausality": 21817, - "ĠCrow": 21818, - "ĠMack": 21819, - "ĠAirport": 21820, - "Ġchemokine": 21821, - "Ġll": 21822, - "ĠNar": 21823, - "omyces": 21824, - "ethoxyphenyl": 21825, - "ĠDaily": 21826, - "ĠFinland": 21827, - "Ġhorn": 21828, - "ĠOrient": 21829, - "Ġionized": 21830, - "ĠYears": 21831, - "Ġquasipar": 21832, - "Ġpercutaneous": 21833, - "Phase": 21834, - "Ġforeground": 21835, - "ĠANAL": 21836, - "Ġincrements": 21837, - "stan": 21838, - "Ġspeculate": 21839, - "TX": 21840, - "Ġpile": 21841, - "Ġdic": 21842, - "ipy": 21843, - "window": 21844, - "neutral": 21845, - "ĠAtlas": 21846, - "ĠMTT": 21847, - "ĠNy": 21848, - "ĠVIII": 21849, - "ĠFilms": 21850, - "singular": 21851, - "remove": 21852, - "Length": 21853, - "ĠRece": 21854, - "wait": 21855, - "Ġpurchase": 21856, - "ĠWikipedia": 21857, - "ĠLars": 21858, - "Ġsyntactic": 21859, - "Ġactuator": 21860, - "ĠAKT": 21861, - "ĠBry": 21862, - "ĠResult": 21863, - "ĠVariational": 21864, - "Ġjudgment": 21865, - "JECT": 21866, - "ximab": 21867, - "Ġtraced": 21868, - "Ġcardiomyopathy": 21869, - "WN": 21870, - "ĠRodrig": 21871, - "bt": 21872, - "Ġbid": 21873, - "acle": 21874, - "amura": 21875, - "Ġepic": 21876, - "Ġpuzz": 21877, - "ĠSox": 21878, - "Ġinflux": 21879, - "ÃŃn": 21880, - "uloskeletal": 21881, - "Dim": 21882, - "ĠSCC": 21883, - "ĠRAS": 21884, - "mr": 21885, - "UI": 21886, - "Ġjun": 21887, - "ĠSpearman": 21888, - "Ġfairness": 21889, - "etz": 21890, - "ĠPPI": 21891, - "inance": 21892, - "enko": 21893, - "Ġgalact": 21894, - "öm": 21895, - "Ġexceptions": 21896, - "ĠCretaceous": 21897, - "MY": 21898, - "Resp": 21899, - "Ġpep": 21900, - "ĠOrd": 21901, - "STE": 21902, - "Ġhelicity": 21903, - "Ġofficer": 21904, - "Target": 21905, - "ĠNorwegian": 21906, - "Ġdehydration": 21907, - "ĠSIRT": 21908, - "ĠRobinson": 21909, - "ĠBenchmark": 21910, - "viral": 21911, - "Real": 21912, - "Ġdoxorubicin": 21913, - "Ġestimations": 21914, - "ĠCauc": 21915, - "Ġadditives": 21916, - "modes": 21917, - "ĠHend": 21918, - "Ġaccelerating": 21919, - "ĠGordon": 21920, - "ĠMagnet": 21921, - "Ġgonad": 21922, - "Ġpyrolysis": 21923, - "coholic": 21924, - "ĠPKC": 21925, - "SAR": 21926, - "Ġwinding": 21927, - "terious": 21928, - "ĠMountains": 21929, - "ĠSymbol": 21930, - "ĠMatthe": 21931, - "ĠShin": 21932, - "Script": 21933, - "rug": 21934, - "ĠmW": 21935, - "ĠISM": 21936, - "ĠNg": 21937, - "Ġappoint": 21938, - "ĠAIDS": 21939, - "Ġports": 21940, - "differential": 21941, - "ĠJes": 21942, - "ĠNeed": 21943, - "Ġlenses": 21944, - "ĠAMPK": 21945, - "à¤": 21946, - "leaf": 21947, - "ĠBron": 21948, - "Ġprofit": 21949, - "Local": 21950, - "ĠExamination": 21951, - "ĠChief": 21952, - "Ġopinions": 21953, - "ĠRound": 21954, - "formations": 21955, - "Ġcollinear": 21956, - "Ġdigested": 21957, - "lassical": 21958, - "ervative": 21959, - "Ġcephal": 21960, - "Ġdisadvantages": 21961, - "Ġïĥ·": 21962, - "Ġsubtracting": 21963, - "Ġweigh": 21964, - "Bound": 21965, - "DG": 21966, - "Ġinfluential": 21967, - "Ġtoxins": 21968, - "ĠBenjamin": 21969, - "ĠNumbers": 21970, - "crystal": 21971, - "Ġstocks": 21972, - "ĠBour": 21973, - "ĠCompeting": 21974, - "Ġacqu": 21975, - "tRNA": 21976, - "ĠSeparation": 21977, - "Ġtagged": 21978, - "Ġconject": 21979, - "ĠPrince": 21980, - "Ġgrazing": 21981, - "Ġreleases": 21982, - "ĠChallenge": 21983, - "ATPase": 21984, - "Ġemail": 21985, - "insically": 21986, - "ĠRegulatory": 21987, - "Message": 21988, - "Ġslit": 21989, - "Ġpolygon": 21990, - "Ġdoubling": 21991, - "Ġreceivers": 21992, - "Ġtracked": 21993, - "Ġengineer": 21994, - "stained": 21995, - "ĠDanish": 21996, - "shock": 21997, - "ĠMaz": 21998, - "Ġcough": 21999, - "ĠImmunohist": 22000, - "Consequ": 22001, - "armacy": 22002, - "Ġchemo": 22003, - "ĠMH": 22004, - "Ġemerges": 22005, - "Ġannealed": 22006, - "Ġhypothesize": 22007, - "ĠTypically": 22008, - "ĠBang": 22009, - "ĠPuls": 22010, - "Ġgirl": 22011, - "Ġherbiv": 22012, - "ĠANN": 22013, - "Ġseism": 22014, - "ĠCytok": 22015, - "ĠThroughout": 22016, - "Ġadaptations": 22017, - "lang": 22018, - "Ġclonal": 22019, - "umulation": 22020, - "ĠUniform": 22021, - "Ġhi": 22022, - "opent": 22023, - "Ġbutton": 22024, - "tene": 22025, - "Ġproteasome": 22026, - "bred": 22027, - "ĠNelson": 22028, - "racycline": 22029, - "ĠDY": 22030, - "Ġimmunoblot": 22031, - "prol": 22032, - "Ġpic": 22033, - "Ġcompilation": 22034, - "ĠDevices": 22035, - "etermined": 22036, - "ĠFrancis": 22037, - "notation": 22038, - "writing": 22039, - "terase": 22040, - "ĠStephen": 22041, - "amel": 22042, - "ĠChu": 22043, - "alone": 22044, - "Ġexhaust": 22045, - "relevant": 22046, - "ĠStrat": 22047, - "Ġparametrization": 22048, - "ĠBull": 22049, - "ĠRemote": 22050, - "increasing": 22051, - "Ġdd": 22052, - "â̰": 22053, - "yroidism": 22054, - "ilin": 22055, - "ĠHip": 22056, - "ICA": 22057, - "ĠApoptosis": 22058, - "Ġmachining": 22059, - "LDL": 22060, - "Ġgem": 22061, - "ĠFFT": 22062, - "ĠGuang": 22063, - "Ġoriginates": 22064, - "dat": 22065, - "cone": 22066, - "ĠAdoles": 22067, - "ucci": 22068, - "avoid": 22069, - "ulpt": 22070, - "urium": 22071, - "Ġliteracy": 22072, - "Recent": 22073, - "avg": 22074, - "Ġinvited": 22075, - "ĠPeak": 22076, - "ĠEnterobacter": 22077, - "Ġaneurysm": 22078, - "ĠMorris": 22079, - "tida": 22080, - "ĠSER": 22081, - "ĠMichel": 22082, - "ĠIBD": 22083, - "ĠNG": 22084, - "Ġscarce": 22085, - "web": 22086, - "Ġexpresses": 22087, - "Ġschema": 22088, - "Ġlessons": 22089, - "Ġarginine": 22090, - "Ġphotographs": 22091, - "ĠNeurons": 22092, - "ĠATPase": 22093, - "Ġfiller": 22094, - "rapped": 22095, - "Ġrandomness": 22096, - "Ġveins": 22097, - "Ġwounds": 22098, - "ĠApart": 22099, - "Ġracial": 22100, - "Ġnoteworthy": 22101, - "Ġremoves": 22102, - "Ġganglion": 22103, - "Ġlaminar": 22104, - "ĠSSR": 22105, - "Ġpolysaccharides": 22106, - "Ġbuf": 22107, - "Ġendothelium": 22108, - "ĠCAS": 22109, - "ĠGolgi": 22110, - "Ġinheritance": 22111, - "isite": 22112, - "COMP": 22113, - "Ġpt": 22114, - "Ġmeshes": 22115, - "Ġtherapeutics": 22116, - "OST": 22117, - "olinergic": 22118, - "UG": 22119, - "squared": 22120, - "Ġdegrade": 22121, - "uum": 22122, - "Ġretrosp": 22123, - "Loc": 22124, - "ĠJNK": 22125, - "Options": 22126, - "Ġinsulating": 22127, - "Ġspecifies": 22128, - "Ġoven": 22129, - "yy": 22130, - "ĠConver": 22131, - "Ġdisappeared": 22132, - "ĠPrognostic": 22133, - "ĠNguyen": 22134, - "Ġperiphery": 22135, - "bank": 22136, - "Ġimid": 22137, - "Ġassigning": 22138, - "ĠMess": 22139, - "propan": 22140, - "ioma": 22141, - "olyb": 22142, - "Ġepitope": 22143, - "Ġemitting": 22144, - "DIR": 22145, - "ync": 22146, - "Ġimpairments": 22147, - "ĠMicroscopy": 22148, - "ĠFWHM": 22149, - "gray": 22150, - "Ġfing": 22151, - "ucial": 22152, - "plemented": 22153, - "eas": 22154, - "estamp": 22155, - "Ġcrest": 22156, - "ĠMos": 22157, - "Ġneutrons": 22158, - "Ġbroth": 22159, - "Ġheadache": 22160, - "ongevity": 22161, - "Ġreass": 22162, - "ĠPSF": 22163, - "ĠBuch": 22164, - "visor": 22165, - "Ġdenoting": 22166, - "integer": 22167, - "ouin": 22168, - "efficacy": 22169, - "Ġglutamine": 22170, - "Ġpicked": 22171, - "ĠCampbell": 22172, - "ĠKernel": 22173, - "Ġships": 22174, - "lt": 22175, - "ondyl": 22176, - "Ġcredi": 22177, - "Ġpeptid": 22178, - "ĠEstabl": 22179, - "bons": 22180, - "Ġaggl": 22181, - "USE": 22182, - "supp": 22183, - "upsilon": 22184, - "characterized": 22185, - "isheries": 22186, - "May": 22187, - "ARC": 22188, - "Ġroads": 22189, - "Ġdeparture": 22190, - "ĠMAX": 22191, - "ĠTRA": 22192, - "imod": 22193, - "ĠAlber": 22194, - "Ġterminated": 22195, - "ölder": 22196, - "Scalar": 22197, - "hash": 22198, - "ĠMSS": 22199, - "Ġsmoothness": 22200, - "Ġresemble": 22201, - "ĠEffectiveness": 22202, - "rx": 22203, - "ĠEye": 22204, - "Ġfaecal": 22205, - "þ": 22206, - "ĠClostridium": 22207, - "achine": 22208, - "ĠBDNF": 22209, - "Ġcab": 22210, - "ĠWong": 22211, - "ĠDouglas": 22212, - "Ġreperfusion": 22213, - "ĠXi": 22214, - "Ġconfused": 22215, - "ĠPhiladelphia": 22216, - "Ġapple": 22217, - "Ġile": 22218, - "Ġfavored": 22219, - "Ġplaques": 22220, - "Ġtrivially": 22221, - "ĠTypical": 22222, - "Ġcentralized": 22223, - "ĠFacebook": 22224, - "Ġnortheast": 22225, - "Ġnormality": 22226, - "ĠTb": 22227, - "Ġapt": 22228, - "Ġfacet": 22229, - "ĠRenal": 22230, - "clk": 22231, - "Ġligation": 22232, - "ifferenti": 22233, - "Ġputting": 22234, - "Ġintrig": 22235, - "walled": 22236, - "Et": 22237, - "ĠCow": 22238, - "ĠNations": 22239, - "Ġcampus": 22240, - "ĠKinetics": 22241, - "ĠMexican": 22242, - "ERK": 22243, - "Ġlatitudes": 22244, - "ĠRoll": 22245, - "ĠQD": 22246, - "adaptive": 22247, - "Ġquenched": 22248, - "Ġfram": 22249, - "Qi": 22250, - "Ġtongue": 22251, - "edes": 22252, - "Ġascorb": 22253, - "ĠGlucose": 22254, - "ouri": 22255, - "Ġdefeated": 22256, - "ophilus": 22257, - "ralateral": 22258, - "xrightarrow": 22259, - "ĠJup": 22260, - "axes": 22261, - "eger": 22262, - "MIT": 22263, - "ĠMember": 22264, - "ĠNu": 22265, - "Ġtransloc": 22266, - "ĠFlux": 22267, - "ĠColorado": 22268, - "Ġrelying": 22269, - "atrol": 22270, - "Ġcontrasts": 22271, - "centage": 22272, - "Ġleukocyte": 22273, - "Ġcoincidence": 22274, - "Ġcontractions": 22275, - "oga": 22276, - "ANN": 22277, - "ĠAbsorption": 22278, - "Return": 22279, - "reprene": 22280, - "baum": 22281, - "traumatic": 22282, - "incial": 22283, - "Ġautophag": 22284, - "Ġalgorithmic": 22285, - "rimp": 22286, - "Ġdivides": 22287, - "ĠRose": 22288, - "ĠEric": 22289, - "Ġaddiction": 22290, - "plification": 22291, - "Ġdiffusive": 22292, - "ĠVehicle": 22293, - "enerate": 22294, - "tising": 22295, - "Ġstarvation": 22296, - "absorption": 22297, - "ĠAra": 22298, - "Ġgrav": 22299, - "ĠSubunit": 22300, - "Ġamide": 22301, - "Ġenhancer": 22302, - "Ġmerid": 22303, - "ermost": 22304, - "Ġalgal": 22305, - "ĠQueens": 22306, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 22307, - "Ġjudge": 22308, - "ĠGreenland": 22309, - "brace": 22310, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 22311, - "Ġhypergly": 22312, - "Ġemergent": 22313, - "Fisher": 22314, - "ĠLas": 22315, - "Ġsexes": 22316, - "Sep": 22317, - "Ġphrases": 22318, - "ĠSequential": 22319, - "inki": 22320, - "Ġaxioms": 22321, - "study": 22322, - "Ġtiny": 22323, - "Ġcd": 22324, - "catalyzed": 22325, - "asaki": 22326, - "ĠWR": 22327, - "ĠMinimal": 22328, - "Ġsubcellular": 22329, - "Ġphospho": 22330, - "ESI": 22331, - "Ġvow": 22332, - "Ġsupplies": 22333, - "operand": 22334, - "Fix": 22335, - "anian": 22336, - "writer": 22337, - "âζ": 22338, - "Ġwinner": 22339, - "ĠPID": 22340, - "ĠLebesgue": 22341, - "Ġsimplification": 22342, - "ĠRelationships": 22343, - "Ġautomata": 22344, - "ĠContribution": 22345, - "Ġhereditary": 22346, - "errin": 22347, - "ĠBLAST": 22348, - "aea": 22349, - "yleth": 22350, - "ĠTc": 22351, - "adeh": 22352, - "adjuvant": 22353, - "Wave": 22354, - "counter": 22355, - "ĠGupta": 22356, - "ĠGhana": 22357, - "Cho": 22358, - "Ġourselves": 22359, - "Ġevenly": 22360, - "lymph": 22361, - "Ġcerebellum": 22362, - "Ġcopolymers": 22363, - "modular": 22364, - "Ġharder": 22365, - "Ġplease": 22366, - "ĠPSD": 22367, - "Ġlimbs": 22368, - "Ġexploitation": 22369, - "iry": 22370, - "Ġperiodontal": 22371, - "ATCH": 22372, - "Ġmalicious": 22373, - "ĠSlov": 22374, - "HY": 22375, - "Consequently": 22376, - "oren": 22377, - "ĠPare": 22378, - "agine": 22379, - "ĠROI": 22380, - "ĠWhich": 22381, - "ĠNative": 22382, - "amen": 22383, - "reshape": 22384, - "oplankton": 22385, - "Ġartifact": 22386, - "Ġrhin": 22387, - "gpu": 22388, - "Ġundet": 22389, - "Ġsporadic": 22390, - "Ġorally": 22391, - "Ġstepwise": 22392, - "ĠCohort": 22393, - "Ġrhod": 22394, - "cyt": 22395, - "Ġierr": 22396, - "Ġmotors": 22397, - "ĠIgE": 22398, - "calculated": 22399, - "ĠChampionships": 22400, - "pel": 22401, - "ĠFerr": 22402, - "Ġisometric": 22403, - "nutrition": 22404, - "Ġunsaturated": 22405, - "Ġdoll": 22406, - "ĠRMSE": 22407, - "Ġsolitary": 22408, - "approximation": 22409, - "Ġreperto": 22410, - "sight": 22411, - "Ġcranial": 22412, - "ilical": 22413, - "ĠOst": 22414, - "oul": 22415, - "Ġdg": 22416, - "ĠProceed": 22417, - "Ġmilling": 22418, - "sz": 22419, - "Ġmineralization": 22420, - "Ġcigarette": 22421, - "Ġporph": 22422, - "Ġspons": 22423, - "ĠGreece": 22424, - "ipore": 22425, - "accept": 22426, - "ĠPTSD": 22427, - "Å«": 22428, - "Ġcipher": 22429, - "Ġfunctionalized": 22430, - "Poly": 22431, - "Ġabd": 22432, - "flight": 22433, - "ĠSydney": 22434, - "Ġdisaster": 22435, - "ĠHaving": 22436, - "Ġdiesel": 22437, - "ĠGreg": 22438, - "Ġspans": 22439, - "ĠSeasonal": 22440, - "STEM": 22441, - "ierr": 22442, - "ĠIB": 22443, - "Ġlemm": 22444, - "anum": 22445, - "ĠBottom": 22446, - "Ġseal": 22447, - "boost": 22448, - "Ġlegend": 22449, - "bing": 22450, - "abis": 22451, - "Ġchitin": 22452, - "Ġmaximally": 22453, - "Ġimmunosuppressive": 22454, - "âĪĴâĪĴ": 22455, - "Ġabolished": 22456, - "ige": 22457, - "Ġesophag": 22458, - "Ġlasted": 22459, - "Ġcarbohydrates": 22460, - "Ġchips": 22461, - "ĠFernand": 22462, - "far": 22463, - "ĠPoints": 22464, - "calation": 22465, - "ĠRegions": 22466, - "CHK": 22467, - "veratrol": 22468, - "truth": 22469, - "Ġstrange": 22470, - "Interest": 22471, - "sho": 22472, - "ĠInduc": 22473, - "Ġmigraine": 22474, - "ĠVac": 22475, - "ophores": 22476, - "Ġerrone": 22477, - "scriptsize": 22478, - "ĠNeutron": 22479, - "Ġindistinguishable": 22480, - "istine": 22481, - "Ġhelper": 22482, - "specified": 22483, - "Ġjuice": 22484, - "oxal": 22485, - "ĠJung": 22486, - "Ġmagazine": 22487, - "Ġtelephone": 22488, - "ĠPhyt": 22489, - "Ġum": 22490, - "ĠAvailability": 22491, - "ĠTropical": 22492, - "ĠCases": 22493, - "Ġdescend": 22494, - "Har": 22495, - "âĪĹ": 22496, - "ĠâĨĵ": 22497, - "Ks": 22498, - "Ġê": 22499, - "oluble": 22500, - "Ġchampionship": 22501, - "ĠMovement": 22502, - "ĠXY": 22503, - "kappaB": 22504, - "years": 22505, - "memb": 22506, - "quine": 22507, - "Ġletting": 22508, - "Ġbiggest": 22509, - "Ġcards": 22510, - "Ġbiotin": 22511, - "ĠAur": 22512, - "modal": 22513, - "Ġvaccinated": 22514, - "Ġtranslates": 22515, - "ĠPAC": 22516, - "lli": 22517, - "reonine": 22518, - "Ġcurcumin": 22519, - "ĠConstruct": 22520, - "Ġconvinc": 22521, - "ĠNat": 22522, - "Ġamygdala": 22523, - "Ġprotr": 22524, - "ĠSingular": 22525, - "ĠContact": 22526, - "kind": 22527, - "ĠDaw": 22528, - "ogroup": 22529, - "ĠKCl": 22530, - "Ġhygi": 22531, - "erenced": 22532, - "Ġsurveyed": 22533, - "ĠMull": 22534, - "esthetic": 22535, - "Ġmsg": 22536, - "ĠRequire": 22537, - "Ġdistortions": 22538, - "Control": 22539, - "BERT": 22540, - "Ġautonomic": 22541, - "Ġhormonal": 22542, - "Ġstrips": 22543, - "Ġtrophic": 22544, - "ifting": 22545, - "opod": 22546, - "ĠSpontaneous": 22547, - "Ġlogs": 22548, - "OPT": 22549, - "ĠMot": 22550, - "ĠGmb": 22551, - "aharan": 22552, - "ĠPOL": 22553, - "Ġvisceral": 22554, - "blocks": 22555, - "Ġsitting": 22556, - "Ġsine": 22557, - "Ġoncogenic": 22558, - "ERRQ": 22559, - "quinone": 22560, - "Ġsmartphone": 22561, - "ĠTanz": 22562, - "lactam": 22563, - "ĠSignificance": 22564, - "Ġeu": 22565, - "ĠISS": 22566, - "ĠTrig": 22567, - "ĠMaj": 22568, - "tingale": 22569, - "Ġdilat": 22570, - "ennes": 22571, - "ĠBelgium": 22572, - "lev": 22573, - "ĠContr": 22574, - "ĠGalois": 22575, - "ĠCombination": 22576, - "ĠThi": 22577, - "ĠAustria": 22578, - "Prom": 22579, - "Ġelicit": 22580, - "biosis": 22581, - "Ġlymphatic": 22582, - "ĠMurray": 22583, - "ĠXPS": 22584, - "Ġcong": 22585, - "screen": 22586, - "tide": 22587, - "amoyl": 22588, - "ĠMcD": 22589, - "Ġretired": 22590, - "mixed": 22591, - "ELD": 22592, - "ĠMaps": 22593, - "ĠVE": 22594, - "cession": 22595, - "numer": 22596, - "idated": 22597, - "ĠBishop": 22598, - "Ġneonates": 22599, - "Ġlandsl": 22600, - "ĠFractional": 22601, - "Ġspecifying": 22602, - "ĠJr": 22603, - "Ġnanowire": 22604, - "Ġconsultation": 22605, - "language": 22606, - "Ġpricing": 22607, - "ĠLimitations": 22608, - "ĠPediatric": 22609, - "ĠDimension": 22610, - "Ġpreparing": 22611, - "Lag": 22612, - "segment": 22613, - "Ġspend": 22614, - "athe": 22615, - "Ġweap": 22616, - "ĠJos": 22617, - "textit": 22618, - "outputs": 22619, - "ordering": 22620, - "Ġplacenta": 22621, - "ationally": 22622, - "ĠKun": 22623, - "Ġoutstanding": 22624, - "Ġthicknesses": 22625, - "ĠChIP": 22626, - "deoxy": 22627, - "ĠZo": 22628, - "ĠDeveloping": 22629, - "Ġstringent": 22630, - "iency": 22631, - "perse": 22632, - "Ġpend": 22633, - "ĠDevelopmental": 22634, - "Ġextern": 22635, - "Ġinverter": 22636, - "ĠDAPI": 22637, - "lectivity": 22638, - "Ġtablets": 22639, - "Ġprogester": 22640, - "ĠïģŃ": 22641, - "Ġanswered": 22642, - "entary": 22643, - "ORS": 22644, - "Ġdir": 22645, - "Ġdeleterious": 22646, - "Ġdopaminergic": 22647, - "Random": 22648, - "diss": 22649, - "Ġmonolayers": 22650, - "Ġintegrand": 22651, - "ĠComponents": 22652, - "ĠPerc": 22653, - "agit": 22654, - "ARN": 22655, - "esophageal": 22656, - "ivan": 22657, - "neider": 22658, - "ĠStarting": 22659, - "PORT": 22660, - "yellow": 22661, - "Ġregisters": 22662, - "pairs": 22663, - "Ġethnicity": 22664, - "Ġboy": 22665, - "auti": 22666, - "Ġchromium": 22667, - "POS": 22668, - "vature": 22669, - "ayashi": 22670, - "Ġinappropriate": 22671, - "ĠSNA": 22672, - "Domain": 22673, - "ĠPrice": 22674, - "Ġmacular": 22675, - "Ġoverload": 22676, - "ĠUnified": 22677, - "Ġattach": 22678, - "ĠScottish": 22679, - "maps": 22680, - "agl": 22681, - "emi": 22682, - "Ġseam": 22683, - "ĠAnalog": 22684, - "dated": 22685, - "uo": 22686, - "Ġplated": 22687, - "Ġasset": 22688, - "Ġscreens": 22689, - "Ġspurious": 22690, - "Besides": 22691, - "Ġbaselines": 22692, - "heads": 22693, - "Ġcoat": 22694, - "ĠRemoval": 22695, - "Ġinfinitesimal": 22696, - "ĠTransformation": 22697, - "Ġcommens": 22698, - "Float": 22699, - "AUC": 22700, - "ĠLay": 22701, - "Ġintron": 22702, - "ĠDetecting": 22703, - "ĠHerein": 22704, - "ĠAssociations": 22705, - "Ġprogesterone": 22706, - "Bacteria": 22707, - "Ġsentiment": 22708, - "ĠPhenomen": 22709, - "matter": 22710, - "Ġcylinders": 22711, - "Ġtoluene": 22712, - "Ġspatiotemporal": 22713, - "Ġlanding": 22714, - "ĠCoronavirus": 22715, - "ĠBerry": 22716, - "ĠBragg": 22717, - "Ġregistry": 22718, - "Ġenthalpy": 22719, - "tica": 22720, - "razine": 22721, - "Ġcargo": 22722, - "otation": 22723, - "Ġcontradicts": 22724, - "Ġpesticides": 22725, - "ĠFischer": 22726, - "Ġmechanically": 22727, - "ĠInterfer": 22728, - "ĠCyp": 22729, - "ĠKas": 22730, - "Ġmetres": 22731, - "Ġantiretroviral": 22732, - "Ġtravers": 22733, - "selection": 22734, - "ĠWA": 22735, - "Ġdoublet": 22736, - "meta": 22737, - "ENTR": 22738, - "sonic": 22739, - "Ġmarking": 22740, - "ĠOverex": 22741, - "Ġpyruvate": 22742, - "Ġextrusion": 22743, - "Ġingestion": 22744, - "Ġcocaine": 22745, - "ĠFellow": 22746, - "CNTs": 22747, - "BG": 22748, - "ĠMorphological": 22749, - "Ġdefence": 22750, - "ĠYosh": 22751, - "mitter": 22752, - "rystallization": 22753, - "STRACT": 22754, - "Ġinflammasome": 22755, - "ĠGd": 22756, - "Ġshaft": 22757, - "Ġeruption": 22758, - "ĠOxide": 22759, - "ifolds": 22760, - "ĠGam": 22761, - "ĠGap": 22762, - "command": 22763, - "ĠIgA": 22764, - "Ġshortening": 22765, - "assembled": 22766, - "isopropyl": 22767, - "Ġalumina": 22768, - "ĠATM": 22769, - "Ġct": 22770, - "Ġspinning": 22771, - "ĠPetsc": 22772, - "prefix": 22773, - "Ġperpetuity": 22774, - "PRE": 22775, - "Ġfruct": 22776, - "GHz": 22777, - "elike": 22778, - "enyl": 22779, - "Ġwherein": 22780, - "UK": 22781, - "visual": 22782, - "lipidemia": 22783, - "reduction": 22784, - "anin": 22785, - "olas": 22786, - "Ġamplic": 22787, - "ĠSAT": 22788, - "Ġmodulator": 22789, - "forth": 22790, - "rl": 22791, - "Ġcrew": 22792, - "ĠiP": 22793, - "Ġxi": 22794, - "ADD": 22795, - "ĠAlexand": 22796, - "constrained": 22797, - "ratory": 22798, - "ĠkW": 22799, - "ĠMDR": 22800, - "ĠlncRNA": 22801, - "Mill": 22802, - "ĠMgO": 22803, - "circuit": 22804, - "Ġpersonalized": 22805, - "ĠOperator": 22806, - "stock": 22807, - "ĠPSA": 22808, - "ensable": 22809, - "Ġlean": 22810, - "yield": 22811, - "Ġopacity": 22812, - "ĠCommons": 22813, - "Ġsummed": 22814, - "ucker": 22815, - "ecke": 22816, - "epithelial": 22817, - "Ġasking": 22818, - "uese": 22819, - "ĠFlav": 22820, - "Ġlactic": 22821, - "Ġlubric": 22822, - "Ġisn": 22823, - "regions": 22824, - "support": 22825, - "Below": 22826, - "ĠNom": 22827, - "Ġhyal": 22828, - "ikh": 22829, - "ban": 22830, - "ĠBG": 22831, - "rometer": 22832, - "indic": 22833, - "opharyngeal": 22834, - "ITION": 22835, - "ĠPropagation": 22836, - "ĠPlace": 22837, - "ĠCircuit": 22838, - "ĠCOL": 22839, - "Green": 22840, - "Ir": 22841, - "lav": 22842, - "ĠdS": 22843, - "ĠMoment": 22844, - "Ġinducible": 22845, - "Ġdischarges": 22846, - "habdi": 22847, - "ĠExperience": 22848, - "Ġsg": 22849, - "Ġoutward": 22850, - "Ġportable": 22851, - "ĠOperators": 22852, - "Av": 22853, - "ĠDQ": 22854, - "ostatin": 22855, - "Ġeosinophil": 22856, - "Ġstriatum": 22857, - "ĠConsensus": 22858, - "Ġimperfect": 22859, - "NOT": 22860, - "ĠDemocratic": 22861, - ";;": 22862, - "Body": 22863, - "dii": 22864, - "Ho": 22865, - "ĠRailway": 22866, - "ĠUganda": 22867, - "Ġunpaired": 22868, - "friendly": 22869, - "Ġreprogramming": 22870, - "Alternative": 22871, - "RG": 22872, - "imet": 22873, - "enez": 22874, - "ĠHypothesis": 22875, - "Ġton": 22876, - "ĠCombin": 22877, - "ĠDelivery": 22878, - "Last": 22879, - "Ġowners": 22880, - "razole": 22881, - "ĠKob": 22882, - "Ġformats": 22883, - "Ġpolyclonal": 22884, - "Ġidentifier": 22885, - "ILL": 22886, - "Ġsurgeon": 22887, - "Ġpostp": 22888, - "ĠGenerative": 22889, - "ĠMall": 22890, - "abc": 22891, - "ĠHaz": 22892, - "Ġsmoothly": 22893, - "Ġcrystallographic": 22894, - "ĠFDA": 22895, - "Ġcoexistence": 22896, - "ionized": 22897, - "Ġcompiler": 22898, - "ĠArter": 22899, - "Ġappearances": 22900, - "amiltonian": 22901, - "Ġencapsulated": 22902, - "atia": 22903, - "wi": 22904, - "reb": 22905, - "Ġwafer": 22906, - "ubs": 22907, - "ĠUE": 22908, - "ĠGSK": 22909, - "Ġviv": 22910, - "Ġflooding": 22911, - "ĠGyr": 22912, - "Ġstably": 22913, - "Ġdislocations": 22914, - "Ġescap": 22915, - "ĠPhysiological": 22916, - "tidal": 22917, - "yme": 22918, - "ĠMaxim": 22919, - "iterator": 22920, - "ordant": 22921, - "Ġattentional": 22922, - "Ġcatalyzed": 22923, - "ĠTryp": 22924, - "PIN": 22925, - "ĠCorrelations": 22926, - "Ġhydrological": 22927, - "Ġnose": 22928, - "export": 22929, - "Ġdext": 22930, - "ĠBenef": 22931, - "ĠBiosystems": 22932, - "ĠPars": 22933, - "Ġreadings": 22934, - "Ġinstrumentation": 22935, - "ĠIQ": 22936, - "RIC": 22937, - "Ġgrafts": 22938, - "overs": 22939, - "ĠMedic": 22940, - "Ġmonod": 22941, - "Ġuniformity": 22942, - "ĠATLAS": 22943, - "Ġmasked": 22944, - "Ri": 22945, - "ĠPhysic": 22946, - "Ġimposing": 22947, - "ĠParad": 22948, - "imetic": 22949, - "Ġdemanding": 22950, - "unks": 22951, - "Ġfolds": 22952, - "ĠAnc": 22953, - "Ġvolatility": 22954, - "Ġbringing": 22955, - "acil": 22956, - "ĠNMDA": 22957, - "reduced": 22958, - "tii": 22959, - "Ġnorthwest": 22960, - "ĠBessel": 22961, - "ventions": 22962, - "Ġconsolidation": 22963, - "Meier": 22964, - "Ġmicrof": 22965, - "Ġqualified": 22966, - "Ġinsignificant": 22967, - "ĠMorphology": 22968, - "Ġpointwise": 22969, - "Ġlearns": 22970, - "Ġguard": 22971, - "CHECK": 22972, - "phonon": 22973, - "ĠEnhancement": 22974, - "Ġzonal": 22975, - "ERG": 22976, - "Start": 22977, - "Ġhistoric": 22978, - "ĠPure": 22979, - "ĠGmbH": 22980, - "glu": 22981, - "Ġpatterning": 22982, - "Ġstick": 22983, - "uminosity": 22984, - "Dataset": 22985, - "Ġoverride": 22986, - "ĠSteel": 22987, - "Ġfuels": 22988, - "mechanical": 22989, - "Ġautologous": 22990, - "Ġdepartments": 22991, - "ĠBlo": 22992, - "Ġimported": 22993, - "Ġrestrictive": 22994, - "eigen": 22995, - "ĠRome": 22996, - "ĠÌĬ": 22997, - "Ġepitopes": 22998, - "Ġlabelling": 22999, - "Ġownership": 23000, - "ĠEspecially": 23001, - "Ġcoffee": 23002, - "ĠGRB": 23003, - "Head": 23004, - "ĠVent": 23005, - "esare": 23006, - "ĠParticles": 23007, - "UNCTION": 23008, - "jj": 23009, - "uents": 23010, - "elic": 23011, - "ĠTat": 23012, - "ĠFle": 23013, - "Ġgating": 23014, - "Ġrefuge": 23015, - "Additionally": 23016, - "Ġrhs": 23017, - "Ġmaybe": 23018, - "ĠFang": 23019, - "Ġadvent": 23020, - "otransferase": 23021, - "should": 23022, - "Ġproteomic": 23023, - "Ġlegitim": 23024, - "PERIM": 23025, - "ĠGiant": 23026, - "Ġgraphics": 23027, - "onomical": 23028, - "scatter": 23029, - "Ġsuggestive": 23030, - "plots": 23031, - "Ġmultidrug": 23032, - "Ġabsorber": 23033, - "XS": 23034, - "consuming": 23035, - "Ġsustainability": 23036, - "opre": 23037, - "fix": 23038, - "Ġvolcano": 23039, - "ĠTypes": 23040, - "ĠCreate": 23041, - "Ġchooses": 23042, - "Ġstirring": 23043, - "Ġsurgeons": 23044, - "dS": 23045, - "Ġcharacterizes": 23046, - "Ġadjustments": 23047, - "texttt": 23048, - "etra": 23049, - "Ġclassifications": 23050, - "spots": 23051, - "Ġâϝ": 23052, - "erex": 23053, - "dehyd": 23054, - "ĠBrig": 23055, - "ĠSuperconduc": 23056, - "Ġgrants": 23057, - "ĠCen": 23058, - "ĠYin": 23059, - "ĠReactions": 23060, - "description": 23061, - "transcription": 23062, - "important": 23063, - "Ġhemodynamic": 23064, - "ĠYi": 23065, - "ĠGolden": 23066, - "kk": 23067, - "alb": 23068, - "Ġrooms": 23069, - "Ġsegreg": 23070, - "Ġsumming": 23071, - "Ġsuccession": 23072, - "Ġfollicular": 23073, - "Ġtackle": 23074, - "Down": 23075, - "Ġevaluates": 23076, - "atica": 23077, - "annual": 23078, - "ĠAlbert": 23079, - "Ġtal": 23080, - "orbital": 23081, - "fted": 23082, - "variables": 23083, - "Ġwetland": 23084, - "outheastern": 23085, - "MEM": 23086, - "ĠBrill": 23087, - "ĠSodium": 23088, - "ĠAlexa": 23089, - "umed": 23090, - "BUG": 23091, - "arine": 23092, - "Ġrevenue": 23093, - "habditis": 23094, - "Ġdissol": 23095, - "amplitude": 23096, - "Ġartists": 23097, - "Ġnormalised": 23098, - "Ġfluctuating": 23099, - "Ġaspar": 23100, - "ĠFi": 23101, - "olates": 23102, - "ispanic": 23103, - "Ġacetylation": 23104, - "ĠConcentration": 23105, - "Ġthro": 23106, - "shots": 23107, - "Ġnarrative": 23108, - "ĠWaals": 23109, - "ammonium": 23110, - "ureau": 23111, - "------------": 23112, - "Ġresearches": 23113, - "Ġbaby": 23114, - "Ġsharply": 23115, - "ÙĦ": 23116, - "ĠCel": 23117, - "CX": 23118, - "uminal": 23119, - "Ġgermline": 23120, - "ĠTransformer": 23121, - "pseud": 23122, - "HG": 23123, - "Ka": 23124, - "ĠSMC": 23125, - "ĠNutrition": 23126, - "Ġbarc": 23127, - "ĠWrite": 23128, - "Ġproteases": 23129, - "Ġsweep": 23130, - "ĠKolmogorov": 23131, - "morph": 23132, - "inducible": 23133, - "Ġexciting": 23134, - "lein": 23135, - "ĠHass": 23136, - "Ġproductive": 23137, - "mesh": 23138, - "ĠCMS": 23139, - "Ġheavier": 23140, - "Ġmeetings": 23141, - "ĠCopper": 23142, - "Ġvirtue": 23143, - "asant": 23144, - "ĠDEN": 23145, - "Ġinherently": 23146, - "rio": 23147, - "Ġhoused": 23148, - "Ġintraoperative": 23149, - "Ġcrown": 23150, - "conditions": 23151, - "ANG": 23152, - "YSIS": 23153, - "iman": 23154, - "Ġnmol": 23155, - "ĠRetrieval": 23156, - "algae": 23157, - "Ġkappa": 23158, - "deep": 23159, - "inence": 23160, - "ĠCarcinoma": 23161, - "Ġchromatographic": 23162, - "Ġascribed": 23163, - "Ġleverage": 23164, - "ĠKK": 23165, - "omyel": 23166, - "pet": 23167, - "ĠNJ": 23168, - "comm": 23169, - "Ġannually": 23170, - "gran": 23171, - "Ġaval": 23172, - "ĠNish": 23173, - "Ġevac": 23174, - "Ġmultif": 23175, - "Ġfunds": 23176, - "enny": 23177, - "ĠMong": 23178, - "ĠException": 23179, - "paths": 23180, - "ymen": 23181, - "hpp": 23182, - "Ġrestricting": 23183, - "saturated": 23184, - "âĻ": 23185, - "Ġlearners": 23186, - "ĠLanka": 23187, - "inities": 23188, - "ĠGDP": 23189, - "Ġspeciation": 23190, - "Ġensured": 23191, - "Ġneutralizing": 23192, - "Ġballoon": 23193, - "Comparison": 23194, - "ĠCalibration": 23195, - "ĠInfluenza": 23196, - "Ġvapour": 23197, - "XA": 23198, - "tracking": 23199, - "ĠICD": 23200, - "fluoro": 23201, - "ĠDamage": 23202, - "Ġpra": 23203, - "Ġconceived": 23204, - "ĠCosmological": 23205, - "Ġloose": 23206, - "inositol": 23207, - "ĠClifford": 23208, - "owa": 23209, - "Ġoffsets": 23210, - "document": 23211, - "Ġenormous": 23212, - "Ġphotoelectron": 23213, - "record": 23214, - "esticular": 23215, - "Ġvocals": 23216, - "Ġconsciousness": 23217, - "Ġtrem": 23218, - "Ġlandscapes": 23219, - "ĠFundamental": 23220, - "tebrate": 23221, - "Ġvertebral": 23222, - "Ġregenerative": 23223, - "Ġtroposp": 23224, - "Integr": 23225, - "Ġassociates": 23226, - "oved": 23227, - "ussed": 23228, - "aws": 23229, - "ĠSide": 23230, - "Ġinterconnected": 23231, - "Ġsuperfamily": 23232, - "ĠCook": 23233, - "loader": 23234, - "Ġpython": 23235, - "ĠCounter": 23236, - "books": 23237, - "Ġïģ²": 23238, - "breaking": 23239, - "gy": 23240, - "Ġcarbox": 23241, - "Ġedited": 23242, - "otyped": 23243, - "Ġduoden": 23244, - "anne": 23245, - "Ġanastom": 23246, - "ginate": 23247, - "ĠBiosciences": 23248, - "rage": 23249, - "ĠChiral": 23250, - "Ġsimplifies": 23251, - "Ġtestis": 23252, - "ström": 23253, - "ials": 23254, - "Ġmicelles": 23255, - "correct": 23256, - "ĠGenetics": 23257, - "along": 23258, - "Rem": 23259, - "resistance": 23260, - "Ġdrink": 23261, - "orbed": 23262, - "ĠTreat": 23263, - "ĠSho": 23264, - "shows": 23265, - "ér": 23266, - "Ġmimics": 23267, - "occup": 23268, - "eclam": 23269, - "ONG": 23270, - "Ġmarketing": 23271, - "ĠFinding": 23272, - "Ġendometri": 23273, - "âĶĢ": 23274, - "strained": 23275, - "ĠMuch": 23276, - "Ġexons": 23277, - "ĠHil": 23278, - "TD": 23279, - "ĠWW": 23280, - "ĠVic": 23281, - "enda": 23282, - "Ġfactory": 23283, - "ĠHepG": 23284, - "ĠStatic": 23285, - "blastoma": 23286, - "wd": 23287, - "raisal": 23288, - "ĠBasis": 23289, - "Ins": 23290, - "ĠUnsupervised": 23291, - "elo": 23292, - "oselective": 23293, - "Ġaccomplish": 23294, - "ĠProspective": 23295, - "Ġuncorrelated": 23296, - "ĠGate": 23297, - "icycl": 23298, - "Ġurgent": 23299, - "ĠPathways": 23300, - "Ġoblique": 23301, - "ĠIndividuals": 23302, - "Ġinitiative": 23303, - "Ġcatast": 23304, - "jections": 23305, - "Ġautosomal": 23306, - "ĠPhilip": 23307, - "Ġcomprehension": 23308, - "mM": 23309, - "pain": 23310, - "ĠmicroM": 23311, - "Ġencounters": 23312, - "goto": 23313, - "Ġladder": 23314, - "Ġoccupy": 23315, - "ĠSurfaces": 23316, - "Doc": 23317, - "ugby": 23318, - "Ġexamines": 23319, - "osynthesis": 23320, - "ĠKEGG": 23321, - "glass": 23322, - "slice": 23323, - "propagation": 23324, - "stry": 23325, - "Ġillustrating": 23326, - "imi": 23327, - "Ġspores": 23328, - "Ġastrophysical": 23329, - "Ġenclosed": 23330, - "Ġinferences": 23331, - "Ġbijection": 23332, - "Ġeveryday": 23333, - "Ġalternatively": 23334, - "reaction": 23335, - "iants": 23336, - "contact": 23337, - "Ġging": 23338, - "ĠBias": 23339, - "Ġautomaton": 23340, - "background": 23341, - "Ġneighbouring": 23342, - "Ġdetects": 23343, - "porate": 23344, - "ĠSharma": 23345, - "Hydro": 23346, - "Ġsacc": 23347, - "ĠFiber": 23348, - "ĠChlam": 23349, - "Ġbuffers": 23350, - "Applying": 23351, - "lceil": 23352, - "emph": 23353, - "ĠGSE": 23354, - "metry": 23355, - "Ġimmunost": 23356, - "ĠHistorical": 23357, - "ĠDrag": 23358, - "Ġtransplanted": 23359, - "Ġfrail": 23360, - "Ġanthocyan": 23361, - "inte": 23362, - "ĠBhat": 23363, - "ĠOg": 23364, - "Ġsteering": 23365, - "benzene": 23366, - "****************************************************************": 23367, - "Ġsynthet": 23368, - "Act": 23369, - "Ġcin": 23370, - "Ġherbal": 23371, - "Ġdyn": 23372, - "Ġhyperplasia": 23373, - "header": 23374, - "Ġcalculates": 23375, - "ĠDifference": 23376, - "Ġbats": 23377, - "ductivity": 23378, - "Ġconformations": 23379, - "city": 23380, - "Ġseparates": 23381, - "ĠCDC": 23382, - "ĠPrism": 23383, - "ĠBehaviour": 23384, - "ĠKelly": 23385, - "ĠSey": 23386, - "ĠÃł": 23387, - "LEX": 23388, - "gkin": 23389, - "strom": 23390, - "Ġvom": 23391, - "ĠWin": 23392, - "ĠWigner": 23393, - "Ġcontralateral": 23394, - "ĠMinor": 23395, - "Ġstereo": 23396, - "ĠApproximately": 23397, - "LED": 23398, - "say": 23399, - "ĠJS": 23400, - "Ġalcohols": 23401, - "Ġsan": 23402, - "Ġhardening": 23403, - "IFN": 23404, - "Ġretrospectively": 23405, - "Ġgeneralised": 23406, - "Ġtibial": 23407, - "ĠWeek": 23408, - "Ġaryl": 23409, - "ĠPeninsula": 23410, - "Ġdeterminations": 23411, - "Ġphotovoltaic": 23412, - "Ġsuggestion": 23413, - "Jac": 23414, - "ĠVitro": 23415, - "Ġcyclo": 23416, - "Ġfibrous": 23417, - "disambiguation": 23418, - "program": 23419, - "Ġguest": 23420, - "ĠDust": 23421, - "rceil": 23422, - "Ġpowered": 23423, - "Ġcardiomyocytes": 23424, - "heat": 23425, - "ylic": 23426, - "Ġpresentations": 23427, - "Ġtransmitting": 23428, - "WD": 23429, - "added": 23430, - "Initial": 23431, - "Del": 23432, - "ĠVelocity": 23433, - "Ġmole": 23434, - "Ġoval": 23435, - "Ġplankton": 23436, - "their": 23437, - "ĠQED": 23438, - "volutions": 23439, - "Ġmandatory": 23440, - "Ġrepulsive": 23441, - "ĉĠĠ": 23442, - "Ġpostulated": 23443, - "ĠCortex": 23444, - "ĠCarb": 23445, - "CHKERRQ": 23446, - "Ġoverlay": 23447, - "ĠFarm": 23448, - "enorhabditis": 23449, - "Ġposed": 23450, - "Ġinstanti": 23451, - "ZT": 23452, - "ĠVisualization": 23453, - "ĠGAPDH": 23454, - "lecom": 23455, - "ochron": 23456, - "ĠBj": 23457, - "ĠTrib": 23458, - "Ġbyte": 23459, - "Ġsuperimposed": 23460, - "Ġundi": 23461, - "Ġaccelerator": 23462, - "criptions": 23463, - "ĠSmooth": 23464, - "Ġzip": 23465, - "nesota": 23466, - "ĠEFF": 23467, - "ĠCole": 23468, - "ĠBru": 23469, - "rend": 23470, - "utz": 23471, - "Ġdiagnose": 23472, - "basis": 23473, - "diamond": 23474, - "ĠInn": 23475, - "ĠMedian": 23476, - "Ġmarginally": 23477, - "Ġlemmas": 23478, - "rectomy": 23479, - "Ġdialogue": 23480, - "ĠBrid": 23481, - "Ġå": 23482, - "oxane": 23483, - "aris": 23484, - "Ġmunicipality": 23485, - "Ġproducers": 23486, - "Regarding": 23487, - "ĠFV": 23488, - "ideal": 23489, - "exponential": 23490, - "Label": 23491, - "ĠFrobenius": 23492, - "Ġell": 23493, - "ĠLTE": 23494, - "Ġlipase": 23495, - "rp": 23496, - "Ġdm": 23497, - "otri": 23498, - "cloud": 23499, - "ĠAgent": 23500, - "MSCs": 23501, - "osom": 23502, - "hydropy": 23503, - "neurons": 23504, - "Ġsolvable": 23505, - "ducting": 23506, - "Ġrendered": 23507, - "Ġattractor": 23508, - "Ġbrac": 23509, - "Ãģ": 23510, - "Ġhosted": 23511, - "ĠOct": 23512, - "Ġguiding": 23513, - "Ġdigestive": 23514, - "js": 23515, - "Ġintent": 23516, - "flux": 23517, - "Ġbiosynthetic": 23518, - "Ġelections": 23519, - "ĠWilcoxon": 23520, - "Ġspectrophotometer": 23521, - "Ġimpairs": 23522, - "Ġabdomen": 23523, - "kb": 23524, - "ĠWho": 23525, - "ASSERT": 23526, - "Ġeluted": 23527, - "Ġmaximization": 23528, - "Ġcollector": 23529, - "ĠPreviously": 23530, - "aq": 23531, - "ambo": 23532, - "ĠOz": 23533, - "Cur": 23534, - "Ġcaffeine": 23535, - "Mass": 23536, - "pal": 23537, - "piece": 23538, - "ouville": 23539, - "ĠMeyer": 23540, - "uta": 23541, - "chan": 23542, - "ĠKS": 23543, - "omotor": 23544, - "ĠGPR": 23545, - "Ġeval": 23546, - "ĠCooperative": 23547, - "oglycan": 23548, - "Ġnozzle": 23549, - "ĠShel": 23550, - "Ġinterchange": 23551, - "Ġundergrad": 23552, - "Ġexplanatory": 23553, - "Ġphagocytosis": 23554, - "Ġctx": 23555, - "hess": 23556, - "Ġuniversality": 23557, - "ĠKilling": 23558, - "onsin": 23559, - "Ġlasting": 23560, - "ĠImm": 23561, - "Ġconcordance": 23562, - "yma": 23563, - "Ġautumn": 23564, - "Ġbarley": 23565, - "Ġconsequent": 23566, - "isi": 23567, - "Ġconjugates": 23568, - "Ġtaught": 23569, - "Ġcovariate": 23570, - "Ġadolescence": 23571, - "Ġvillages": 23572, - "Ġeigenfunctions": 23573, - "Ġtemporally": 23574, - "ĠMinnesota": 23575, - "yrate": 23576, - "iesis": 23577, - "definite": 23578, - "Ġalphabet": 23579, - "ĠYun": 23580, - "ĠMAR": 23581, - "Ġsealed": 23582, - "ronectin": 23583, - "ĠSepar": 23584, - "nx": 23585, - "CAA": 23586, - "Ġreception": 23587, - "ucky": 23588, - "ĠPTEN": 23589, - "ĠMorgan": 23590, - "Ġdiodes": 23591, - "Ġmetformin": 23592, - "Ġsynthes": 23593, - "ĠParticip": 23594, - "ĠJersey": 23595, - "Ġamphib": 23596, - "chel": 23597, - "Ġlamp": 23598, - "ĠHels": 23599, - "ĠFN": 23600, - "Ġexcav": 23601, - "isecond": 23602, - "intro": 23603, - "Ġnoncommutative": 23604, - "Ġsubsystems": 23605, - "summ": 23606, - "Ġcontrasting": 23607, - "ĠSilicon": 23608, - "ĠPartition": 23609, - "GlcNAc": 23610, - "Ġdiscern": 23611, - "ĠBounds": 23612, - "ĠRah": 23613, - "Ġapproximating": 23614, - "ĠHypert": 23615, - "ĠDil": 23616, - "Ġcompactness": 23617, - "Ġcaught": 23618, - "ĠImprove": 23619, - "ĠToronto": 23620, - "ĠBiomark": 23621, - "ĠBag": 23622, - "ĠInvent": 23623, - "Ġelaborate": 23624, - "ĠMott": 23625, - "ABC": 23626, - "ĠGraham": 23627, - "Ġpoultry": 23628, - "ĠConjecture": 23629, - "ĠAlgebras": 23630, - "ĠNLO": 23631, - "apsing": 23632, - "pathy": 23633, - "ĠElizabeth": 23634, - "ĠTit": 23635, - "ĠSCI": 23636, - "anton": 23637, - "Ġvoting": 23638, - "mathrel": 23639, - "ĠFord": 23640, - "igibility": 23641, - "Ġallergy": 23642, - "acoustic": 23643, - "ĠDyn": 23644, - "ĠDSC": 23645, - "ĠGRO": 23646, - "ĠThirty": 23647, - "Ġanalysing": 23648, - "ĠEmpire": 23649, - "fire": 23650, - "Ġpathologic": 23651, - "Ġpatent": 23652, - "Ġheard": 23653, - "ĠFront": 23654, - "isconsin": 23655, - "hypert": 23656, - "uzumab": 23657, - "ĠMutation": 23658, - "Ġbiliary": 23659, - "Ġsuperfluid": 23660, - "ĠWC": 23661, - "ustom": 23662, - "ĠActivities": 23663, - "Ġpolypeptide": 23664, - "heets": 23665, - "Ġborders": 23666, - "early": 23667, - "Ġorthogon": 23668, - "Ġbulge": 23669, - "ï£": 23670, - "Ġconical": 23671, - "ĠLept": 23672, - "Ġelectrolytes": 23673, - "Ġ«": 23674, - "regulating": 23675, - "Ġviolated": 23676, - "âĺ": 23677, - "ALT": 23678, - "ĠWorks": 23679, - "ĠHepat": 23680, - "urgical": 23681, - "obar": 23682, - "ĠReactive": 23683, - "possibly": 23684, - "ĠAdsorption": 23685, - "ĠRio": 23686, - "anoic": 23687, - "ĠâĨij": 23688, - "Ġintriguing": 23689, - "Ġom": 23690, - "hertz": 23691, - "ĠApproximate": 23692, - "ĠParent": 23693, - "Ġcoin": 23694, - "expand": 23695, - "в": 23696, - "Ġnonparametric": 23697, - "extern": 23698, - "aeus": 23699, - "glycerol": 23700, - "Ġcp": 23701, - "Ġbatches": 23702, - "Ġnanomaterials": 23703, - "Use": 23704, - "ĠVivo": 23705, - "Rh": 23706, - "Ġtiles": 23707, - "Ġdepict": 23708, - "Ġsouthwest": 23709, - "ĠCasimir": 23710, - "layered": 23711, - "ĠLeaf": 23712, - "fem": 23713, - "bered": 23714, - "Ġsubalgebra": 23715, - "Ġdetachment": 23716, - "ĠLeuk": 23717, - "olus": 23718, - "ĠRick": 23719, - "Ġabortion": 23720, - "Ġclarified": 23721, - "Ġganglia": 23722, - "QS": 23723, - "oising": 23724, - "ĠForward": 23725, - "ĠPeripheral": 23726, - "shifted": 23727, - "bula": 23728, - "ramolecular": 23729, - "ĠFEM": 23730, - "ĠProton": 23731, - "AME": 23732, - "Ġschedules": 23733, - "Ġaa": 23734, - "ĠUDP": 23735, - "stere": 23736, - "Ġmorphine": 23737, - "Ġspecialist": 23738, - "ĠAndroid": 23739, - "Identif": 23740, - "Ġunexpl": 23741, - "Ġheterozyg": 23742, - "Ġfid": 23743, - "pyridyl": 23744, - "ĠWy": 23745, - "phosphor": 23746, - "Ġfriendly": 23747, - "Ġmicrol": 23748, - "ĠSplit": 23749, - "agner": 23750, - "cribe": 23751, - "Ġmoth": 23752, - "ĠEuro": 23753, - "igs": 23754, - "ĠConditional": 23755, - "ĠStewart": 23756, - "properties": 23757, - "ASC": 23758, - "ĠTraditional": 23759, - "ĠPortugal": 23760, - "Ġearned": 23761, - "Ġcathe": 23762, - "Create": 23763, - "iciencies": 23764, - "Ġsphing": 23765, - "xml": 23766, - "Ġimmunomod": 23767, - "Ġcommute": 23768, - "Ġselenium": 23769, - "anges": 23770, - "hook": 23771, - "denoted": 23772, - "Ġjustify": 23773, - "ĠPool": 23774, - "Ġguinea": 23775, - "Ġcontra": 23776, - "Ġfolded": 23777, - "Ġlisting": 23778, - "ĠLG": 23779, - "ĠLane": 23780, - "Ġsurely": 23781, - "vet": 23782, - "fluorophenyl": 23783, - "Ġcorona": 23784, - "ĠAbund": 23785, - "ĠObjects": 23786, - "Ġtrough": 23787, - "cht": 23788, - "Ġdish": 23789, - "ithi": 23790, - "ĠMatlab": 23791, - "worm": 23792, - "Ġproteomics": 23793, - "Ġintermolecular": 23794, - "ĠPeters": 23795, - "Ġmirrors": 23796, - "quinoline": 23797, - "artens": 23798, - "ĠJewish": 23799, - "kB": 23800, - "ĠDegradation": 23801, - "Ġreleasing": 23802, - "VEGF": 23803, - "Ġsubpopulations": 23804, - "ĠTraffic": 23805, - "Ġproline": 23806, - "ĠHf": 23807, - "Ġadren": 23808, - "birth": 23809, - "Ġsender": 23810, - "Ġatlas": 23811, - "Ġworkplace": 23812, - "Ġreflectivity": 23813, - "ĠExistence": 23814, - "cls": 23815, - "Ġfiner": 23816, - "Ġbreastfeeding": 23817, - "onectin": 23818, - "Ġcogn": 23819, - "ellate": 23820, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 23821, - "byte": 23822, - "Ġsket": 23823, - "NULL": 23824, - "systems": 23825, - "ĠBranch": 23826, - "ĠProposed": 23827, - "learn": 23828, - "Ġtolerant": 23829, - "Ġvertebrates": 23830, - "Ġmultilevel": 23831, - "ĠPAH": 23832, - "Ġaudience": 23833, - "ĠWL": 23834, - "nitrop": 23835, - "ĠCt": 23836, - "Ġsativa": 23837, - "eight": 23838, - "Ġmeg": 23839, - "ocell": 23840, - "Ġstating": 23841, - "dominant": 23842, - "bytes": 23843, - "Ġpu": 23844, - "ĠBatter": 23845, - "otaxis": 23846, - "ĠEBV": 23847, - "Ġnanocrystals": 23848, - "Ġmonopole": 23849, - "Ġdiaphrag": 23850, - "ĠVel": 23851, - "Appendix": 23852, - "atten": 23853, - "impl": 23854, - "Ġlandmark": 23855, - "enclature": 23856, - "ĠSTAR": 23857, - "Ġprostagland": 23858, - "oprotective": 23859, - "Ġloadings": 23860, - "ĠPresence": 23861, - "ĠNSF": 23862, - "resses": 23863, - "FU": 23864, - "ilers": 23865, - "Ġerythrocytes": 23866, - "trac": 23867, - "islation": 23868, - "ĠNight": 23869, - "Ġsteroids": 23870, - "tiz": 23871, - "ĠDMA": 23872, - "Ġric": 23873, - "Ġsalient": 23874, - "ĠFur": 23875, - "special": 23876, - "Ġbioinformatics": 23877, - "ignant": 23878, - "ĠEXPERIM": 23879, - "avorable": 23880, - "disk": 23881, - "Ġcurriculum": 23882, - "imidazol": 23883, - "higher": 23884, - "Ġdesigner": 23885, - "ĠStrength": 23886, - "Ġcytosol": 23887, - "ĠChannels": 23888, - "Land": 23889, - "spar": 23890, - "Expression": 23891, - "Ġdaytime": 23892, - "mercial": 23893, - "vbox": 23894, - "inar": 23895, - "ieving": 23896, - "cein": 23897, - "ĠNCBI": 23898, - "RAN": 23899, - "¸Ģ": 23900, - "Hig": 23901, - "ĠDHA": 23902, - "Ġsubscript": 23903, - "Ġ¢": 23904, - "orange": 23905, - "Ġknows": 23906, - "ĠNAF": 23907, - "produced": 23908, - "epid": 23909, - "Ġdexamethasone": 23910, - "Ġformaldehyde": 23911, - "yll": 23912, - "Ġectopic": 23913, - "ĠVerification": 23914, - "activating": 23915, - "ĠIG": 23916, - "ĠPav": 23917, - "Ġtrading": 23918, - "Ġgraduate": 23919, - "ĠFIR": 23920, - "encil": 23921, - "every": 23922, - "Ġradiological": 23923, - "ĠMammalian": 23924, - "MES": 23925, - "inium": 23926, - "ĠSAS": 23927, - "ĠWH": 23928, - "Override": 23929, - "ĠScheduling": 23930, - "ĠBes": 23931, - "ĠYao": 23932, - "Ġglad": 23933, - "ĠStandards": 23934, - "Ġprovinces": 23935, - "eners": 23936, - "Ġnr": 23937, - "Ġtranspos": 23938, - "ĠCarib": 23939, - "Ġfauna": 23940, - "umi": 23941, - "reset": 23942, - "Ġsupra": 23943, - "Ġdivisions": 23944, - "Ġbiodegrad": 23945, - "metrics": 23946, - "ografts": 23947, - "Ġfunctors": 23948, - "Ġsupportive": 23949, - "Ġcaudal": 23950, - "Ġexerts": 23951, - "Ġcub": 23952, - "odimer": 23953, - "Ġairborne": 23954, - "Ġdelivering": 23955, - "Ġmultivariable": 23956, - "Ġfurnace": 23957, - "Ġremnant": 23958, - "Ġinco": 23959, - "ĠElectromagnetic": 23960, - "mapping": 23961, - "Ġdeclines": 23962, - "cold": 23963, - "ĠSeed": 23964, - "conversion": 23965, - "Ġglycogen": 23966, - "dT": 23967, - "awi": 23968, - "APP": 23969, - "Hol": 23970, - "atalysts": 23971, - "ĠSatellite": 23972, - "garis": 23973, - "card": 23974, - "ĠBreak": 23975, - "ĠAgainst": 23976, - "ddot": 23977, - "Ġpruning": 23978, - "ĠCaenorhabditis": 23979, - "Ġsucceeded": 23980, - "ubert": 23981, - "ĠÏħ": 23982, - "IDs": 23983, - "Ġasymptotics": 23984, - "Ġautoanti": 23985, - "ĠScalar": 23986, - "Ġnematode": 23987, - "hd": 23988, - "Ġgyn": 23989, - "istocene": 23990, - "Ġunderground": 23991, - "ĠEthical": 23992, - "Ġsial": 23993, - "ĠMigration": 23994, - "cope": 23995, - "Ġstigma": 23996, - "Ġeleven": 23997, - "Ġcoloring": 23998, - "initions": 23999, - "ĠJay": 24000, - "oba": 24001, - "ĠLDA": 24002, - "Ġbuilds": 24003, - "gences": 24004, - "ĠEcology": 24005, - "scheme": 24006, - "ĠUltras": 24007, - "Ġmediation": 24008, - "ĠTaq": 24009, - "Ġflying": 24010, - "ĠEquilibrium": 24011, - "ophosphate": 24012, - "ĠArgentina": 24013, - "psia": 24014, - "ttes": 24015, - "Ġdisparity": 24016, - "Ġadvertis": 24017, - "aggreg": 24018, - "ISA": 24019, - "odem": 24020, - "ĠRational": 24021, - "Ġsilent": 24022, - "divided": 24023, - "Pan": 24024, - "JA": 24025, - "claim": 24026, - "Ġradioactive": 24027, - "Ġpink": 24028, - "Ġconverse": 24029, - "ĠMell": 24030, - "enib": 24031, - "ruskal": 24032, - "slope": 24033, - "henol": 24034, - "ĠPon": 24035, - "partition": 24036, - "SMGR": 24037, - "titled": 24038, - "ĠInterference": 24039, - "tosecond": 24040, - "Ġseq": 24041, - "Ġtransitive": 24042, - "ĠWid": 24043, - "reviewed": 24044, - "×¥": 24045, - "ĠVC": 24046, - "recall": 24047, - "ogeneic": 24048, - "ĠOverexpression": 24049, - "Ġcommitted": 24050, - "Ġsynapse": 24051, - "Short": 24052, - "ĠNeutral": 24053, - "icles": 24054, - "ISM": 24055, - "Ġintrinsically": 24056, - "Ġmicrosatellite": 24057, - "RN": 24058, - "ĠâĪĥ": 24059, - "detection": 24060, - "Ġcodimension": 24061, - "Ġdrawbacks": 24062, - "ĠTurner": 24063, - "Ġsputtering": 24064, - "Ġdismut": 24065, - "Ġhypogly": 24066, - "Ġspeak": 24067, - "JD": 24068, - "Ġsul": 24069, - "Ġperinatal": 24070, - "Ġink": 24071, - "iest": 24072, - "Ġofficers": 24073, - "tick": 24074, - "Ġretaining": 24075, - "ĠNET": 24076, - "Ġexchanges": 24077, - "Ġanyone": 24078, - "ĠEndothelial": 24079, - "send": 24080, - "injection": 24081, - "ĠPeru": 24082, - "Ġclades": 24083, - "uctuations": 24084, - "Ġsulphate": 24085, - "pio": 24086, - "Ġphysi": 24087, - "ĠMiy": 24088, - "ĠBAS": 24089, - "arius": 24090, - "Ġlipopolysaccharide": 24091, - "Ġneurodegeneration": 24092, - "ĠTurkish": 24093, - "Ġophthal": 24094, - "Ġacted": 24095, - "entre": 24096, - "Ġshaking": 24097, - "Ġchloroplast": 24098, - "ĠSid": 24099, - "regnancy": 24100, - "asion": 24101, - "ĠHs": 24102, - "Ġinitiating": 24103, - "Ġflexural": 24104, - "Ϫ": 24105, - "Ġparac": 24106, - "Ġinterlayer": 24107, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 24108, - "cause": 24109, - "ractions": 24110, - "Ġvaluation": 24111, - "SYSMGR": 24112, - "ĠGarcia": 24113, - "arrays": 24114, - "Ġcasting": 24115, - "ĠPFN": 24116, - "ĠLanc": 24117, - "ĠGlob": 24118, - "Ġdenti": 24119, - "Ġportfolio": 24120, - "ĠHolocene": 24121, - "ĠMATERIAL": 24122, - "Ġsarc": 24123, - "Lear": 24124, - "Ġtin": 24125, - "ĠClear": 24126, - "below": 24127, - "Ġadvection": 24128, - "Ġoverlaps": 24129, - "Ġarthroplasty": 24130, - "compute": 24131, - "Ġglycolysis": 24132, - "hept": 24133, - "lora": 24134, - "frames": 24135, - "ĠHern": 24136, - "proto": 24137, - "Ġswine": 24138, - "Ġjejun": 24139, - "Ġrepeating": 24140, - "ancreatic": 24141, - "ĠCollins": 24142, - "ĠPrinciple": 24143, - "Ġnanof": 24144, - "Ġadjacency": 24145, - "Ġsynov": 24146, - "chet": 24147, - "ĠAlmost": 24148, - "Ġintrusion": 24149, - "Ġechocardiography": 24150, - "liferation": 24151, - "Ġquiescent": 24152, - "ĠMuk": 24153, - "Ġlifetimes": 24154, - "graded": 24155, - "Ġoverwhel": 24156, - "zel": 24157, - "Ġnitride": 24158, - "Ġdisturbed": 24159, - "Ġfastest": 24160, - "grability": 24161, - "Ġtolerated": 24162, - "frag": 24163, - "ĠExtension": 24164, - "anoate": 24165, - "iferous": 24166, - "Ġhydrodynamics": 24167, - "IONAL": 24168, - "ĠToday": 24169, - "ĠExpansion": 24170, - "Ġvenom": 24171, - "ĠHepatitis": 24172, - "ño": 24173, - "onation": 24174, - "synuclein": 24175, - "Ġbasketball": 24176, - "clusions": 24177, - "Ġsettled": 24178, - "IQR": 24179, - "ĠCra": 24180, - "Ġautomation": 24181, - "ĠHealthy": 24182, - "ĠPortuguese": 24183, - "ĠAbelian": 24184, - "Ġgad": 24185, - "ĠHG": 24186, - "ĠRoth": 24187, - "Ġconsume": 24188, - "FG": 24189, - "inals": 24190, - "ĠMCMC": 24191, - "Ġpregnancies": 24192, - "DES": 24193, - "portional": 24194, - "ĠBiochemical": 24195, - "Ġmissions": 24196, - "ĠAntibody": 24197, - "ĠBCG": 24198, - "ĠLAS": 24199, - "marine": 24200, - "DMA": 24201, - "Ġlongevity": 24202, - "ĠDry": 24203, - "ĠRao": 24204, - "Ġinterferometer": 24205, - "Ġdiscretized": 24206, - "osensory": 24207, - "sit": 24208, - "etta": 24209, - "tainer": 24210, - "otherwise": 24211, - "AKT": 24212, - "ĠFaculty": 24213, - "Ġascertain": 24214, - "ĠSimulated": 24215, - "Ġpayload": 24216, - "OUT": 24217, - "Ġsuffers": 24218, - "Ġtungsten": 24219, - "ĠAnxiety": 24220, - "ĠHeterogeneous": 24221, - "lingual": 24222, - "Ġpherom": 24223, - "bors": 24224, - "linux": 24225, - "Ġmonkey": 24226, - "£": 24227, - "url": 24228, - "ĠAcross": 24229, - "ĠAKI": 24230, - "Ġopp": 24231, - "ocalization": 24232, - "Ġmorphogenesis": 24233, - "gic": 24234, - "ĠPCM": 24235, - "Ġoligomers": 24236, - "Ġexhaustive": 24237, - "ĠGIS": 24238, - "Ġpristine": 24239, - "ĠActiv": 24240, - "ĠScilab": 24241, - "ĠAcoustic": 24242, - "ĠPick": 24243, - "integral": 24244, - "Ġphilosophy": 24245, - "ĠDeng": 24246, - "ĠHab": 24247, - "scape": 24248, - "ĠEmergency": 24249, - "Ġepi": 24250, - "ĠBET": 24251, - "ricket": 24252, - "Ġannulus": 24253, - "Ġlysosomal": 24254, - "Ġstrands": 24255, - "CAP": 24256, - "ĠAmino": 24257, - "ĠStri": 24258, - "ependence": 24259, - "Ġfootprint": 24260, - "ĠFatty": 24261, - "ĠNaz": 24262, - "nest": 24263, - "ĠExplicit": 24264, - "planetary": 24265, - "lead": 24266, - "Ġgrip": 24267, - "need": 24268, - "ATT": 24269, - "ERV": 24270, - "ĠTargeted": 24271, - "CRP": 24272, - "Ġparamagnetic": 24273, - "ĠTyr": 24274, - "ĠMicroRNA": 24275, - "hline": 24276, - "gh": 24277, - "pit": 24278, - "ĠIsolated": 24279, - "jectory": 24280, - "Ġcleaned": 24281, - "oste": 24282, - "Ġpathologies": 24283, - "propylene": 24284, - "ĠReason": 24285, - "ĠINFO": 24286, - "RAY": 24287, - "Values": 24288, - "Ġalive": 24289, - "Ġbiof": 24290, - "ewicz": 24291, - "Ġcracking": 24292, - "google": 24293, - "locked": 24294, - "crop": 24295, - "eca": 24296, - "urane": 24297, - "SVM": 24298, - "utta": 24299, - "ĠMetric": 24300, - "ĠEncycl": 24301, - "ĠModule": 24302, - "Ġwarranted": 24303, - "Ġmultidisciplinary": 24304, - "ĠElastic": 24305, - "labelled": 24306, - "ĠSchwarzschild": 24307, - "ĠPCC": 24308, - "major": 24309, - "video": 24310, - "Ġstoring": 24311, - "ĠMake": 24312, - "ako": 24313, - "ĠJia": 24314, - "Ġtoroidal": 24315, - "ĠHMM": 24316, - "Ġmasking": 24317, - "Again": 24318, - "Ġnephropathy": 24319, - "gf": 24320, - "Ġdominating": 24321, - "erkin": 24322, - "ĠFabrication": 24323, - "ĠFel": 24324, - "DEF": 24325, - "culture": 24326, - "ĠIra": 24327, - "ĠREG": 24328, - "ilingual": 24329, - "Ġmuss": 24330, - "plain": 24331, - "zh": 24332, - "iston": 24333, - "ĠÎ¥": 24334, - "minimal": 24335, - "cmp": 24336, - "GaN": 24337, - "Ġmonotonic": 24338, - "Ġinvolution": 24339, - "Ġwhatever": 24340, - "ĠInstrument": 24341, - "imple": 24342, - "ĠPCI": 24343, - "ĠNeuronal": 24344, - "Ġfacets": 24345, - "Ġhemodialysis": 24346, - "apatite": 24347, - "ĠKil": 24348, - "ontally": 24349, - "Ġinserting": 24350, - "ĠRIP": 24351, - "Ġconnective": 24352, - "ĠFederation": 24353, - "nut": 24354, - "ĠGun": 24355, - "inuous": 24356, - "Mor": 24357, - "ĠWisconsin": 24358, - "Ġmush": 24359, - "ITS": 24360, - "Ġeject": 24361, - "ĠBPS": 24362, - "ĠHorn": 24363, - "ĠEmbedding": 24364, - "Ġraces": 24365, - "ĠJam": 24366, - "Ġposture": 24367, - "ĠInvol": 24368, - "ĠIMDb": 24369, - "ĠPlease": 24370, - "proportion": 24371, - "ĠInterleukin": 24372, - "Ġarte": 24373, - "Ġsubsp": 24374, - "oderma": 24375, - "Find": 24376, - "imit": 24377, - "ĠClin": 24378, - "Hel": 24379, - "FILE": 24380, - "original": 24381, - "ervoir": 24382, - "Ġpleural": 24383, - "clipse": 24384, - "encer": 24385, - "inaries": 24386, - "Ġvictory": 24387, - "Ġinvestigates": 24388, - "ĠImportance": 24389, - "ĠMIN": 24390, - "Ġphonons": 24391, - "integrated": 24392, - "Ġexchanged": 24393, - "ystis": 24394, - "Ġmigrate": 24395, - "Rob": 24396, - "eland": 24397, - "proof": 24398, - "ĠIntegral": 24399, - "Ġmergers": 24400, - "Ġpolyphenols": 24401, - "ĠFully": 24402, - "Ġuro": 24403, - "Ġhomogenous": 24404, - "Ġrecognizing": 24405, - "ĠSignals": 24406, - "vat": 24407, - "igms": 24408, - "Ġaccuracies": 24409, - "Substituting": 24410, - "Ġpoisoning": 24411, - "Ġshrimp": 24412, - "ĠHölder": 24413, - "ĠTanzania": 24414, - "JS": 24415, - "MENT": 24416, - "ĠTopology": 24417, - "Ġinvers": 24418, - "ĠDU": 24419, - "Ġuniaxial": 24420, - "ĠSEC": 24421, - "party": 24422, - "Ġcontrollable": 24423, - "Ġfum": 24424, - "ostics": 24425, - "Ġmanifested": 24426, - "Ġpropagated": 24427, - "Ġsuffix": 24428, - "ĠCAN": 24429, - "ĠPret": 24430, - "keeping": 24431, - "Assuming": 24432, - "Ġsuture": 24433, - "Ġpest": 24434, - "Ġgamet": 24435, - "ĠAlignment": 24436, - "esarean": 24437, - "tum": 24438, - "Ġrefine": 24439, - "Ġpopulated": 24440, - "Ġestu": 24441, - "ĠDefense": 24442, - "ĠPrivacy": 24443, - "ĠWein": 24444, - "ĠSenate": 24445, - "Ġazimuth": 24446, - "ĠProfessional": 24447, - "Ġlabour": 24448, - "Ġseminal": 24449, - "ĠIntervention": 24450, - "ĠOlder": 24451, - "AU": 24452, - "Wind": 24453, - "dynamical": 24454, - "ĠVeter": 24455, - "ación": 24456, - "Ġcooking": 24457, - "Ġâīª": 24458, - "Ġbead": 24459, - "Ġdensely": 24460, - "Ġpalliative": 24461, - "mort": 24462, - "ĠAAV": 24463, - "ĠRyan": 24464, - "Prim": 24465, - "galax": 24466, - "muir": 24467, - "sters": 24468, - "ĠSalt": 24469, - "queeze": 24470, - "ĠPlateau": 24471, - "Ġí": 24472, - "Ġlighter": 24473, - "ordinary": 24474, - "formaldehyde": 24475, - "ĠWer": 24476, - "Ġbark": 24477, - "Ġhomogenized": 24478, - "Ġpyramidal": 24479, - "Ġinert": 24480, - "ĠAPC": 24481, - "ĠMicros": 24482, - "ĠProteobacteria": 24483, - "ĠPurification": 24484, - "Ġparametrized": 24485, - "Ġille": 24486, - "accuracy": 24487, - "embedding": 24488, - "Ġtoughness": 24489, - "Ġisometry": 24490, - "backs": 24491, - "ĠFIG": 24492, - "ĠRon": 24493, - "ĠESP": 24494, - "Ġmicroglial": 24495, - "interp": 24496, - "ĠIntegrating": 24497, - "ĠReducing": 24498, - "Ġhearts": 24499, - "Ġseriously": 24500, - "Ġspecially": 24501, - "CTRL": 24502, - "ĠSurprisingly": 24503, - "Ġhyperplane": 24504, - "polynomial": 24505, - "Ġreconc": 24506, - "Ġpharmacokinetic": 24507, - "Mart": 24508, - "ĠBright": 24509, - "mable": 24510, - "Ġionizing": 24511, - "Ġtrich": 24512, - "zymatic": 24513, - "Ġleptons": 24514, - "etting": 24515, - "ĠHex": 24516, - "Ġneurop": 24517, - "Ġadipocytes": 24518, - "Ġrods": 24519, - "Ġsupercritical": 24520, - "Ġsuccin": 24521, - "Ġanter": 24522, - "ĠNAC": 24523, - "ĠSubsequent": 24524, - "IGH": 24525, - "Ġsoutheast": 24526, - "Ġendowed": 24527, - "Ġconverging": 24528, - "Ġspatio": 24529, - "Ġcelebr": 24530, - "helix": 24531, - "Ġaccessions": 24532, - "Ġimmobilization": 24533, - "ĠEQ": 24534, - "spatial": 24535, - "Ġinformal": 24536, - "Ġdere": 24537, - "ĠEnzyme": 24538, - "ĠBBC": 24539, - "ĠEPR": 24540, - "Ġelectrically": 24541, - "Ġleukocytes": 24542, - "Ġalanine": 24543, - "Ġmitogen": 24544, - "Ġintramolecular": 24545, - "ĠNI": 24546, - "Ġprokary": 24547, - "ISO": 24548, - "Ġdodec": 24549, - "ĠTrade": 24550, - "ĠDai": 24551, - "ccc": 24552, - "ĠWalter": 24553, - "ĠNeither": 24554, - "Ġvulgaris": 24555, - "Ġlongitude": 24556, - "ĠIntro": 24557, - "option": 24558, - "ĠQC": 24559, - "ĠâĿ": 24560, - "protection": 24561, - "ĠIMF": 24562, - "aprote": 24563, - "Ġlinker": 24564, - "Ġfounder": 24565, - "Ġaspiration": 24566, - "clusters": 24567, - "ĠPay": 24568, - "ĠRoles": 24569, - "Ġacyclic": 24570, - "overing": 24571, - "Ġremind": 24572, - "ĠTong": 24573, - "ĠAtten": 24574, - "Ġengineers": 24575, - "Ġdysregulation": 24576, - "ĠFourth": 24577, - "Ġfilename": 24578, - "ĠCool": 24579, - "protected": 24580, - "Ġnilpotent": 24581, - "ĠHK": 24582, - "clone": 24583, - "ĠStadium": 24584, - "ais": 24585, - "osamine": 24586, - "ABILITY": 24587, - "rovascular": 24588, - "ĠAH": 24589, - "ĠConcept": 24590, - "Ġcerebrospinal": 24591, - "owitz": 24592, - "Ġresolving": 24593, - "Ġwings": 24594, - "ĠEGF": 24595, - "ĠCommand": 24596, - "iazep": 24597, - "Ġbeef": 24598, - "Ġspines": 24599, - "Ġpriorities": 24600, - "Ġattempting": 24601, - "Ġtelomere": 24602, - "BQU": 24603, - "Ġviolations": 24604, - "LB": 24605, - "omnia": 24606, - "osm": 24607, - "irq": 24608, - "Ġdiversification": 24609, - "alt": 24610, - "ĠBRAF": 24611, - "Ġorganisation": 24612, - "die": 24613, - "Ġautoreg": 24614, - "icked": 24615, - "ĠEcological": 24616, - "ĠTrain": 24617, - "ĠPY": 24618, - "Ġmusculoskeletal": 24619, - "Ġhorizons": 24620, - "Ġomega": 24621, - "Ġquasars": 24622, - "eption": 24623, - "Ġerad": 24624, - "Ġluminal": 24625, - "Interestingly": 24626, - "Ġpayment": 24627, - "cnt": 24628, - "Ġdipl": 24629, - "Ġrecognised": 24630, - "Cat": 24631, - "ĠChl": 24632, - "Ġmillions": 24633, - "Ġdisappearance": 24634, - "GAP": 24635, - "Ġradiographic": 24636, - "Ġpostpartum": 24637, - "developed": 24638, - "xual": 24639, - "Ġhed": 24640, - "idered": 24641, - "ĠCertain": 24642, - "Ġdysplasia": 24643, - "________": 24644, - "ĠHalf": 24645, - "Ġasymmetries": 24646, - "ĠAlcohol": 24647, - "Sum": 24648, - "Ġfm": 24649, - "Ġchap": 24650, - "Ġpretreated": 24651, - "ĠGallery": 24652, - "Ġoutperform": 24653, - "Ġbreeds": 24654, - "Ġtied": 24655, - "Ġdiffeomorphism": 24656, - "Ġcausative": 24657, - "Ġcollectively": 24658, - "Ġsuboptimal": 24659, - "Ġinsulation": 24660, - "Ġmanipulate": 24661, - "Ġkilomet": 24662, - "Ġrepulsion": 24663, - "Ġchloroform": 24664, - "Ġbean": 24665, - "Ġhero": 24666, - "rophysics": 24667, - "ĠPeptide": 24668, - "Ġoutlier": 24669, - "Derived": 24670, - "isser": 24671, - "ĠInfant": 24672, - "sulfonyl": 24673, - "Ġrecursively": 24674, - "Hu": 24675, - "ĠKoh": 24676, - "pyridine": 24677, - "Ġsquad": 24678, - "Ġthirty": 24679, - "Ġspoken": 24680, - "ĠZar": 24681, - "othermic": 24682, - "Ġcalcification": 24683, - "ĠHelsinki": 24684, - "Ġbeach": 24685, - "ĠFDR": 24686, - "Ġprobiotic": 24687, - "Ġfinishing": 24688, - "ymmetrical": 24689, - "Ġvacancy": 24690, - "Ġthrombo": 24691, - "Compared": 24692, - "AST": 24693, - "sted": 24694, - "otherap": 24695, - "Ġiodide": 24696, - "Ġtt": 24697, - "alignment": 24698, - "Ġmicrovascular": 24699, - "Ġinitialize": 24700, - "ĠANALYSIS": 24701, - "Ġtopographic": 24702, - "ĠReporting": 24703, - "Ġunderestimated": 24704, - "puted": 24705, - "Ġatherosclerotic": 24706, - "Qiagen": 24707, - "gut": 24708, - "ĠCortical": 24709, - "Ġdisrupt": 24710, - "este": 24711, - "Ġglue": 24712, - "Ġnarrower": 24713, - "Ġinpatient": 24714, - "Ġscholars": 24715, - "Ġbc": 24716, - "ĠPsychological": 24717, - "ĠHamiltonians": 24718, - "Ġhonor": 24719, - "tibular": 24720, - "Ġinsertions": 24721, - "oscope": 24722, - "Ġpharmacokinetics": 24723, - "Ġmathematically": 24724, - "Ġfork": 24725, - "ipital": 24726, - "ĠArgs": 24727, - "abolism": 24728, - "Ġâİł": 24729, - "ĠRobot": 24730, - "ĠCasc": 24731, - "Ġleaching": 24732, - "ĠLack": 24733, - "Ġendocytosis": 24734, - "Ġtris": 24735, - "Ġsensitivities": 24736, - "Ġlicensed": 24737, - "Ġsponge": 24738, - "carbonyl": 24739, - "feat": 24740, - "Ġprecl": 24741, - "Ġwaist": 24742, - "tifications": 24743, - "Ġoliv": 24744, - "binary": 24745, - "atri": 24746, - "ĠBiot": 24747, - "TZ": 24748, - "Ġfake": 24749, - "ĠMosc": 24750, - "ĠHPS": 24751, - "ĠVoltage": 24752, - "ĠâİĿ": 24753, - "ĠAhmed": 24754, - "ĠSexual": 24755, - "dehydes": 24756, - "ĠCot": 24757, - "Ġmagma": 24758, - "oxylin": 24759, - "ÐĪ": 24760, - "amethyl": 24761, - "ĠLOS": 24762, - "diphenyl": 24763, - "experimental": 24764, - "Ġpluripotent": 24765, - "agittal": 24766, - "walk": 24767, - "Ġplasmonic": 24768, - "Ġcontracts": 24769, - "Ġexped": 24770, - "ĠArabia": 24771, - "Ġshoots": 24772, - "ĠRAN": 24773, - "ustrated": 24774, - "Ġconvexity": 24775, - "ĠmJ": 24776, - "ĠAbsolute": 24777, - "ĠSEL": 24778, - "MIP": 24779, - "ĠActually": 24780, - "sole": 24781, - "QI": 24782, - "ĠTGFβ": 24783, - "Ġâİŀ": 24784, - "Ġrearrangements": 24785, - "Ġcuring": 24786, - "expensive": 24787, - "ceptibility": 24788, - "Ġours": 24789, - "ĠKidney": 24790, - "Ġassigns": 24791, - "Ġvoxels": 24792, - "oreal": 24793, - "Ġevening": 24794, - "hus": 24795, - "ĠãĢ": 24796, - "oradi": 24797, - "ĠCorrection": 24798, - "Ġnanofibers": 24799, - "Ġcantile": 24800, - "bigoplus": 24801, - "uminous": 24802, - "eclampsia": 24803, - "ĠCult": 24804, - "ECH": 24805, - "atology": 24806, - "Ġji": 24807, - "cryp": 24808, - "ĠAspects": 24809, - "eni": 24810, - "Ġsemis": 24811, - "IRS": 24812, - "ĠPho": 24813, - "encoding": 24814, - "ĠJustice": 24815, - "ococci": 24816, - "Ġhypothalamic": 24817, - "ractable": 24818, - "ĠOrb": 24819, - "Simons": 24820, - "Ġmanipulated": 24821, - "attribute": 24822, - "onov": 24823, - "orously": 24824, - "endar": 24825, - "uder": 24826, - "insert": 24827, - "Ġlysed": 24828, - "ĠHodge": 24829, - "Ġfootballer": 24830, - "Device": 24831, - "ĠLeast": 24832, - "Ġstratum": 24833, - "Ġmitral": 24834, - "Ġsell": 24835, - "ĠMuc": 24836, - "glycer": 24837, - "oj": 24838, - "Ġpathogenicity": 24839, - "ĠDeclaration": 24840, - "opause": 24841, - "ĠArticle": 24842, - "Ġrinsed": 24843, - "ĠLévy": 24844, - "rement": 24845, - "Ġants": 24846, - "ĠDic": 24847, - "ĠkPa": 24848, - "urry": 24849, - "motion": 24850, - "client": 24851, - "Ġaccessory": 24852, - "Ġdepolarization": 24853, - "namely": 24854, - "Ġdisparities": 24855, - "Ġfavourable": 24856, - "ĠTibet": 24857, - "Ġoocyte": 24858, - "istration": 24859, - "Ġunresolved": 24860, - "criptive": 24861, - "physics": 24862, - "Ġbenzo": 24863, - "Ġcrystallinity": 24864, - "Ġpayoff": 24865, - "Ġumbilical": 24866, - "osil": 24867, - "ĠSystemic": 24868, - "ĠSTM": 24869, - "Ġstabilizer": 24870, - "USA": 24871, - "ĠJensen": 24872, - "Aug": 24873, - "ĠHat": 24874, - "AGG": 24875, - "underbrace": 24876, - "Ġmanipulations": 24877, - "ĠManc": 24878, - "nedy": 24879, - "Ġscratch": 24880, - "Cherry": 24881, - "osaccharides": 24882, - "Ġprecipitate": 24883, - "quarters": 24884, - "icul": 24885, - "Ġoptimally": 24886, - "many": 24887, - "Ġneoplasms": 24888, - "Ġinward": 24889, - "aryng": 24890, - "Ġmoll": 24891, - "ĠWel": 24892, - "ĠWiley": 24893, - "Ġnewspaper": 24894, - "Ġinhabitants": 24895, - "ĠSuccess": 24896, - "Ġbridging": 24897, - "Ġdisconnected": 24898, - "Ġhygiene": 24899, - "Dist": 24900, - "Ġscripts": 24901, - "Ġmesoporous": 24902, - "Ġrestricts": 24903, - "actone": 24904, - "Ġaquifer": 24905, - "ĠïĤ·": 24906, - "Ġplex": 24907, - "Ġpresumed": 24908, - "Ġips": 24909, - "ĠMilitary": 24910, - "Ġjudged": 24911, - "Ġald": 24912, - "Ġsequest": 24913, - "compared": 24914, - "ULATION": 24915, - "adapted": 24916, - "Ġinstructed": 24917, - "pulse": 24918, - "Ġcusp": 24919, - "matching": 24920, - "carrier": 24921, - "Ġenforce": 24922, - "ĠInterview": 24923, - "ometrics": 24924, - "Ġnullptr": 24925, - "Ġflavour": 24926, - "ĠPareto": 24927, - "ĠBER": 24928, - "Ġuv": 24929, - "Ġcrash": 24930, - "ĠCann": 24931, - "ĠMineral": 24932, - "ĠOlympic": 24933, - "Ġpolycrystalline": 24934, - "lett": 24935, - "Tables": 24936, - "requent": 24937, - "Ġsedentary": 24938, - "unsaturated": 24939, - "ĠBernoulli": 24940, - "Ġadmissions": 24941, - "itorial": 24942, - "acute": 24943, - "Ġadditions": 24944, - "weet": 24945, - "ALE": 24946, - "ĠManip": 24947, - "tokens": 24948, - "preced": 24949, - "dk": 24950, - "consider": 24951, - "Ġïĺ¹": 24952, - "Ġwrites": 24953, - "cardia": 24954, - "ctomy": 24955, - "omatous": 24956, - "Symbol": 24957, - "usten": 24958, - "Ġproteolytic": 24959, - "categories": 24960, - "Ġfic": 24961, - "Ġswing": 24962, - "Ġpassenger": 24963, - "Ġoverlapped": 24964, - "ifi": 24965, - "Ġmutational": 24966, - "ĠJosephson": 24967, - "Ġregret": 24968, - "ĠArk": 24969, - "ĠCFD": 24970, - "Ġmaneu": 24971, - "encoded": 24972, - "textsc": 24973, - "Ġdecompositions": 24974, - "ĠDeb": 24975, - "Ġmandibular": 24976, - "dU": 24977, - "ĠPIC": 24978, - "Ġtranscriptomic": 24979, - "Ġtelescop": 24980, - "ĠSantos": 24981, - "oE": 24982, - "ĠMCP": 24983, - "Ġindigenous": 24984, - "Ġmicrospheres": 24985, - "Ġcodew": 24986, - "zip": 24987, - "Ġfingers": 24988, - "Ġcampaigns": 24989, - "¸Ģł": 24990, - "Ġaccidents": 24991, - "ĠTools": 24992, - "Planck": 24993, - "»": 24994, - "eder": 24995, - "ingham": 24996, - "oxidase": 24997, - "Ġancestor": 24998, - "whose": 24999, - "Ġphospholipid": 25000, - "Ġconversation": 25001, - "ĠHof": 25002, - "cortical": 25003, - "glycos": 25004, - "Ġmanufacturers": 25005, - "opulmonary": 25006, - "Ġinclined": 25007, - "ĠBethe": 25008, - "Ġspending": 25009, - "ĠFusarium": 25010, - "uitively": 25011, - "Ġfemur": 25012, - "ĠLinks": 25013, - "Ġnitrite": 25014, - "Main": 25015, - "Ġflora": 25016, - "ĠPhD": 25017, - "ĠWriting": 25018, - "ĠHessian": 25019, - "Ġμs": 25020, - "ools": 25021, - "Ġvictims": 25022, - "ĠRew": 25023, - "ansen": 25024, - "Ear": 25025, - "Ġorn": 25026, - "Ġthermoelectric": 25027, - "ENSE": 25028, - "ĠWeighted": 25029, - "holes": 25030, - "Ġcen": 25031, - "Ġacuity": 25032, - "Ġvacancies": 25033, - "ĠDuke": 25034, - "Ġpaclitaxel": 25035, - "Ġconverts": 25036, - "bourne": 25037, - "ĠACS": 25038, - "osi": 25039, - "Ġcriminal": 25040, - "ĠIb": 25041, - "unes": 25042, - "ĠNanoc": 25043, - "Post": 25044, - "ĠMDS": 25045, - "Ġeconomics": 25046, - "Ġthoughts": 25047, - "Ġneuroprotective": 25048, - "Ġintersects": 25049, - "cers": 25050, - "atid": 25051, - "usa": 25052, - "ĠAns": 25053, - "Ġafterwards": 25054, - "ĠOFDM": 25055, - "ĠCMV": 25056, - "ĠCum": 25057, - "ATG": 25058, - "ĠImageNet": 25059, - "ĠAttack": 25060, - "ogeneities": 25061, - "Ġcounseling": 25062, - "ĠCONTR": 25063, - "ález": 25064, - "ĠDh": 25065, - "ĠGV": 25066, - "Ġpositional": 25067, - "Ġgang": 25068, - "ĠInteractive": 25069, - "wig": 25070, - "ĠTrace": 25071, - "ĠDSS": 25072, - "Ġsynthetase": 25073, - "ĠGalile": 25074, - "usually": 25075, - "ĠBass": 25076, - "ardless": 25077, - "Ġexecuting": 25078, - "KP": 25079, - "ĠNepal": 25080, - "READ": 25081, - "ĠLock": 25082, - "ohydro": 25083, - "rotation": 25084, - "dil": 25085, - "roscopically": 25086, - "reperfusion": 25087, - "Ġdishes": 25088, - "ĠProceedings": 25089, - "ĠNPC": 25090, - "Ġmonsoon": 25091, - "ĠLemmas": 25092, - "ĠChandra": 25093, - "Ġreactors": 25094, - "Ġtryptophan": 25095, - "ĠVT": 25096, - "ĠDEM": 25097, - "Ġlegislation": 25098, - "mk": 25099, - "Ġtoric": 25100, - "ĠPrograms": 25101, - "ĠPubMed": 25102, - "ĠrDNA": 25103, - "Ġposts": 25104, - "ĠâİĽ": 25105, - "Ġshedding": 25106, - "tolerant": 25107, - "Ġvoids": 25108, - "ĠCaribbean": 25109, - "CODE": 25110, - "Tube": 25111, - "ALSE": 25112, - "Ġchlorine": 25113, - "Ġcoerc": 25114, - "ĠRhiz": 25115, - "ĠKirk": 25116, - "ĠÃĸ": 25117, - "rout": 25118, - "icides": 25119, - "agu": 25120, - "ĠKw": 25121, - "Ġcru": 25122, - "Observe": 25123, - "ĠRevis": 25124, - "Ġanonym": 25125, - "Ġprerequ": 25126, - "ocortical": 25127, - "Ġrestaur": 25128, - "ĠPopulations": 25129, - "dst": 25130, - "Ġfort": 25131, - "regs": 25132, - "ĠPolarization": 25133, - "Ġpancreatitis": 25134, - "aph": 25135, - "threat": 25136, - "ften": 25137, - "ĠAlaska": 25138, - "ĠFlexible": 25139, - "Ġrepertoire": 25140, - "kan": 25141, - "mathchoice": 25142, - "Ġmitosis": 25143, - "Ġeat": 25144, - "utin": 25145, - "Ġrt": 25146, - "Ġdummy": 25147, - "ĠCys": 25148, - "ĠGor": 25149, - "earchers": 25150, - "HPLC": 25151, - "Ġbay": 25152, - "ĠNielsen": 25153, - "ĠRoc": 25154, - "iani": 25155, - "icit": 25156, - "rague": 25157, - "Ġcourts": 25158, - "testing": 25159, - "Ġamplify": 25160, - "Ġtuples": 25161, - "proliferative": 25162, - "ĠParas": 25163, - "Ġmagnets": 25164, - "Ġchemokines": 25165, - "ĠMitchell": 25166, - "ĠPetri": 25167, - "holtz": 25168, - "ych": 25169, - "matrices": 25170, - "Ġcorrecting": 25171, - "ĠPCa": 25172, - "ynamically": 25173, - "ĠNAFLD": 25174, - "Ġeffluent": 25175, - "itum": 25176, - "Ġthrows": 25177, - "ĠGuid": 25178, - "ochromatic": 25179, - "ĠFro": 25180, - "idad": 25181, - "romagnetism": 25182, - "Herm": 25183, - "ĠSpi": 25184, - "ĠQuas": 25185, - "domains": 25186, - "Ġquadrant": 25187, - "ĠSOX": 25188, - "ĠGovernor": 25189, - "Ġamenable": 25190, - "held": 25191, - "ĠCul": 25192, - "Ġunderwater": 25193, - "ĠKron": 25194, - "ĠSpati": 25195, - "anoyl": 25196, - "CU": 25197, - "ovir": 25198, - "Ġdemographics": 25199, - "Within": 25200, - "ĠMé": 25201, - "textsf": 25202, - "ĠLabel": 25203, - "Ġgenuine": 25204, - "Ġhill": 25205, - "ĠLaz": 25206, - "Ġtesticular": 25207, - "ĠBrow": 25208, - "ICATION": 25209, - "¡": 25210, - "ĠAIC": 25211, - "ancomycin": 25212, - "strual": 25213, - "Ġarrested": 25214, - "ĠSom": 25215, - "ĠIHC": 25216, - "ĠPose": 25217, - "ĠMö": 25218, - "istar": 25219, - "ĠPAM": 25220, - "ĠHCT": 25221, - "Ġtypedef": 25222, - "ĠMorse": 25223, - "ĠLeishman": 25224, - "limb": 25225, - "Ġspheroid": 25226, - "osely": 25227, - "ĠGuinea": 25228, - "renew": 25229, - "Ġpsoriasis": 25230, - "ista": 25231, - "ĠChung": 25232, - "orthogonal": 25233, - "ĠShear": 25234, - "ĠMuslim": 25235, - "ĠPict": 25236, - "Integer": 25237, - "Ġspacer": 25238, - "Ly": 25239, - "Ġdermal": 25240, - "Ġoncology": 25241, - "Ġdp": 25242, - "Ġphotoluminescence": 25243, - "regon": 25244, - "aminase": 25245, - "Ġáºĭ": 25246, - "Instance": 25247, - "verb": 25248, - "Ġmethylated": 25249, - "ĠGem": 25250, - "istently": 25251, - "ĠMgCl": 25252, - "ĠElevated": 25253, - "⣩": 25254, - "onstruct": 25255, - "Ġsnapshot": 25256, - "enem": 25257, - "ĠDisk": 25258, - "Ġhydrostatic": 25259, - "Ġïĥª": 25260, - "vor": 25261, - "ĠIE": 25262, - "ĠLY": 25263, - "ORF": 25264, - "Ġfoil": 25265, - "male": 25266, - "Ġdepended": 25267, - "sparse": 25268, - "Ġmetas": 25269, - "Ġtextures": 25270, - "Ġstacks": 25271, - "MHz": 25272, - "Ġfn": 25273, - "Ġultrac": 25274, - "ĠShould": 25275, - "Vec": 25276, - "nine": 25277, - "infinite": 25278, - "ĠLawrence": 25279, - "ĠInventory": 25280, - "ĠProstate": 25281, - "Ġgesture": 25282, - "ĠSuzuki": 25283, - "Abs": 25284, - "ricane": 25285, - "ĠPeriodic": 25286, - "Myc": 25287, - "ifiable": 25288, - "Ġinefficient": 25289, - "Ġcollapsed": 25290, - "Ġtopologically": 25291, - "Ġpreferable": 25292, - "Ġbronchial": 25293, - "uston": 25294, - "Ġflexion": 25295, - "ourney": 25296, - "translation": 25297, - "Ġepitaxial": 25298, - "Ġirradiance": 25299, - "Ġneighbours": 25300, - "switch": 25301, - "Ġactuators": 25302, - "SOD": 25303, - "mir": 25304, - "dies": 25305, - "ikawa": 25306, - "ĠALL": 25307, - "ĠRSV": 25308, - "ĠHEP": 25309, - "Ġendurance": 25310, - "connection": 25311, - "Ġgestures": 25312, - "odontic": 25313, - "ĠUnc": 25314, - "Ġdismutase": 25315, - "Having": 25316, - "mix": 25317, - "Ġneurogenesis": 25318, - "Ġmyocardium": 25319, - "ĠRussell": 25320, - "Hist": 25321, - "ĠSPI": 25322, - "triazol": 25323, - "agulant": 25324, - "ĠRequired": 25325, - "ĠshRNA": 25326, - "ĠArthur": 25327, - "Ġspawning": 25328, - "dried": 25329, - "Ġrectif": 25330, - "ĠÃī": 25331, - "Ġosteogenic": 25332, - "replace": 25333, - "Ġgaining": 25334, - "Ġneutralization": 25335, - "ĠHartree": 25336, - "Ġfollicles": 25337, - "Ġreligion": 25338, - "Ġduplex": 25339, - "Ġtransients": 25340, - "amped": 25341, - "Ġmicrotubules": 25342, - "interest": 25343, - "Ġsteels": 25344, - "Batch": 25345, - "Ġdenaturation": 25346, - "ĠPhillips": 25347, - "Ġquiet": 25348, - "ĠBureau": 25349, - "ĠRare": 25350, - "Ġquercetin": 25351, - "aults": 25352, - "Ġelution": 25353, - "uka": 25354, - "ĠInterpretation": 25355, - "RV": 25356, - "ĠESC": 25357, - "ĠKom": 25358, - "arettes": 25359, - "ĠïģĦ": 25360, - "Ġtradition": 25361, - "Ġdissected": 25362, - "Neigh": 25363, - "Ġsheaves": 25364, - "Ġbelonged": 25365, - "ĠHistoric": 25366, - "ĠOE": 25367, - "Ġjson": 25368, - "lemma": 25369, - "ĠYAP": 25370, - "odext": 25371, - "interface": 25372, - "Ġextremity": 25373, - "crossing": 25374, - "precedented": 25375, - "according": 25376, - "Ġconstructive": 25377, - "ĠStimulation": 25378, - "ĠHFD": 25379, - "Ġwavenumber": 25380, - "Ġhrs": 25381, - "Ġpapillomavirus": 25382, - "Ġvomiting": 25383, - "Ġreactivation": 25384, - "ometrically": 25385, - "ĠDimensions": 25386, - "objects": 25387, - "orton": 25388, - "ĠMathem": 25389, - "ĠOlive": 25390, - "Ġcrosstalk": 25391, - "partite": 25392, - "opathies": 25393, - "ĠCNTs": 25394, - "rousal": 25395, - "Ġcrowd": 25396, - "ĠLangmuir": 25397, - "ĠTox": 25398, - "echanics": 25399, - "imus": 25400, - "ĠShock": 25401, - "tanh": 25402, - "ĠBrillouin": 25403, - "Ġtransferring": 25404, - "Ġellipse": 25405, - "ĠAddition": 25406, - "ĠRural": 25407, - "Ġgeodesics": 25408, - "GEM": 25409, - "ĠPOS": 25410, - "ĠMission": 25411, - "ocarp": 25412, - "ĠJane": 25413, - "Lie": 25414, - "freq": 25415, - "opot": 25416, - "ĠVibrio": 25417, - "ĠObj": 25418, - "erts": 25419, - "ĠTrials": 25420, - "CFT": 25421, - "ĠCodes": 25422, - "μg": 25423, - "Reference": 25424, - "ĠFung": 25425, - "ĠSuppression": 25426, - "hog": 25427, - "Ġresistive": 25428, - "Chi": 25429, - "intered": 25430, - "Ġpostmenopausal": 25431, - "Statistical": 25432, - "ĠEdwards": 25433, - "Ġses": 25434, - "Ġfarming": 25435, - "quartile": 25436, - "cooled": 25437, - "Ġnanop": 25438, - "ĠProbing": 25439, - "ĠBernard": 25440, - "uni": 25441, - "ieties": 25442, - "ĠMarket": 25443, - "osum": 25444, - "ĠMessage": 25445, - "Ġaxiom": 25446, - "cg": 25447, - "ĠMoving": 25448, - "Resolution": 25449, - "Ġadsorbent": 25450, - "Ġmultin": 25451, - "Ġineffective": 25452, - "propag": 25453, - "hardt": 25454, - "Saharan": 25455, - "Wil": 25456, - "ĠIvan": 25457, - "irubin": 25458, - "Ġtrabec": 25459, - "alli": 25460, - "ĠCDCl": 25461, - "Ġsew": 25462, - "ĠIss": 25463, - "Ġaggression": 25464, - "ĠJuan": 25465, - "Ġdispersions": 25466, - "Ġauxin": 25467, - "FET": 25468, - "lp": 25469, - "reach": 25470, - "ĠPGE": 25471, - "chestr": 25472, - "Ġlecture": 25473, - "ĠDonald": 25474, - "slip": 25475, - "ĠHbA": 25476, - "ĠSecure": 25477, - "ĠBeh": 25478, - "Ġdamages": 25479, - "WH": 25480, - "alkyl": 25481, - "Ha": 25482, - "ĠThanks": 25483, - "Ġsensitization": 25484, - "Ġwaterm": 25485, - "Ġtwins": 25486, - "Ġcultivar": 25487, - "Ġzeolite": 25488, - "Variable": 25489, - "ĠBent": 25490, - "Ġantisense": 25491, - "ĠHansen": 25492, - "repreneur": 25493, - "ĠSNe": 25494, - "ĠEMG": 25495, - "Ġreacted": 25496, - "Ġoverflow": 25497, - "Ġformalin": 25498, - "ĠUsually": 25499, - "olybden": 25500, - "Ġacad": 25501, - "ATURE": 25502, - "Ġwaveguides": 25503, - "Ġchunk": 25504, - "Ġmodifies": 25505, - "Ġeryt": 25506, - "ĠZhong": 25507, - "Ġgranule": 25508, - "Ġcs": 25509, - "ĠGrade": 25510, - "Ġlandmarks": 25511, - "uristic": 25512, - "Ġamines": 25513, - "ĠIntrinsic": 25514, - "Ġerroneous": 25515, - "Ġlockdown": 25516, - "ypti": 25517, - "Child": 25518, - "Ġuniversities": 25519, - "Ġparasit": 25520, - "Ġignition": 25521, - "Tim": 25522, - "araj": 25523, - "ravel": 25524, - "ĠLands": 25525, - "ĠCircular": 25526, - "Ġrotate": 25527, - "Patients": 25528, - "ĠWB": 25529, - "Ġmyelin": 25530, - "ĠWeiss": 25531, - "Ġdipolar": 25532, - "Ġfollicle": 25533, - "ĠWatson": 25534, - "ĠIncor": 25535, - "Ġfoundations": 25536, - "ĠPip": 25537, - "Ġpressing": 25538, - "Ġforbidden": 25539, - "avan": 25540, - "ĠmAb": 25541, - "union": 25542, - "ĠFresh": 25543, - "ĠCorp": 25544, - "floxacin": 25545, - "coordinate": 25546, - "Ġshunt": 25547, - "Ġconstituted": 25548, - "aniline": 25549, - "Ġtweets": 25550, - "ĠChow": 25551, - "Ġmobilization": 25552, - "zyk": 25553, - "EST": 25554, - "neigh": 25555, - "ĠMeng": 25556, - "ĠResNet": 25557, - "ĠJet": 25558, - "Ġluminous": 25559, - "Ġstressors": 25560, - "does": 25561, - "trifluoromethyl": 25562, - "Ġconcert": 25563, - "ĠChoice": 25564, - "phim": 25565, - "alcoholic": 25566, - "ochem": 25567, - "iltered": 25568, - "Ġpredictable": 25569, - "Ġtran": 25570, - "ĠPra": 25571, - "Ġvalves": 25572, - "Ġautonomy": 25573, - "regulate": 25574, - "ĠBeach": 25575, - "ĠOntology": 25576, - "Ġisofl": 25577, - "Ġquoted": 25578, - "ĠLex": 25579, - "thy": 25580, - "Ġcomplaints": 25581, - "ĠTrees": 25582, - "Ġopposing": 25583, - "ĠAcceler": 25584, - "contrast": 25585, - "Ġcompeted": 25586, - "OE": 25587, - "ĠRoche": 25588, - "issance": 25589, - "Ġpeace": 25590, - "ĠAim": 25591, - "Ġinfertility": 25592, - "ĠAntarctica": 25593, - "thien": 25594, - "Summ": 25595, - "Ġjudgments": 25596, - "amides": 25597, - "Ġspill": 25598, - "Ġhereafter": 25599, - "ĠConstit": 25600, - "computer": 25601, - "Ġbegun": 25602, - "ocentric": 25603, - "Ġpumps": 25604, - "medium": 25605, - "chol": 25606, - "metallic": 25607, - "Ġflares": 25608, - "Ġpetroleum": 25609, - "Ġwithd": 25610, - "ĠTheatre": 25611, - "Ġunlabeled": 25612, - "Ġregularized": 25613, - "osteric": 25614, - "ĠPFS": 25615, - "Ġunem": 25616, - "Ġpresently": 25617, - "Ġbuffered": 25618, - "affinity": 25619, - "ĠDemographic": 25620, - "ĠKondo": 25621, - "Ġcenturies": 25622, - "Ġmigratory": 25623, - "arynx": 25624, - "Associated": 25625, - "anilino": 25626, - "grown": 25627, - "ĠExecutive": 25628, - "ĠEk": 25629, - "ĠHemat": 25630, - "ĠPlayer": 25631, - "ĠCHD": 25632, - "flex": 25633, - "ĠSever": 25634, - "altham": 25635, - "impro": 25636, - "anet": 25637, - "ocyst": 25638, - "ĠAster": 25639, - "COL": 25640, - "ĠSimilarity": 25641, - "ĠHoward": 25642, - "Ġmulticast": 25643, - "ĠEnsemble": 25644, - "ìĹ": 25645, - "olys": 25646, - "ĠGenomics": 25647, - "Ġresonators": 25648, - "Ġfistula": 25649, - "onen": 25650, - "users": 25651, - "Ġhypo": 25652, - "rogens": 25653, - "Ġmedal": 25654, - "ĠMIP": 25655, - "Ġvoltam": 25656, - "Ġappreciated": 25657, - "ĠPé": 25658, - "ĠGaia": 25659, - "Ġbuckling": 25660, - "Ġcongruence": 25661, - "furyl": 25662, - "ĠEpstein": 25663, - "Ġcascades": 25664, - "gold": 25665, - "Ġanhyd": 25666, - "Ġgraduated": 25667, - "Memory": 25668, - "ĠIndustry": 25669, - "ĠSchneider": 25670, - "Ġemployee": 25671, - "ĠCorn": 25672, - "MAC": 25673, - "rove": 25674, - "ropod": 25675, - "service": 25676, - "ĠOxidation": 25677, - "Ġenumeration": 25678, - "mad": 25679, - "ĠClose": 25680, - "ĠModular": 25681, - "Ġprogeny": 25682, - "Ġgt": 25683, - "reading": 25684, - "ĠIndic": 25685, - "opathologic": 25686, - "ĠPFNGL": 25687, - "XL": 25688, - "cis": 25689, - "ĠMike": 25690, - "ĠBBB": 25691, - "ĠExtreme": 25692, - "ĠChoose": 25693, - "Ġhorizontally": 25694, - "ĠASSERT": 25695, - "Ġglucocorticoid": 25696, - "Bay": 25697, - "Ġpdf": 25698, - "Ġcontainers": 25699, - "ĠLOC": 25700, - "ĠYield": 25701, - "oprote": 25702, - "Ġfructose": 25703, - "ĠICC": 25704, - "Ġdecid": 25705, - "rimidine": 25706, - "Ġfragmented": 25707, - "Ġisomorphisms": 25708, - "м": 25709, - "Ġintegrates": 25710, - "Ġfibration": 25711, - "ĠâĬ¤": 25712, - "Ġxenograft": 25713, - "nucleon": 25714, - "ĠCSP": 25715, - "Ġsut": 25716, - "ĠSpir": 25717, - "Ġdissoci": 25718, - "ĠTBI": 25719, - "ĠForces": 25720, - "Ġhypersurface": 25721, - "Ġmyosin": 25722, - "ĠQueensland": 25723, - "Neg": 25724, - "ĠURL": 25725, - "bind": 25726, - "Applied": 25727, - "ĠDob": 25728, - "ĠKE": 25729, - "Ġmemor": 25730, - "ĠArabic": 25731, - "ĠLateral": 25732, - "ĠStart": 25733, - "nose": 25734, - "tibility": 25735, - "asters": 25736, - "Ġusability": 25737, - "Ġincenti": 25738, - "ymn": 25739, - "ĠAnalytic": 25740, - "Pet": 25741, - "ĠMask": 25742, - "World": 25743, - "brand": 25744, - "Ġeliminates": 25745, - "Ġmerit": 25746, - "ĠPhilippines": 25747, - "ĠBCL": 25748, - "ĠOri": 25749, - "Ġparadigms": 25750, - "ĠInters": 25751, - "rizona": 25752, - "Ġconception": 25753, - "Ġrelied": 25754, - "ĠJoe": 25755, - "ĠApple": 25756, - "Ġlightweight": 25757, - "mortem": 25758, - "olig": 25759, - "Ġviz": 25760, - "Ġstones": 25761, - "Ġkeywords": 25762, - "ĠSecretary": 25763, - "TN": 25764, - "older": 25765, - "ĠIntestinal": 25766, - "Ġpossessed": 25767, - "Ġmonotonicity": 25768, - "emitting": 25769, - "ĠDefining": 25770, - "ĠParticularly": 25771, - "Ġautomorphisms": 25772, - "Ġerythemat": 25773, - "ĠWaters": 25774, - "ĠCyclic": 25775, - "maximal": 25776, - "xty": 25777, - "ĠSad": 25778, - "Ġuranium": 25779, - "Ġhypothalamus": 25780, - "ĠSUMO": 25781, - "Ġdealt": 25782, - "Ġkits": 25783, - "Ġpainting": 25784, - "ĠSier": 25785, - "chool": 25786, - "ODO": 25787, - "surfaces": 25788, - "ĠPneum": 25789, - "organized": 25790, - "ĠCPT": 25791, - "Ġinsoluble": 25792, - "ĠCoherent": 25793, - "Ġrecessive": 25794, - "Ġbivariate": 25795, - "Ġedit": 25796, - "Ġnationwide": 25797, - "MODE": 25798, - "chest": 25799, - "ĠSLC": 25800, - "Ġintraperitoneal": 25801, - "ĠDisordered": 25802, - "Ġinsufficiency": 25803, - "iev": 25804, - "iazole": 25805, - "Write": 25806, - "ĠDATA": 25807, - "toral": 25808, - "Ġqualities": 25809, - "Ġpossessing": 25810, - "ĠMats": 25811, - "Ġretinopathy": 25812, - "ĠBK": 25813, - "Ġnovelty": 25814, - "ceans": 25815, - "Ġreserves": 25816, - "ĠNADH": 25817, - "Ġisotherm": 25818, - "Ġsoldiers": 25819, - "pb": 25820, - "iterpen": 25821, - "ĠAgents": 25822, - "zu": 25823, - "Ġunwanted": 25824, - "Ġhyperparameters": 25825, - "ecan": 25826, - "ĠSES": 25827, - "ĠFG": 25828, - "ĠNavig": 25829, - "Ġtriangulation": 25830, - "Ġnetworking": 25831, - "Ġpolystyrene": 25832, - "Ġinductively": 25833, - "breviations": 25834, - "Ġneuromuscular": 25835, - "ĠLinux": 25836, - "studied": 25837, - "ĠBeing": 25838, - "Ġdeficiencies": 25839, - "ĠMatrices": 25840, - "Ġwearing": 25841, - "Ġhadrons": 25842, - "amyl": 25843, - "Ġdiscourse": 25844, - "ochlor": 25845, - "ĠMelan": 25846, - "ĠLan": 25847, - "VL": 25848, - "Ġmunicipal": 25849, - "Ġenrollment": 25850, - "ĠSymmetric": 25851, - "Ġdisciplines": 25852, - "ĠBaron": 25853, - "Research": 25854, - "Ġmagnetite": 25855, - "omide": 25856, - "polarization": 25857, - "leys": 25858, - "Ġseemingly": 25859, - "hepatic": 25860, - "Ġclo": 25861, - "ĠQuatern": 25862, - "Ġcompetit": 25863, - "Requ": 25864, - "gauge": 25865, - "Ġhydrochloride": 25866, - "dropout": 25867, - "panel": 25868, - "Ġaspirin": 25869, - "ĠRUN": 25870, - "Ġribbon": 25871, - "Ġinaccurate": 25872, - "ĠPall": 25873, - "ducers": 25874, - "Throughout": 25875, - "Ġcellul": 25876, - "Ġsuspect": 25877, - "Ġallelic": 25878, - "Ġsnake": 25879, - "ordinated": 25880, - "ĠAutophagy": 25881, - "Ġeig": 25882, - "Ġrif": 25883, - "ĠKennedy": 25884, - "Ġbottle": 25885, - "ĠYouth": 25886, - "awed": 25887, - "linearity": 25888, - "uker": 25889, - "ĠOX": 25890, - "extension": 25891, - "Ġward": 25892, - "ĠComplexes": 25893, - "Ġbiosensor": 25894, - "ĠCartan": 25895, - "dn": 25896, - "Ġsonic": 25897, - "Ġindexing": 25898, - "Ġdv": 25899, - "reliable": 25900, - "pk": 25901, - "RENT": 25902, - "Ġtanks": 25903, - "ĠHet": 25904, - "ĠWing": 25905, - "ĠCuO": 25906, - "Ġprintf": 25907, - "Ġluminosities": 25908, - "course": 25909, - "Ġscram": 25910, - "Ġsampler": 25911, - "Ġmultipliers": 25912, - "Default": 25913, - "odil": 25914, - "intr": 25915, - "sequencing": 25916, - "Ġtransmissions": 25917, - "ĠWhit": 25918, - "ĠOpportun": 25919, - "Ġinternally": 25920, - "Ġacknowledges": 25921, - "ĠEdition": 25922, - "Ġarteri": 25923, - "Ġalbedo": 25924, - "ĠNucleotide": 25925, - "Ġyes": 25926, - "ĠRelativistic": 25927, - "Ġvotes": 25928, - "ĠFormulation": 25929, - "uscitation": 25930, - "Ġconcurrently": 25931, - "uin": 25932, - "Ġnoninvasive": 25933, - "Ġprimates": 25934, - "μl": 25935, - "Ġsubtropical": 25936, - "gun": 25937, - "ĠSoutheast": 25938, - "ön": 25939, - "Ġequator": 25940, - "Ġworkshop": 25941, - "Ġschist": 25942, - "undant": 25943, - "ĠMODIS": 25944, - "tar": 25945, - "Ġaeg": 25946, - "Ġplotting": 25947, - "ĠDET": 25948, - "Manager": 25949, - "uned": 25950, - "oxifen": 25951, - "ĠInver": 25952, - "Ġxanth": 25953, - "ĠServer": 25954, - "Ġstretched": 25955, - "Global": 25956, - "Core": 25957, - "ĠWeber": 25958, - "yard": 25959, - "Ġexplores": 25960, - "ĠBiography": 25961, - "SNP": 25962, - "ĠNeutrino": 25963, - "Ġkilometres": 25964, - "Ġcommutes": 25965, - "Ġacceptability": 25966, - "ĠAntibodies": 25967, - "icol": 25968, - "Ġmuseum": 25969, - "Ġdenit": 25970, - "Ġextrapolated": 25971, - "Ġacetylcholine": 25972, - "Token": 25973, - "ĠFock": 25974, - "onde": 25975, - "Ġdiscriminative": 25976, - "ĠMant": 25977, - "Ġessence": 25978, - "celand": 25979, - "ĠChair": 25980, - "Ġintegrative": 25981, - "ĠSPD": 25982, - "henium": 25983, - "arbonate": 25984, - "BASE": 25985, - "regulates": 25986, - "patch": 25987, - "Ġdib": 25988, - "Ġantisymmetric": 25989, - "Ġwearable": 25990, - "Edge": 25991, - "rets": 25992, - "Ġperceive": 25993, - "ĠMagnesium": 25994, - "adows": 25995, - "Ġdisposal": 25996, - "Ġairport": 25997, - "ausea": 25998, - "fits": 25999, - "Ġnecro": 26000, - "ĠSIN": 26001, - "ĠDuc": 26002, - "ĠReading": 26003, - "bys": 26004, - "Ġreflective": 26005, - "his": 26006, - "ometries": 26007, - "Ġvirial": 26008, - "Ġartificially": 26009, - "children": 26010, - "ĠUltrasound": 26011, - "VIEW": 26012, - "Ġsculpt": 26013, - "Ġsurf": 26014, - "Ġsexually": 26015, - "Ġgeometrically": 26016, - "Ġdivisors": 26017, - "Ġinitiatives": 26018, - "acci": 26019, - "Ġkeratinocytes": 26020, - "aR": 26021, - "arot": 26022, - "Ġïĥ¨": 26023, - "computed": 26024, - "ĠTCGA": 26025, - "psychological": 26026, - "ĠMAN": 26027, - "ĠMPC": 26028, - "ticing": 26029, - "limiting": 26030, - "amins": 26031, - "Ġsurfactants": 26032, - "ĠSerb": 26033, - "Ġrhythms": 26034, - "ĠRouting": 26035, - "wang": 26036, - "Ġmicrostructures": 26037, - "ophytes": 26038, - "Ġanalgesic": 26039, - "FOR": 26040, - "qual": 26041, - "Ġpublish": 26042, - "ĠTiming": 26043, - "porous": 26044, - "ranging": 26045, - "eron": 26046, - "ĠZi": 26047, - "ĠMarshall": 26048, - "Width": 26049, - "Ġisomers": 26050, - "Ġ·": 26051, - "phenoxy": 26052, - "Ġureth": 26053, - "robl": 26054, - "Ġmentioning": 26055, - "ozyme": 26056, - "ĠLud": 26057, - "Ġopposition": 26058, - "Ġabandoned": 26059, - "Ġroutines": 26060, - "ĠHST": 26061, - "mutex": 26062, - "coded": 26063, - "eating": 26064, - "tert": 26065, - "emiconductor": 26066, - "dw": 26067, - "Ġbaryons": 26068, - "Ġleucine": 26069, - "otron": 26070, - "Ġendos": 26071, - "Ġreproduces": 26072, - "Ġanalgesia": 26073, - "Ġimmunoreactivity": 26074, - "ĠPrep": 26075, - "ĠGarcÃŃa": 26076, - "Ġincoherent": 26077, - "aned": 26078, - "lepton": 26079, - "andra": 26080, - "ulae": 26081, - "ĠHidden": 26082, - "FV": 26083, - "Ġgeneralizes": 26084, - "ĠStevens": 26085, - "ĠFoster": 26086, - "Ġfreshly": 26087, - "Ġhf": 26088, - "Denote": 26089, - "oes": 26090, - "ĠDin": 26091, - "Ġdetox": 26092, - "Ġdecoupled": 26093, - "Ġseparations": 26094, - "ucleotide": 26095, - "Ġelectrophysiological": 26096, - "ĠBALB": 26097, - "QTL": 26098, - "ĠACh": 26099, - "ĠRele": 26100, - "quez": 26101, - "MnO": 26102, - "ectures": 26103, - "Ġischa": 26104, - "Ġinsulators": 26105, - "cellulose": 26106, - "ĠFLAG": 26107, - "ombic": 26108, - "ĠUsed": 26109, - "jiang": 26110, - "expansion": 26111, - "ĠRepeat": 26112, - "ĠReserve": 26113, - "abelian": 26114, - "ĠHunting": 26115, - "GRO": 26116, - "lyte": 26117, - "ĠBark": 26118, - "Ġcreative": 26119, - "Ġbend": 26120, - "elerated": 26121, - "dish": 26122, - "Ġhighway": 26123, - "Ġcrossings": 26124, - "just": 26125, - "ono": 26126, - "ullivan": 26127, - "ĠDead": 26128, - "Ġtradeoff": 26129, - "eon": 26130, - "ogical": 26131, - "experiment": 26132, - "Ġconfers": 26133, - "ĠDot": 26134, - "Ġcoils": 26135, - "Ġaxion": 26136, - "ĠIRS": 26137, - "ĠÅ©": 26138, - "Ġglacier": 26139, - "ĠMoscow": 26140, - "ĠSpringer": 26141, - "Ġinvis": 26142, - "ĠArnold": 26143, - "University": 26144, - "attern": 26145, - "peror": 26146, - "ĠLimits": 26147, - "Ġincompatible": 26148, - "rather": 26149, - "ĠTes": 26150, - "Ġfailing": 26151, - "Ġthickening": 26152, - "Ġestradiol": 26153, - "asse": 26154, - "Ġnecessit": 26155, - "Ġsacrificed": 26156, - "ĠSear": 26157, - "ĠNorthe": 26158, - "raisebox": 26159, - "ĠSlow": 26160, - "ĠMunic": 26161, - "Ġlearner": 26162, - "igenic": 26163, - "Ġdermatitis": 26164, - "uten": 26165, - "Ġdeer": 26166, - "Ġhistamine": 26167, - "Lat": 26168, - "Mal": 26169, - "illy": 26170, - "Ġgeochemical": 26171, - "Ġspermatozoa": 26172, - "Ġvinyl": 26173, - "emet": 26174, - "Ġeffectors": 26175, - "ĠEncyclopedia": 26176, - "Ġordinal": 26177, - "Ġcontroversy": 26178, - "ĠPerspectives": 26179, - "oviruses": 26180, - "marked": 26181, - "ĠSPE": 26182, - "ĠNutri": 26183, - "Ġadhere": 26184, - "ĠHighway": 26185, - "Ġdistillation": 26186, - "MRT": 26187, - "pletion": 26188, - "Ġannihil": 26189, - "Ġwavefunction": 26190, - "Ġconfigured": 26191, - "Ġmethionine": 26192, - "Low": 26193, - "sensor": 26194, - "ĠSnow": 26195, - "Sample": 26196, - "Ġdefinitely": 26197, - "ĠMeth": 26198, - "rypt": 26199, - "Ġprompted": 26200, - "Ġmonolith": 26201, - "ĠEnvironments": 26202, - "tm": 26203, - "ĠCOD": 26204, - "oris": 26205, - "equations": 26206, - "âĺĨ": 26207, - "ĠNeighbor": 26208, - "Ġimagine": 26209, - "ĠUsers": 26210, - "ĠCamera": 26211, - "ĠModification": 26212, - "ĠAttacks": 26213, - "Ġinhalation": 26214, - "áº": 26215, - "Ġventil": 26216, - "ĠNU": 26217, - "ĠContrast": 26218, - "Ġconfining": 26219, - "Service": 26220, - "Wallis": 26221, - "ĠATR": 26222, - "Ġsubduction": 26223, - "Ġïģ¢": 26224, - "Ġtitration": 26225, - "Roche": 26226, - "viv": 26227, - "Ġbears": 26228, - "bola": 26229, - "Ġblinded": 26230, - "measures": 26231, - "ĠStack": 26232, - "occurrence": 26233, - "Ġpermeation": 26234, - "lar": 26235, - "eptors": 26236, - "ĠDIF": 26237, - "corrhiz": 26238, - "ĠVisc": 26239, - "figurable": 26240, - "Ġscheduler": 26241, - "Ġoccasions": 26242, - "amboo": 26243, - "Ġamp": 26244, - "gain": 26245, - "ĠCit": 26246, - "Ġpreceded": 26247, - "Ġtactile": 26248, - "Ġïĥ¦": 26249, - "generic": 26250, - "Ġretrograde": 26251, - "Ġfans": 26252, - "Ġfisher": 26253, - "Ġlights": 26254, - "eeper": 26255, - "Ġundesirable": 26256, - "wald": 26257, - "embol": 26258, - "Ġwrist": 26259, - "Ġauthorized": 26260, - "Ġchondrocytes": 26261, - "ĠEPA": 26262, - "neu": 26263, - "ĠOperations": 26264, - "Ġcheap": 26265, - "Ġanionic": 26266, - "ĠOregon": 26267, - "cot": 26268, - "reason": 26269, - "existence": 26270, - "ĠFinancial": 26271, - "olybdenum": 26272, - "cus": 26273, - "ĠNON": 26274, - "Ġlocked": 26275, - "Bit": 26276, - "Sil": 26277, - "mixing": 26278, - "ĠSites": 26279, - "aproteobacteria": 26280, - "ĠInner": 26281, - "Ġcarc": 26282, - "Ġbiotic": 26283, - "ĠFlag": 26284, - "Ġmagic": 26285, - "kinetic": 26286, - "icted": 26287, - "Ġbulb": 26288, - "supset": 26289, - "pez": 26290, - "derivative": 26291, - "ĠeIF": 26292, - "ĠRough": 26293, - "directional": 26294, - "exit": 26295, - "axy": 26296, - "xtures": 26297, - "phimurium": 26298, - "ĠTFs": 26299, - "athin": 26300, - "Ġorch": 26301, - "Ġspectro": 26302, - "ductase": 26303, - "quinolin": 26304, - "Ġgrasp": 26305, - "Ġparsing": 26306, - "Ġdifficile": 26307, - "ĠLDH": 26308, - "ĠJupiter": 26309, - "ĠFIF": 26310, - "ĠPrize": 26311, - "Ġintentions": 26312, - "session": 26313, - "powered": 26314, - "ĠBam": 26315, - "phasic": 26316, - "Ġignoring": 26317, - "ĠRichardson": 26318, - "principles": 26319, - "Ġofficially": 26320, - "Ct": 26321, - "Ġincon": 26322, - "ĠRegulates": 26323, - "Ġmisc": 26324, - "ĠEZ": 26325, - "Ġsynonym": 26326, - "Ġunfolding": 26327, - "ĠDEC": 26328, - "ĠRX": 26329, - "PDF": 26330, - "Ġbranes": 26331, - "typically": 26332, - "Ġcages": 26333, - "ifolia": 26334, - "ugu": 26335, - "ollen": 26336, - "Ġtablet": 26337, - "ĠSah": 26338, - "ĠPVD": 26339, - "Ġalert": 26340, - "Ġformerly": 26341, - "ĠKRAS": 26342, - "sun": 26343, - "Ġdeacetyl": 26344, - "Mer": 26345, - "Ġskewed": 26346, - "ĠPleistocene": 26347, - "ĠBetter": 26348, - "ĠHud": 26349, - "ĠBrook": 26350, - "Ġpts": 26351, - "ĠHU": 26352, - "omo": 26353, - "agrass": 26354, - "Ġenvironmentally": 26355, - "Ġhonest": 26356, - "ĠNine": 26357, - "Ġpigments": 26358, - "links": 26359, - "ĠTOP": 26360, - "ĠCytoplasm": 26361, - "Gib": 26362, - "Ġaccessing": 26363, - "mias": 26364, - "Ġexplosive": 26365, - "Ġreside": 26366, - "artan": 26367, - "Ġtransitional": 26368, - "Ġunprecedented": 26369, - "Ġrom": 26370, - "ĠTNFα": 26371, - "Ġprecipitated": 26372, - "Ġtie": 26373, - "ISS": 26374, - "Ġthicker": 26375, - "ĠLatent": 26376, - "ĠValueError": 26377, - "dq": 26378, - "dma": 26379, - "Ġchromatic": 26380, - "ĠSubsection": 26381, - "ĠFACS": 26382, - "Ġrenormalized": 26383, - "Prop": 26384, - "mTOR": 26385, - "ĠHCO": 26386, - "Ġoverlo": 26387, - "bsiella": 26388, - "ylobacter": 26389, - "Ġneuroimaging": 26390, - "Ġassemblage": 26391, - "Ġexpands": 26392, - "ĠîĪ": 26393, - "ĠFun": 26394, - "Ġcitation": 26395, - "IKV": 26396, - "Ġtroops": 26397, - "inistic": 26398, - "Ġcubes": 26399, - "Ġfont": 26400, - "ĠHos": 26401, - "geries": 26402, - "Ġsuccessively": 26403, - "Ġdecoherence": 26404, - "Springer": 26405, - "hin": 26406, - "atine": 26407, - "ĠâĪ¥": 26408, - "SAS": 26409, - "ét": 26410, - "ĠSediment": 26411, - "uously": 26412, - "ĠWars": 26413, - "indicated": 26414, - "Ġflask": 26415, - "AIDS": 26416, - "Ġcra": 26417, - "ĠLot": 26418, - "Ġprimal": 26419, - "Ġjustice": 26420, - "zag": 26421, - "Ġmaxillary": 26422, - "Ġgeneralizations": 26423, - "uela": 26424, - "Ġtagging": 26425, - "Ġpupil": 26426, - "Ġinexpensive": 26427, - "Ġwatch": 26428, - "ĠAMD": 26429, - "ĠFir": 26430, - "Ġneuroblastoma": 26431, - "Ġmaximizes": 26432, - "ĠObserved": 26433, - "mixture": 26434, - "Ġopportunistic": 26435, - "trial": 26436, - "ahan": 26437, - "Ġïģ¬": 26438, - "Ġcatar": 26439, - "ĠControls": 26440, - "ĠNewman": 26441, - "Ġmicrostructural": 26442, - "borns": 26443, - "Ġoxygenation": 26444, - "ĠMacro": 26445, - "ĠJak": 26446, - "plicating": 26447, - "Ġoligodend": 26448, - "Ġresorption": 26449, - "Ġdorm": 26450, - "Ġsolvers": 26451, - "ĠKruskal": 26452, - "ĠRevolution": 26453, - "ĠGastro": 26454, - "Driven": 26455, - "Ġtiter": 26456, - "Ġori": 26457, - "ĠPCL": 26458, - "Ġwetlands": 26459, - "Ġarticular": 26460, - "CCA": 26461, - "enoic": 26462, - "Ġtrick": 26463, - "operiod": 26464, - "ĠCochrane": 26465, - "aday": 26466, - "ĠCerebral": 26467, - "Ġmodulators": 26468, - "ĠSSC": 26469, - "Ġactivations": 26470, - "Ġadapting": 26471, - "ĠScalable": 26472, - "none": 26473, - "pip": 26474, - "Ġprivi": 26475, - "ĠPseudo": 26476, - "Ġdisappears": 26477, - "ĠEur": 26478, - "Ġunconstrained": 26479, - "Ġsubmit": 26480, - "Ġreputation": 26481, - "atar": 26482, - "ĠBai": 26483, - "arians": 26484, - "ĠIntracellular": 26485, - "trees": 26486, - "Ġwetting": 26487, - "ĠFrances": 26488, - "Ġeligibility": 26489, - "folder": 26490, - "ĠStaff": 26491, - "oki": 26492, - "Ġstrengthened": 26493, - "ĠCob": 26494, - "teral": 26495, - "ĠYeast": 26496, - "bye": 26497, - "decoder": 26498, - "Ġrainbow": 26499, - "perturbed": 26500, - "vc": 26501, - "Ġsupplemental": 26502, - "Ġbirths": 26503, - "WO": 26504, - "conc": 26505, - "stitution": 26506, - "hybrid": 26507, - "Ġki": 26508, - "Ġhypere": 26509, - "ĠSMA": 26510, - "formula": 26511, - "Ġundefined": 26512, - "naphth": 26513, - "Ġdeclining": 26514, - "Ġshielding": 26515, - "Yau": 26516, - "Ġrever": 26517, - "ĠWilk": 26518, - "Ġdecimal": 26519, - "HCO": 26520, - "angered": 26521, - "Ġerythrocyte": 26522, - "ĉĉĠĠĠ": 26523, - "nuclear": 26524, - "Ġabnormality": 26525, - "Pres": 26526, - "Participants": 26527, - "ĠWagner": 26528, - "Ġfibrils": 26529, - "Ġfetus": 26530, - "ĠExpress": 26531, - "request": 26532, - "minimum": 26533, - "ĠBooks": 26534, - "hetamine": 26535, - "ushes": 26536, - "ĠBach": 26537, - "ĠDOS": 26538, - "lectric": 26539, - "ĠTween": 26540, - "ĠHughes": 26541, - "Ġmartens": 26542, - "Ġnematic": 26543, - "Ġexperimentation": 26544, - "ĠParker": 26545, - "Ġepisodic": 26546, - "Ġtelem": 26547, - "ADE": 26548, - "columns": 26549, - "Ġfundamentally": 26550, - "enet": 26551, - "ĠVl": 26552, - "earth": 26553, - "Ġquantile": 26554, - "ĠReplication": 26555, - "Ġcleared": 26556, - "Energy": 26557, - "Smith": 26558, - "Ġantidepressant": 26559, - "mx": 26560, - "pmod": 26561, - "amid": 26562, - "Ġserotype": 26563, - "Ġundergraduate": 26564, - "ĠArizona": 26565, - "Ġpushed": 26566, - "ulu": 26567, - "ĠNIC": 26568, - "Ġrheological": 26569, - "omegal": 26570, - "ĠQing": 26571, - "orch": 26572, - "irmed": 26573, - "ĠQuery": 26574, - "Ġsandwich": 26575, - "Ġclinician": 26576, - "ĠElliptic": 26577, - "ĠMeh": 26578, - "DEV": 26579, - "ĠDetermining": 26580, - "alcogen": 26581, - "bench": 26582, - "azep": 26583, - "ĠMississ": 26584, - "tizing": 26585, - "ĠRBC": 26586, - "Ġofficials": 26587, - "Tag": 26588, - "kT": 26589, - "luence": 26590, - "ĠRoom": 26591, - "Ġlectin": 26592, - "bara": 26593, - "kyl": 26594, - "OND": 26595, - "ĠDose": 26596, - "Ġprism": 26597, - "Ġreductive": 26598, - "ĠSpectroscopic": 26599, - "odied": 26600, - "colone": 26601, - "ĠCONFIG": 26602, - "Ġbrittle": 26603, - "inverse": 26604, - "ĠBuff": 26605, - "ytocin": 26606, - "Ġformations": 26607, - "ĠConventional": 26608, - "prev": 26609, - "Ġferrite": 26610, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 26611, - "Ġadopts": 26612, - "ĠMiocene": 26613, - "management": 26614, - "ĠCRF": 26615, - "ĠHelm": 26616, - "Ġdoubled": 26617, - "ĠEFFECT": 26618, - "Ġdance": 26619, - "structions": 26620, - "rait": 26621, - "ifers": 26622, - "ellip": 26623, - "utting": 26624, - "prof": 26625, - "ĠQin": 26626, - "Ġabsc": 26627, - "Ġexploits": 26628, - "Ġcyber": 26629, - "definition": 26630, - "ĠCoronary": 26631, - "Ġdeterg": 26632, - "ĠPerception": 26633, - "ĠCurves": 26634, - "Ġnematodes": 26635, - "Ġlistening": 26636, - "Ġcatalase": 26637, - "Coll": 26638, - "ré": 26639, - "islative": 26640, - "Ġarriving": 26641, - "Ġviolating": 26642, - "д": 26643, - "hetics": 26644, - "ĠJar": 26645, - "concept": 26646, - "Ġbrush": 26647, - "immunity": 26648, - "Ġfingerprint": 26649, - "resid": 26650, - "Ġelevations": 26651, - "ockets": 26652, - "Ġcatechol": 26653, - "иÑ": 26654, - "Ġprecipitates": 26655, - "Ġsoccer": 26656, - "insulin": 26657, - "Ġpursue": 26658, - "ĠICA": 26659, - "ĠPolice": 26660, - "ĠMurphy": 26661, - "Task": 26662, - "ĠCoc": 26663, - "ĠHabit": 26664, - "ĠKP": 26665, - "Ġfloral": 26666, - "Ġhun": 26667, - "Ġhydrogenation": 26668, - "Ġspong": 26669, - "Ġchimeric": 26670, - "ĠKoch": 26671, - "gon": 26672, - "ĠSchur": 26673, - "ĠGreater": 26674, - "RX": 26675, - "Ġcing": 26676, - "ĠWaltham": 26677, - "angling": 26678, - "Ġcounties": 26679, - "Ġlamina": 26680, - "Ġcouncil": 26681, - "sort": 26682, - "ĠBarc": 26683, - "ĠDow": 26684, - "ĠZeng": 26685, - "Ġdevised": 26686, - "uitable": 26687, - "Ġmethylene": 26688, - "Ġsuperiority": 26689, - "Ġepidermis": 26690, - "Ġprag": 26691, - "ĠPED": 26692, - "threatening": 26693, - "ishi": 26694, - "Ġepsilon": 26695, - "address": 26696, - "ENTAL": 26697, - "ĠBle": 26698, - "ĠAntonio": 26699, - "oother": 26700, - "ĠAgar": 26701, - "Ġneighborhoods": 26702, - "Ġshortened": 26703, - "STATE": 26704, - "ĠSerial": 26705, - "MAR": 26706, - "OU": 26707, - "Ġencapsulation": 26708, - "ĠConsortium": 26709, - "Dr": 26710, - "profile": 26711, - "Ġemitter": 26712, - "Ġnecrotic": 26713, - "ĠAutonomous": 26714, - "ĠPhosphorylation": 26715, - "minim": 26716, - "anthin": 26717, - "ĠSph": 26718, - "ĠGur": 26719, - "dihydroxy": 26720, - "distributed": 26721, - "ĠRPMI": 26722, - "stones": 26723, - "Ġhyperfine": 26724, - "Ġislet": 26725, - "ĠSlo": 26726, - "pletely": 26727, - "Ġinactivated": 26728, - "ĠAgriculture": 26729, - "Ġtremend": 26730, - "Ġeveryone": 26731, - "omponent": 26732, - "ZnO": 26733, - "MPI": 26734, - "ĠDiamond": 26735, - "Ġ⣨": 26736, - "Cost": 26737, - "Ġdisabilities": 26738, - "inver": 26739, - "ĠCensus": 26740, - "echo": 26741, - "Ġvegetative": 26742, - "Ġwillingness": 26743, - "Ġrecap": 26744, - "ĠConstraint": 26745, - "ĠPatrick": 26746, - "Ġovert": 26747, - "Ġmoieties": 26748, - "orax": 26749, - "ippi": 26750, - "Direct": 26751, - "Ġcaries": 26752, - "Ġlocalities": 26753, - "lattices": 26754, - "ĠExploration": 26755, - "ĠAW": 26756, - "Ġlocking": 26757, - "Ġcoincident": 26758, - "Ġmultimedia": 26759, - "Ġtemporarily": 26760, - "ĠCaus": 26761, - "encia": 26762, - "Ġweathering": 26763, - "ĠHelicobacter": 26764, - "ĠThings": 26765, - "hips": 26766, - "moving": 26767, - "Ġsigmoid": 26768, - "isin": 26769, - "ĠBec": 26770, - "Ġmicrograms": 26771, - "bounds": 26772, - "ĠColumn": 26773, - "Ġcommuting": 26774, - "ĠJen": 26775, - "Ġhourly": 26776, - "MSC": 26777, - "Ġattendance": 26778, - "ĠâIJ£": 26779, - "ĠEO": 26780, - "prog": 26781, - "Ġrapamycin": 26782, - "ĠPredictors": 26783, - "ĠRetrieved": 26784, - "Ġsubspecies": 26785, - "Ġderives": 26786, - "ĠĤ": 26787, - "ĠGenerating": 26788, - "anners": 26789, - "Ġvolat": 26790, - "Ġvisiting": 26791, - "ĠCalculations": 26792, - "ña": 26793, - "Ġdesert": 26794, - "Ġexpectancy": 26795, - "BMCs": 26796, - "ĠExplo": 26797, - "Ġtravelling": 26798, - "icum": 26799, - "Ġsubdivision": 26800, - "Ġcrosslinking": 26801, - "benzoth": 26802, - "ĠTon": 26803, - "REN": 26804, - "Ġleth": 26805, - "rabbit": 26806, - "ĠAbove": 26807, - "ulted": 26808, - "Ġconstric": 26809, - "Jones": 26810, - "zhou": 26811, - "vern": 26812, - "ĠLady": 26813, - "ĠBuffer": 26814, - "ĠControlling": 26815, - "Ġmultiscale": 26816, - "nikov": 26817, - "acycl": 26818, - "Ġprosthesis": 26819, - "Af": 26820, - "ĠCorps": 26821, - "structed": 26822, - "Grid": 26823, - "inning": 26824, - "olding": 26825, - "Ġthiol": 26826, - "ikov": 26827, - "âĢ¢âĢ¢âĢ¢": 26828, - "Ġgovernments": 26829, - "rapping": 26830, - "Ġthrombocyt": 26831, - "Leg": 26832, - "RY": 26833, - "ĠIceland": 26834, - "ocycle": 26835, - "ĠMemorial": 26836, - "got": 26837, - "Ġidem": 26838, - "ĠBuild": 26839, - "olipoprotein": 26840, - "DV": 26841, - "Ġphthal": 26842, - "richment": 26843, - "ĠHaem": 26844, - "Ġanswering": 26845, - "ĠIJ": 26846, - "Ġtransgene": 26847, - "Ġrenamed": 26848, - "ĠImageJ": 26849, - "Ġcassette": 26850, - "Ġcoalescence": 26851, - "Ġcompaction": 26852, - "Ġwildlife": 26853, - "Ġwins": 26854, - "Ġsupernovae": 26855, - "enteric": 26856, - "isphere": 26857, - "Ġtracker": 26858, - "Ġevidences": 26859, - "Ġcomorbidity": 26860, - "ĠRules": 26861, - "phasing": 26862, - "ĠLangevin": 26863, - "ĠFit": 26864, - "Ġpsychiat": 26865, - "Ġbreakthrough": 26866, - "Ġcholinergic": 26867, - "ĠMetall": 26868, - "breeding": 26869, - "itinib": 26870, - "Ġsolo": 26871, - "abling": 26872, - "elief": 26873, - "oscill": 26874, - "rev": 26875, - "arya": 26876, - "Ġgoodness": 26877, - "ĠPBE": 26878, - "Ġawards": 26879, - "Ġcrani": 26880, - "Ġphotograp": 26881, - "arents": 26882, - "Ġfixes": 26883, - "rÃŃ": 26884, - "assuming": 26885, - "Ġcongruent": 26886, - "ĠMother": 26887, - "ĠNap": 26888, - "ĠProc": 26889, - "Ġcategorization": 26890, - "inch": 26891, - "ĠHorm": 26892, - "ĠInterventions": 26893, - "Ġnonequilibrium": 26894, - "Ġencrypted": 26895, - "primary": 26896, - "iens": 26897, - "lac": 26898, - "rams": 26899, - "Ġboards": 26900, - "ĠHell": 26901, - "charged": 26902, - "Ġperioperative": 26903, - "emp": 26904, - "ĠInvolvement": 26905, - "Russ": 26906, - "univers": 26907, - "ĠDJ": 26908, - "Ġdisagreement": 26909, - "Ġpert": 26910, - "Ġstroma": 26911, - "Ġcalcite": 26912, - "Ġrotary": 26913, - "Ġmethyltransferase": 26914, - "Ġancestry": 26915, - "ĠWitten": 26916, - "CRC": 26917, - "uretic": 26918, - "ophyta": 26919, - "provided": 26920, - "Ġcorrespondingly": 26921, - "bigcap": 26922, - "ĠAgilent": 26923, - "ë": 26924, - "rooms": 26925, - "Ġdisent": 26926, - "Ġdilutions": 26927, - "ĠMyel": 26928, - "Ġquasar": 26929, - "Ġtilted": 26930, - "Ġinternalization": 26931, - "ĠPrivate": 26932, - "ĠFriedman": 26933, - "Ġseventh": 26934, - "ĠClosed": 26935, - "CTC": 26936, - "gren": 26937, - "ĠColombia": 26938, - "odel": 26939, - "Ġpolitics": 26940, - "ĠMSSM": 26941, - "Ġmate": 26942, - "Ġcommod": 26943, - "ĠRus": 26944, - "Ġanesthetized": 26945, - "together": 26946, - "ĠBCS": 26947, - "ewski": 26948, - "romagnet": 26949, - "ĠCun": 26950, - "Ġcurative": 26951, - "Ġimputation": 26952, - "Ġcarbide": 26953, - "DFT": 26954, - "nsic": 26955, - "bee": 26956, - "Ġsplen": 26957, - "ĠMaryland": 26958, - "Ġoligonucleotide": 26959, - "ĠVeget": 26960, - "buffered": 26961, - "National": 26962, - "letic": 26963, - "ĠSyl": 26964, - "Ġseab": 26965, - "ardial": 26966, - "Ġportray": 26967, - "Ġaberrations": 26968, - "Ġstorms": 26969, - "ĠShan": 26970, - "ĠGenBank": 26971, - "issa": 26972, - "Ġcet": 26973, - "Ġbench": 26974, - "ĠRecommendations": 26975, - "Ġtriples": 26976, - "Ġïĥ¥": 26977, - "ĠNeuros": 26978, - "Ġdiscom": 26979, - "season": 26980, - "ĠExec": 26981, - "changing": 26982, - "Ġarrives": 26983, - "Hash": 26984, - "mRNA": 26985, - "Ġfric": 26986, - "asa": 26987, - "obia": 26988, - "Ġpostsynaptic": 26989, - "optimizer": 26990, - "ĠClouds": 26991, - "Ġhypersensitivity": 26992, - "vacc": 26993, - "ĠSig": 26994, - "philic": 26995, - "Ġgrounded": 26996, - "ĠWan": 26997, - "ĠCalabi": 26998, - "ĠMachines": 26999, - "Ġaxisymmetric": 27000, - "ĠSteve": 27001, - "Ġpulled": 27002, - "ĠExcel": 27003, - "Ġdiamonds": 27004, - "KR": 27005, - "West": 27006, - "ĠDest": 27007, - "Ġannular": 27008, - "Ġarchive": 27009, - "Ġparenchyma": 27010, - "ĠEH": 27011, - "ópez": 27012, - "Ġunpublished": 27013, - "Ġsoutheastern": 27014, - "Ġnests": 27015, - "dimensions": 27016, - "latitude": 27017, - "Orig": 27018, - "eced": 27019, - "ĠDraw": 27020, - "redshift": 27021, - "Ġamyl": 27022, - "omyelitis": 27023, - "Why": 27024, - "caro": 27025, - "iq": 27026, - "assess": 27027, - "ĠContin": 27028, - "Ġchirality": 27029, - "matical": 27030, - "Ġchaperone": 27031, - "Ġendometriosis": 27032, - "relu": 27033, - "Ġconverged": 27034, - "broad": 27035, - "ĠIterative": 27036, - "Ġvasculature": 27037, - "fund": 27038, - "ĠFly": 27039, - "Ġantigenic": 27040, - "Ġmeningitis": 27041, - "Ġentails": 27042, - "horn": 27043, - "Ġlocomotor": 27044, - "izard": 27045, - "Ġuneven": 27046, - "parity": 27047, - "packet": 27048, - "tubulin": 27049, - "Ġsewage": 27050, - "Ġdecentralized": 27051, - "Ġgrafted": 27052, - "Ġsep": 27053, - "ĠExtensive": 27054, - "Ġspline": 27055, - "quer": 27056, - "archit": 27057, - "Ġprimate": 27058, - "Ġïģ±": 27059, - "pyrimidin": 27060, - "ĠSAP": 27061, - "Ġunderlie": 27062, - "Ġanalyzes": 27063, - "ĠCCA": 27064, - "recogn": 27065, - "IPT": 27066, - "Different": 27067, - "ĠTEST": 27068, - "Ġunfavorable": 27069, - "edic": 27070, - "ĠAbnormal": 27071, - "pyrimidine": 27072, - "urine": 27073, - "embedded": 27074, - "varies": 27075, - "otropin": 27076, - "Ġsemen": 27077, - "Ġtransmittance": 27078, - "Ġabras": 27079, - "Ġó¸Ģł": 27080, - "Ġtriglyceride": 27081, - "bundle": 27082, - "ĠYb": 27083, - "ĠCarr": 27084, - "Ġnaming": 27085, - "Weight": 27086, - "Ġcondensates": 27087, - "Ġnos": 27088, - "amard": 27089, - "vertices": 27090, - "ELS": 27091, - "idone": 27092, - "Ġcontest": 27093, - "Ġheading": 27094, - "ĠGalerkin": 27095, - "GV": 27096, - "ĠGli": 27097, - "Ġfermented": 27098, - "Ġbilingual": 27099, - "Ġticks": 27100, - "Ġkary": 27101, - "ragal": 27102, - "ĠAber": 27103, - "ĠYouTube": 27104, - "UCTURE": 27105, - "branch": 27106, - "ر": 27107, - "ĠFH": 27108, - "onoi": 27109, - "imotor": 27110, - "Ġverifying": 27111, - "ĠConceptual": 27112, - "ĠDeterminants": 27113, - "urm": 27114, - "uronic": 27115, - "ĠKau": 27116, - "ĠConformal": 27117, - "Ġdropping": 27118, - "ĠFlows": 27119, - "gluon": 27120, - "again": 27121, - "ĠMRSA": 27122, - "warf": 27123, - "Ġemphasizes": 27124, - "Entry": 27125, - "ĠASP": 27126, - "resol": 27127, - "ventricular": 27128, - "ĠâĨĶ": 27129, - "Ġoverexpressing": 27130, - "omegalovirus": 27131, - "inoc": 27132, - "SCO": 27133, - "ĠPARP": 27134, - "ĠSchul": 27135, - "ĠCamb": 27136, - "ĠPod": 27137, - "ĠPun": 27138, - "ĠCompetition": 27139, - "ĠGATA": 27140, - "Ġmoon": 27141, - "Ġputs": 27142, - "angiogenic": 27143, - "ĠRepublican": 27144, - "ĠUbiqu": 27145, - "eys": 27146, - "ĠGong": 27147, - "arger": 27148, - "ĠIntermediate": 27149, - "Ġinterpolated": 27150, - "Ġenlargement": 27151, - "Ġinstruct": 27152, - "Ġrc": 27153, - "dioxo": 27154, - "eye": 27155, - "ĠCarls": 27156, - "ĠMeasured": 27157, - "ircles": 27158, - "ĠRaf": 27159, - "Ġarb": 27160, - "examples": 27161, - "Mi": 27162, - "ĠStern": 27163, - "ĠFK": 27164, - "Ġmillisecond": 27165, - "ĠIRF": 27166, - "ĠEpithelial": 27167, - "edicine": 27168, - "eles": 27169, - "sig": 27170, - "âĪĢ": 27171, - "ĠWiener": 27172, - "bauer": 27173, - "ouses": 27174, - "Ġcoloured": 27175, - "ĠIncrease": 27176, - "Ġtriglycerides": 27177, - "Ġaegypti": 27178, - "ĠNumerous": 27179, - "Ġretardation": 27180, - "Ġintercellular": 27181, - "ĠKlebsiella": 27182, - "ĠDra": 27183, - "ĠDIC": 27184, - "ĠThreshold": 27185, - "rainment": 27186, - "Ġreproducing": 27187, - "Ġulcers": 27188, - "Ġarousal": 27189, - "ĠHills": 27190, - "Ġcalves": 27191, - "ĠReservoir": 27192, - "ĠRadar": 27193, - "Ġpsychosis": 27194, - "ĠFORM": 27195, - "duration": 27196, - "ĠAcademic": 27197, - "catal": 27198, - "olla": 27199, - "olol": 27200, - "ĠCron": 27201, - "iko": 27202, - "Ġextremes": 27203, - "ĠTrypan": 27204, - "Ġbip": 27205, - "Ġalginate": 27206, - "ĠHoch": 27207, - "ĠBennett": 27208, - "ĠHippocamp": 27209, - "ĠGeological": 27210, - "Nevertheless": 27211, - "ĠHes": 27212, - "ĠAdding": 27213, - "Ġexternally": 27214, - "Ġslag": 27215, - "Ġteach": 27216, - "ĠStanley": 27217, - "controller": 27218, - "ĠUnits": 27219, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 27220, - "Ġaerodynamic": 27221, - "ovalent": 27222, - "cube": 27223, - "ÅŁ": 27224, - "require": 27225, - "romolecules": 27226, - "irteen": 27227, - "Ġclauses": 27228, - "Ġdefeat": 27229, - "policy": 27230, - "Ġfaithful": 27231, - "Ġpq": 27232, - "ĠTanaka": 27233, - "ĠEver": 27234, - "Ġunpredict": 27235, - "auty": 27236, - "ĠGALAX": 27237, - "Ġtide": 27238, - "ĠFiltering": 27239, - "Ġeuthan": 27240, - "merce": 27241, - "DEX": 27242, - "Ġnesting": 27243, - "DN": 27244, - "IRT": 27245, - "ĠThr": 27246, - "tissue": 27247, - "Ġpalae": 27248, - "Ï©": 27249, - "Ġdilated": 27250, - "Ġpinning": 27251, - "Rb": 27252, - "ĠSap": 27253, - "ragonal": 27254, - "ĠSPR": 27255, - "ĠDial": 27256, - "Ġacupuncture": 27257, - "diameter": 27258, - "ĠPCB": 27259, - "Parameters": 27260, - "ĠProfiles": 27261, - "transfected": 27262, - "liter": 27263, - "ĠRights": 27264, - "Ġcontributor": 27265, - "ĠCorrel": 27266, - "Ġregressions": 27267, - "Ġsegmental": 27268, - "Shape": 27269, - "IAN": 27270, - "ecom": 27271, - "comings": 27272, - "Ġhemorrhagic": 27273, - "opos": 27274, - "Ġrefraction": 27275, - "PFC": 27276, - "proj": 27277, - "ovo": 27278, - "ĠDerived": 27279, - "Ġundirected": 27280, - "Ġlos": 27281, - "Ġengaging": 27282, - "cans": 27283, - "Ġdestructive": 27284, - "Pop": 27285, - "Ġmakers": 27286, - "ĠWor": 27287, - "ĠAreas": 27288, - "vasion": 27289, - "Ġparaformaldehyde": 27290, - "abinoid": 27291, - "cpy": 27292, - "proxim": 27293, - "Ġenamel": 27294, - "Ġpaediatric": 27295, - "ĠChildhood": 27296, - "Ġpectin": 27297, - "ofilm": 27298, - "Ġcarboxylic": 27299, - "Ġausten": 27300, - "Ġunequal": 27301, - "ĠCountry": 27302, - "Ġiterated": 27303, - "Ġflanking": 27304, - "Ġtraction": 27305, - "anson": 27306, - "iscus": 27307, - "ĠDavies": 27308, - "raham": 27309, - "terozoic": 27310, - "ĠBrass": 27311, - "Oc": 27312, - "Ġunification": 27313, - "meter": 27314, - "ĠNeon": 27315, - "building": 27316, - "icting": 27317, - "Ġjustification": 27318, - "Prior": 27319, - "Ġfirms": 27320, - "Ġeducated": 27321, - "Ġintersecting": 27322, - "Ġboosting": 27323, - "Pass": 27324, - "member": 27325, - "contains": 27326, - "rano": 27327, - "relax": 27328, - "ĠCollaborative": 27329, - "Ġpx": 27330, - "Ġseeding": 27331, - "cripts": 27332, - "inez": 27333, - "omeres": 27334, - "Ġsiblings": 27335, - "anging": 27336, - "fert": 27337, - "Ġrecovering": 27338, - "pure": 27339, - "Ġsd": 27340, - "ĠVul": 27341, - "pedance": 27342, - "Ġfighting": 27343, - "Super": 27344, - "ĠIto": 27345, - "Ġperimeter": 27346, - "ĠInhibitors": 27347, - "electrode": 27348, - "enabled": 27349, - "fb": 27350, - "ĠPCs": 27351, - "Ġnausea": 27352, - "ĠConversion": 27353, - "Ġsla": 27354, - "Ġinvertebrates": 27355, - "ĠBrian": 27356, - "Ġcontiguous": 27357, - "ĠACKNOWLEDGM": 27358, - "urface": 27359, - "Ġcoars": 27360, - "ĠLeh": 27361, - "ĠCompression": 27362, - "cycles": 27363, - "Ġsinh": 27364, - "ĠOccup": 27365, - "strength": 27366, - "Ġconstr": 27367, - "Ġpesticide": 27368, - "Ġbisp": 27369, - "ĠTn": 27370, - "Ġparentheses": 27371, - "degrad": 27372, - "Ġhyperglycemia": 27373, - "PW": 27374, - "kj": 27375, - "ecological": 27376, - "Ġthy": 27377, - "Ġeleg": 27378, - "ĠSynaptic": 27379, - "scaled": 27380, - "tity": 27381, - "Ġequity": 27382, - "Ġblockchain": 27383, - "ĠLithium": 27384, - "Ġspark": 27385, - "Ġentitled": 27386, - "Ġconventions": 27387, - "Argument": 27388, - "Ġretail": 27389, - "Ġneoplastic": 27390, - "Ġdamped": 27391, - "ĠSurveillance": 27392, - "ĠAnna": 27393, - "Ġspacetimes": 27394, - "inges": 27395, - "ahashi": 27396, - "ĠInfections": 27397, - "Ġneglecting": 27398, - "Ġevaporated": 27399, - "vastatin": 27400, - "Ġgh": 27401, - "ĠNLP": 27402, - "Ġphones": 27403, - "Ġlifted": 27404, - "Ġdivisible": 27405, - "Ġdurability": 27406, - "osited": 27407, - "Ġexcitability": 27408, - "Ġbuoyancy": 27409, - "Ġuncontrolled": 27410, - "bran": 27411, - "ĠPhe": 27412, - "Ġimmunocomp": 27413, - "Ġeventual": 27414, - "Ġclassroom": 27415, - "Ġmicrographs": 27416, - "Ġrecharge": 27417, - "ettes": 27418, - "ĠDiver": 27419, - "ĠDall": 27420, - "Ġmetac": 27421, - "Ġneuroendocrine": 27422, - "topology": 27423, - "ĠHawking": 27424, - "omson": 27425, - "ĠHarry": 27426, - "mouth": 27427, - "Ġdeciding": 27428, - "Ġuncovered": 27429, - "Ġgolden": 27430, - "ĠCastle": 27431, - "Ġfiducial": 27432, - "Aware": 27433, - "ĠGan": 27434, - "erahertz": 27435, - "ĠSaturn": 27436, - "LN": 27437, - "Unit": 27438, - "ĥĹ": 27439, - "Ġbinder": 27440, - "INFO": 27441, - "ĠTemper": 27442, - "ipel": 27443, - "Ġnumerator": 27444, - "Ġwebsites": 27445, - "Ġthreatened": 27446, - "Ġremnants": 27447, - "ĠFinnish": 27448, - "hof": 27449, - "media": 27450, - "concentration": 27451, - "ĠReed": 27452, - "ĠLeishmania": 27453, - "Ġmultifunctional": 27454, - "racy": 27455, - "Ġdistribute": 27456, - "ĠDecay": 27457, - "Ġgrinding": 27458, - "Loss": 27459, - "MPL": 27460, - "ĠLakes": 27461, - "ĠQR": 27462, - "ĠStructured": 27463, - "ĠMalaria": 27464, - "Ġflavonoid": 27465, - "Ġtowns": 27466, - "opia": 27467, - "ĠVec": 27468, - "othy": 27469, - "Ġsingles": 27470, - "Ġpenetrate": 27471, - "ĠPig": 27472, - "ieved": 27473, - "Ġderivations": 27474, - "Ġdiscomfort": 27475, - "afenib": 27476, - "ĠLegendre": 27477, - "ĠPax": 27478, - "ĠMX": 27479, - "ĠExtrem": 27480, - "ĠForeign": 27481, - "ĠCourse": 27482, - "ĠHit": 27483, - "vage": 27484, - "Ġclique": 27485, - "Ġcompensatory": 27486, - "User": 27487, - "Ġdraws": 27488, - "ĠProtective": 27489, - "Ġallocate": 27490, - "ĠPant": 27491, - "Ġdash": 27492, - "Ġparal": 27493, - "ĠCirculating": 27494, - "ĠHistone": 27495, - "ĠÅ«": 27496, - "Ġprojec": 27497, - "ĠAAA": 27498, - "ĠPMS": 27499, - "glacial": 27500, - "ĠMeeting": 27501, - "ĠAntibiotic": 27502, - "ategorical": 27503, - "Ġattenuate": 27504, - "Power": 27505, - "owicz": 27506, - "ĠDefault": 27507, - "Ġmarsh": 27508, - "plasm": 27509, - "ĠPathology": 27510, - "ĠEf": 27511, - "Lys": 27512, - "flies": 27513, - "Ġinterviewed": 27514, - "ĠQA": 27515, - "Ġimpuls": 27516, - "Ġpapillary": 27517, - "dR": 27518, - "uh": 27519, - "ĠJing": 27520, - "Ġrescaled": 27521, - "efficiency": 27522, - "Ġef": 27523, - "ĠEisen": 27524, - "Ġattacked": 27525, - "Ġopto": 27526, - "Ġspeculated": 27527, - "haz": 27528, - "Ġideally": 27529, - "ymenoptera": 27530, - "Ġlr": 27531, - "ĠIz": 27532, - "resource": 27533, - "ĠFacility": 27534, - "ĠAcquisition": 27535, - "Ġpostural": 27536, - "autiful": 27537, - "Ġgingival": 27538, - "Ġpertaining": 27539, - "ĠExtra": 27540, - "ĠProgramme": 27541, - "hesus": 27542, - "fermion": 27543, - "Ġsteadily": 27544, - "Ġterminus": 27545, - "Parser": 27546, - "ĠInclusion": 27547, - "ĠWuhan": 27548, - "Ġrepetitions": 27549, - "done": 27550, - "ĠCep": 27551, - "Ġunstructured": 27552, - "ĠCollectively": 27553, - "Ġsettling": 27554, - "Ġjaw": 27555, - "ĠUni": 27556, - "Ġrestoring": 27557, - "urtles": 27558, - "Full": 27559, - "Ġdynamo": 27560, - "IGO": 27561, - "ĠBAT": 27562, - "ová": 27563, - "venues": 27564, - "ĠPerhaps": 27565, - "sensing": 27566, - "ĠIschem": 27567, - "odemographic": 27568, - "Ss": 27569, - "ĠLund": 27570, - "Ġelite": 27571, - "protocol": 27572, - "ĠChristopher": 27573, - "basic": 27574, - "Ġpuber": 27575, - "Ġmagnetism": 27576, - "vars": 27577, - "inducing": 27578, - "Ġdated": 27579, - "Ġenemy": 27580, - "ĠStop": 27581, - "social": 27582, - "ĠdÏĦ": 27583, - "ĠBun": 27584, - "Small": 27585, - "purpose": 27586, - "Ġhunting": 27587, - "CPU": 27588, - "ĠJunior": 27589, - "REL": 27590, - "Ġcontractile": 27591, - "Ġsilicone": 27592, - "adrenergic": 27593, - "bz": 27594, - "Ġfus": 27595, - "ifted": 27596, - "sep": 27597, - "âĪĴâĪŀ": 27598, - "Ġdrum": 27599, - "----------": 27600, - "ĠTregs": 27601, - "itarian": 27602, - "century": 27603, - "âĬ¥": 27604, - "Numer": 27605, - "ĠBenz": 27606, - "Ġcommunicating": 27607, - "Ġpaternal": 27608, - "ĠFGFR": 27609, - "ĠâĤ¬": 27610, - "Ġdeviate": 27611, - "fre": 27612, - "Ġmolten": 27613, - "Ġstandardization": 27614, - "Ġfunctionalities": 27615, - "ĠPaulo": 27616, - "Ġbucket": 27617, - "ĠConcentrations": 27618, - "ĠKum": 27619, - "Ġmimicking": 27620, - "Drop": 27621, - "zoa": 27622, - "ĠNuclei": 27623, - "brack": 27624, - "ecolor": 27625, - "Ġcarn": 27626, - "Ġveterinary": 27627, - "Ġchemotherapeutic": 27628, - "Ġferment": 27629, - "lasting": 27630, - "ĠRogers": 27631, - "ieri": 27632, - "Ġconverters": 27633, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 27634, - "ĠRepair": 27635, - "Europe": 27636, - "TIME": 27637, - "Ġties": 27638, - "ĠPIN": 27639, - "Ġtribut": 27640, - "Ġhomogenization": 27641, - "excitation": 27642, - "atization": 27643, - "ĠRash": 27644, - "Ġprecession": 27645, - "ás": 27646, - "Ġspiking": 27647, - "ĠGrassmann": 27648, - "minister": 27649, - "Ġfactorial": 27650, - "ĠDeut": 27651, - "sampled": 27652, - "Ġeukaryotes": 27653, - "overlapping": 27654, - "agglut": 27655, - "Ġprescribing": 27656, - "Ġcro": 27657, - "omechanical": 27658, - "iza": 27659, - "ĠManufact": 27660, - "native": 27661, - "ursive": 27662, - "ĠIssues": 27663, - "Ġstreptomycin": 27664, - "endi": 27665, - "ĠSpr": 27666, - "ceq": 27667, - "arginine": 27668, - "ixon": 27669, - "ĠFoundations": 27670, - "Single": 27671, - "Ġoxal": 27672, - "Ġhydrate": 27673, - "Iterator": 27674, - "kii": 27675, - "aminated": 27676, - "Ġsprings": 27677, - "oln": 27678, - "ĠSetup": 27679, - "Ġripening": 27680, - "Ġtheoretic": 27681, - "Ġcfg": 27682, - "μL": 27683, - "Gordon": 27684, - "SK": 27685, - "Ġnations": 27686, - "Query": 27687, - "Ùħ": 27688, - "Ġfores": 27689, - "requencies": 27690, - "ĠPharmaceutical": 27691, - "ĠAllocation": 27692, - "otypical": 27693, - "ĠPilot": 27694, - "thora": 27695, - "ĠVand": 27696, - "Ġsyringe": 27697, - "ĠRAP": 27698, - "rometric": 27699, - "Ġïģ´": 27700, - "Ġcitations": 27701, - "would": 27702, - "Ġnortheastern": 27703, - "comparison": 27704, - "locus": 27705, - "ethe": 27706, - "ĠKB": 27707, - "Ġhomologs": 27708, - "Ġencephalitis": 27709, - "Ġzig": 27710, - "Ġincentive": 27711, - "Ġconfidential": 27712, - "Ġvestibular": 27713, - "ĠOTUs": 27714, - "Ġsynovial": 27715, - "ĠRelativity": 27716, - "Ġsubdivided": 27717, - "chez": 27718, - "Ġlikewise": 27719, - "ĠPDMS": 27720, - "ĠÅł": 27721, - "Ġsocieties": 27722, - "ocyanate": 27723, - "gia": 27724, - "Ġlocalize": 27725, - "Ġlactation": 27726, - "Ġnodule": 27727, - "ĠCOR": 27728, - "Ġharboring": 27729, - "ĠEQU": 27730, - "harvest": 27731, - "Ġbandgap": 27732, - "rk": 27733, - "Ġresistor": 27734, - "Ġye": 27735, - "ĠAsymmetric": 27736, - "Ġpropagators": 27737, - "Ġdiagnosing": 27738, - "ĠAffairs": 27739, - "Ġejecta": 27740, - "Ġisomer": 27741, - "Ġix": 27742, - "Ġfoliation": 27743, - "Ġcapacitors": 27744, - "Ġcad": 27745, - "ĠNeutroph": 27746, - "pliance": 27747, - "Ġcompressible": 27748, - "ĠHunter": 27749, - "ĠMZ": 27750, - "ĠWeib": 27751, - "Ġnoncoding": 27752, - "Ġmountains": 27753, - "Ġadvertising": 27754, - "alez": 27755, - "bright": 27756, - "limsup": 27757, - "Ci": 27758, - "ĠNev": 27759, - "ĠStrains": 27760, - "ostomy": 27761, - "opal": 27762, - "Ġconcatenated": 27763, - "ĠPerf": 27764, - "CHO": 27765, - "Ġturtles": 27766, - "ĠFra": 27767, - "Ġallogeneic": 27768, - "Ġunsuccessful": 27769, - "YM": 27770, - "erver": 27771, - "Ġcuc": 27772, - "Ġfires": 27773, - "chart": 27774, - "Ġinterrupted": 27775, - "Ġdecides": 27776, - "Ġauction": 27777, - "ĠUntil": 27778, - "ĠATG": 27779, - "Ġdiam": 27780, - "magnitude": 27781, - "Ġdl": 27782, - "Vertex": 27783, - "mont": 27784, - "Ġfemtosecond": 27785, - "Params": 27786, - "Ġlysate": 27787, - "ishers": 27788, - "ĠPAT": 27789, - "ĠKev": 27790, - "ĠKnock": 27791, - "Ġgroove": 27792, - "Lu": 27793, - "ĠJohann": 27794, - "Ġreplica": 27795, - "ĠMATERIALS": 27796, - "Ġlots": 27797, - "Ġgenerically": 27798, - "ĠAltered": 27799, - "ĠIdentity": 27800, - "Ġunfolded": 27801, - "CES": 27802, - "ingular": 27803, - "ĠFraction": 27804, - "ĠProliferation": 27805, - "ĠVienna": 27806, - "acia": 27807, - "pless": 27808, - "ĠSevent": 27809, - "Ġturbines": 27810, - "lysine": 27811, - "Ġperoxis": 27812, - "ARP": 27813, - "ĠEpis": 27814, - "ĠSYBR": 27815, - "Builder": 27816, - "Ġspherically": 27817, - "Ġdefend": 27818, - "Performance": 27819, - "Ġmortar": 27820, - "ĠConcepts": 27821, - "works": 27822, - "Ġreinforce": 27823, - "á¹": 27824, - "Ġcus": 27825, - "ĠCIF": 27826, - "ĠAgricultural": 27827, - "crystalline": 27828, - "rish": 27829, - "Ġreferenced": 27830, - "Ġactress": 27831, - "Ġboundedness": 27832, - "SiC": 27833, - "Ġâ": 27834, - "Ġjack": 27835, - "Ġterminate": 27836, - "ĠJA": 27837, - "ĠKrish": 27838, - "MMP": 27839, - "kx": 27840, - "ĠPSR": 27841, - "endl": 27842, - "WHO": 27843, - "ĠSão": 27844, - "ĠCultural": 27845, - "ĠEh": 27846, - "ulis": 27847, - "vik": 27848, - "prises": 27849, - "ixel": 27850, - "ĠMetrics": 27851, - "Ġdiscontinuities": 27852, - "ĠUne": 27853, - "SCR": 27854, - "Ġprojecting": 27855, - "ĠOriginal": 27856, - "ĠHumans": 27857, - "transcriptional": 27858, - "HK": 27859, - "ĠJain": 27860, - "atisfaction": 27861, - "mesenchymal": 27862, - "Ġpyramid": 27863, - "Ġascorbic": 27864, - "game": 27865, - "Ġnoun": 27866, - "otoxins": 27867, - "peptide": 27868, - "Ġglassy": 27869, - "Ġtalking": 27870, - "Dem": 27871, - "ĠSchro": 27872, - "ĠAssumptions": 27873, - "Ġðx": 27874, - "Ġaneurysms": 27875, - "MASS": 27876, - "ĠHou": 27877, - "exposure": 27878, - "ĠLLC": 27879, - "Ġnoises": 27880, - "CTG": 27881, - "ĠElementary": 27882, - "flip": 27883, - "Ġdysp": 27884, - "Ġmessenger": 27885, - "ĠImportant": 27886, - "Ġimposes": 27887, - "Ġorganelles": 27888, - "assertEqual": 27889, - "Ġjustif": 27890, - "ucine": 27891, - "Ġformic": 27892, - "ormalization": 27893, - "ĠRadial": 27894, - "ĠCurve": 27895, - "ĠCrohn": 27896, - "Ġbrowser": 27897, - "Ġeffusion": 27898, - "Ġhandles": 27899, - "varsigma": 27900, - "Ġspecialists": 27901, - "Ġpainful": 27902, - "Ġerythematosus": 27903, - "Ġfen": 27904, - "nitrophenyl": 27905, - "Ġlegacy": 27906, - "ĠQDs": 27907, - "rapper": 27908, - "Ġmonotherapy": 27909, - "ĠBelt": 27910, - "ZZ": 27911, - "Ġsintered": 27912, - "enedi": 27913, - "Hb": 27914, - "tv": 27915, - "ĠNas": 27916, - "ovis": 27917, - "Ġmucin": 27918, - "Ġaccelerates": 27919, - "Ġacquiring": 27920, - "luc": 27921, - "Ġdilaton": 27922, - "ĠPitts": 27923, - "Ġequivariant": 27924, - "ĠLyman": 27925, - "ĠYa": 27926, - "Ġprogressed": 27927, - "ĠAfterwards": 27928, - "ĠCHAR": 27929, - "Don": 27930, - "Ġhistologic": 27931, - "Ġcircuitry": 27932, - "pene": 27933, - "opres": 27934, - "ĠStefan": 27935, - "Ġsemiclassical": 27936, - "mund": 27937, - "ĠWaste": 27938, - "BQ": 27939, - "Ġadiponectin": 27940, - "Ġunseen": 27941, - "Ġbiomechanical": 27942, - "Ġhazardous": 27943, - "ructive": 27944, - "xyl": 27945, - "opf": 27946, - "Ġprion": 27947, - "ĠInfinite": 27948, - "Ġtracers": 27949, - "ĠHarrison": 27950, - "Ġfibrinogen": 27951, - "Ġhydrolys": 27952, - "Ġislets": 27953, - "Ġparallelism": 27954, - "Spect": 27955, - "Ġimperative": 27956, - "Ġcured": 27957, - "ĠDSB": 27958, - "idefinite": 27959, - "icker": 27960, - "Ġdivergences": 27961, - "ĠShapiro": 27962, - "abd": 27963, - "ĠLum": 27964, - "ĠVD": 27965, - "Ġfisheries": 27966, - "geon": 27967, - "copenia": 27968, - "ĠClay": 27969, - "Ġmaximized": 27970, - "ĠGrey": 27971, - "ĠBatch": 27972, - "Ġinfest": 27973, - "Ġample": 27974, - "Ġestate": 27975, - "ĠSupreme": 27976, - "AO": 27977, - "isia": 27978, - "ĠSmad": 27979, - "Carlo": 27980, - "ĠSubst": 27981, - "Ġmonoidal": 27982, - "Ġnumeric": 27983, - "Plot": 27984, - "Ġdystrophy": 27985, - "hypertensive": 27986, - "Ġstool": 27987, - "alsy": 27988, - "Ġcheese": 27989, - "nih": 27990, - "Ġbought": 27991, - "ĠSQ": 27992, - "Ġclues": 27993, - "Ġmeiotic": 27994, - "Ġgoats": 27995, - "ĠGTPase": 27996, - "Ġrescaling": 27997, - "NUM": 27998, - "icing": 27999, - "ĠÄĢ": 28000, - "Ġpretty": 28001, - "ligand": 28002, - "English": 28003, - "ĠIntelligent": 28004, - "Every": 28005, - "ĠPolitical": 28006, - "enton": 28007, - "Ġpassages": 28008, - "ĠRemarks": 28009, - "sb": 28010, - "Network": 28011, - "ĠLRR": 28012, - "Ġcurl": 28013, - "ursion": 28014, - "ĠAver": 28015, - "ĠGLP": 28016, - "heren": 28017, - "atan": 28018, - "ICENSE": 28019, - "Ġlatex": 28020, - "EMI": 28021, - "quasi": 28022, - "ĠOm": 28023, - "Ġreviewing": 28024, - "Background": 28025, - "Ġsom": 28026, - "Ġsnapshots": 28027, - "brow": 28028, - "who": 28029, - "ĠTail": 28030, - "ĠMSM": 28031, - "ĠGm": 28032, - "Ġphi": 28033, - "rency": 28034, - "separated": 28035, - "Ġgig": 28036, - "osides": 28037, - "Ġpean": 28038, - "Ġappealing": 28039, - "PU": 28040, - "nk": 28041, - "Ġquer": 28042, - "ĠCharg": 28043, - "ĠMolecules": 28044, - "localization": 28045, - "Idx": 28046, - "lap": 28047, - "ĠTax": 28048, - "ĠExponential": 28049, - "ĠInhibitor": 28050, - "ĠBiomedical": 28051, - "urethane": 28052, - "lerene": 28053, - "rogenesis": 28054, - "ĠLai": 28055, - "ĠAggregation": 28056, - "ĠCaCl": 28057, - "Ġsensible": 28058, - "Ġconjunc": 28059, - "paper": 28060, - "ĠCovid": 28061, - "ĠProcedures": 28062, - "Ġknew": 28063, - "Ġsetae": 28064, - "ĠAlle": 28065, - "ĠExcept": 28066, - "Ġpresynaptic": 28067, - "flower": 28068, - "Ġultrasonography": 28069, - "Ġentertain": 28070, - "iors": 28071, - "ĠEry": 28072, - "ĠInteger": 28073, - "Ġrepressor": 28074, - "Ġlaterally": 28075, - "Ġcomplemented": 28076, - "TAG": 28077, - "ĠAround": 28078, - "ĠLister": 28079, - "bitrary": 28080, - "backward": 28081, - "MeV": 28082, - "Ġwhisk": 28083, - "AMs": 28084, - "ĠBulk": 28085, - "Ġquiver": 28086, - "Ġdamaging": 28087, - "ĠQuantifying": 28088, - "Ġsuprem": 28089, - "tel": 28090, - "Ġtear": 28091, - "oters": 28092, - "vidin": 28093, - "Ġtubules": 28094, - "Ġipsilateral": 28095, - "isive": 28096, - "Ġsuitably": 28097, - "riel": 28098, - "Ġtuber": 28099, - "Ġfavors": 28100, - "Ġcentim": 28101, - "Ġtransversal": 28102, - "ĠCHO": 28103, - "Ġtrimester": 28104, - "CAC": 28105, - "cognitive": 28106, - "ĠUTC": 28107, - "pute": 28108, - "Ġmidline": 28109, - "amers": 28110, - "evaluation": 28111, - "Dav": 28112, - "Ġbags": 28113, - "timer": 28114, - "Ġshortcomings": 28115, - "ĠErd": 28116, - "Ġdiscriminator": 28117, - "Ant": 28118, - "sizes": 28119, - "Ġbist": 28120, - "ingual": 28121, - "ĠCategory": 28122, - "Ġpulsars": 28123, - "ĠSchwartz": 28124, - "ĠDrop": 28125, - "Sequence": 28126, - "Ġtann": 28127, - "ĠSymptoms": 28128, - "Dict": 28129, - "ĠBlu": 28130, - "Supplemental": 28131, - "Ġdisabled": 28132, - "ĠKoz": 28133, - "Ġinvoked": 28134, - "ĠCQ": 28135, - "ĠConnectivity": 28136, - "Ġtelescopes": 28137, - "oso": 28138, - "Ġphytochemical": 28139, - "Ġorthogonality": 28140, - "Ġinvisible": 28141, - "ĠSCF": 28142, - "ĠAvoid": 28143, - "ĠHus": 28144, - "micron": 28145, - "aternity": 28146, - "Project": 28147, - "Ġadvancing": 28148, - "ĠLorentzian": 28149, - "Sa": 28150, - "tÃŀ": 28151, - "ĠUP": 28152, - "Ġarts": 28153, - "Ġzer": 28154, - "asket": 28155, - "Ġappeal": 28156, - "nick": 28157, - "ĠCloning": 28158, - "Ġswap": 28159, - "Ġphospholipids": 28160, - "bg": 28161, - "othel": 28162, - "asco": 28163, - "Track": 28164, - "Ġsubmanifold": 28165, - "Offset": 28166, - "ĠBird": 28167, - "problems": 28168, - "DCs": 28169, - "Ġdow": 28170, - "Ġdeionized": 28171, - "Ġsubclass": 28172, - "Ġpublishing": 28173, - "ĠCarter": 28174, - "Ġsynergy": 28175, - "Ġweakened": 28176, - "ĠGlas": 28177, - "ĠPie": 28178, - "henko": 28179, - "Ġsetups": 28180, - "ĠBernstein": 28181, - "Ġÿ": 28182, - "ĠShu": 28183, - "ĠChanging": 28184, - "osov": 28185, - "ĠMeteor": 28186, - "inth": 28187, - "rah": 28188, - "paramet": 28189, - "rena": 28190, - "Ġnewborns": 28191, - "ische": 28192, - "rotating": 28193, - "Ġconfident": 28194, - "fac": 28195, - "ĠTerr": 28196, - "Ġlinewidth": 28197, - "ICP": 28198, - "thony": 28199, - "Ġlanes": 28200, - "Ġsmoother": 28201, - "mony": 28202, - "ĠCNNs": 28203, - "Port": 28204, - "Ġtransiently": 28205, - "Ġsurgeries": 28206, - "Ġsubmerged": 28207, - "Ġpuncture": 28208, - "Ġdichlor": 28209, - "Ġsystematics": 28210, - "Ġcontigs": 28211, - "Ġresiding": 28212, - "BW": 28213, - "EO": 28214, - "Gold": 28215, - "ionate": 28216, - "vocab": 28217, - "dW": 28218, - "STAR": 28219, - "ĠPLC": 28220, - "athi": 28221, - "ĠInfectious": 28222, - "Light": 28223, - "á»": 28224, - "ĠRal": 28225, - "Ġpropagates": 28226, - "ĠLikelihood": 28227, - "hill": 28228, - "curl": 28229, - "checkpoint": 28230, - "rax": 28231, - "Ġvancomycin": 28232, - "ĠUSD": 28233, - "opheles": 28234, - "Ġfiltr": 28235, - "Ġstoichiometry": 28236, - "âĶĢâĶĢ": 28237, - "ĠNad": 28238, - "accessible": 28239, - "Ġtoy": 28240, - "Ġnude": 28241, - "ĠSut": 28242, - "essential": 28243, - "ĠOL": 28244, - "Ġpertin": 28245, - "Ġrecur": 28246, - "Ġcapill": 28247, - "Ġcomputable": 28248, - "Ġsuction": 28249, - "Ġsoftening": 28250, - "ĠESI": 28251, - "Ġmonitors": 28252, - "Ġpyridine": 28253, - "ĠSensors": 28254, - "ĠCombinatorial": 28255, - "atta": 28256, - "ĠAMS": 28257, - "ĠDul": 28258, - "pleteness": 28259, - "Eth": 28260, - "Ġû": 28261, - "Ġexcised": 28262, - "ĠDiabetic": 28263, - "ĠIowa": 28264, - "Ġimmunostaining": 28265, - "Ġillnesses": 28266, - "Ġenumer": 28267, - "ĠIranian": 28268, - "Ġthumb": 28269, - "orphisms": 28270, - "Ġlegitimate": 28271, - "lg": 28272, - "ĠSVD": 28273, - "Ġdesk": 28274, - "Format": 28275, - "Bon": 28276, - "Ġgarden": 28277, - "Ġinterpersonal": 28278, - "Ġelbow": 28279, - "ĠDemonstr": 28280, - "Ġnonspecific": 28281, - "Ferm": 28282, - "ivalently": 28283, - "phthalene": 28284, - "ARGET": 28285, - "Valid": 28286, - "Ġsunlight": 28287, - "Ġrescued": 28288, - "DAR": 28289, - "ĠInvariant": 28290, - "Ġidle": 28291, - "Ġalkaloids": 28292, - "scales": 28293, - "ses": 28294, - "obicity": 28295, - "beat": 28296, - "Ġcentrifugal": 28297, - "analytical": 28298, - "pv": 28299, - "Ġtutorial": 28300, - "ĠNation": 28301, - "generator": 28302, - "Ġcollisional": 28303, - "ĠCME": 28304, - "Ġscrap": 28305, - "ĠQSO": 28306, - "Ġwax": 28307, - "ĠScenario": 28308, - "Ġminimizer": 28309, - "ĠMDPI": 28310, - "Ġprostaglandin": 28311, - "olites": 28312, - "ocysteine": 28313, - "Ġcompactification": 28314, - "Ġfrailty": 28315, - "opsin": 28316, - "Ġjunior": 28317, - "loud": 28318, - "Ġtitled": 28319, - "Ġeconomically": 28320, - "thiophene": 28321, - "ĠInvestigating": 28322, - "ĠEsp": 28323, - "Ġelusive": 28324, - "Ġmalware": 28325, - "ĠTHP": 28326, - "imidazole": 28327, - "Ġretains": 28328, - "ĠMIR": 28329, - "ffl": 28330, - "jac": 28331, - "ĠPART": 28332, - "ĠDCM": 28333, - "transport": 28334, - "MAPK": 28335, - "Problem": 28336, - "Su": 28337, - "Ġdelim": 28338, - "Ġpsychometric": 28339, - "vitably": 28340, - "Ġhypergeometric": 28341, - "Ġuterus": 28342, - "Ġanaesthesia": 28343, - "ĠAvenue": 28344, - "Ġmeanings": 28345, - "Ġrapidity": 28346, - "Ġdendrites": 28347, - "grain": 28348, - "ĠNile": 28349, - "Ġfacies": 28350, - "Ġpipelines": 28351, - "ĠCampylobacter": 28352, - "ĠMembers": 28353, - "benzoate": 28354, - "Request": 28355, - "Ġpk": 28356, - "Ġrefused": 28357, - "caus": 28358, - "ĠSay": 28359, - "lane": 28360, - "ĠPSO": 28361, - "Ġgathering": 28362, - "Ġrefriger": 28363, - "RCC": 28364, - "Ġfibronectin": 28365, - "help": 28366, - "ĠIntensity": 28367, - "CLC": 28368, - "Que": 28369, - "elly": 28370, - "Ġilluminated": 28371, - "Ġpedestrian": 28372, - "ĠMercury": 28373, - "Ġafforded": 28374, - "Ġpathophysiological": 28375, - "ĠNGS": 28376, - "assa": 28377, - "Ġendors": 28378, - "Ġsensation": 28379, - "Ġstreamflow": 28380, - "avin": 28381, - "ĠGABAergic": 28382, - "Ġretirement": 28383, - "Cells": 28384, - "oca": 28385, - "Ġoptimizations": 28386, - "Ġdigraph": 28387, - "ĠAutism": 28388, - "octurnal": 28389, - "oscience": 28390, - "ĠEllis": 28391, - "ĠAj": 28392, - "ĠWSN": 28393, - "Ġshooting": 28394, - "iper": 28395, - "îĦĥ": 28396, - "ĠWeather": 28397, - "Ġreceptive": 28398, - "Ġquartic": 28399, - "ocyclic": 28400, - "PATH": 28401, - "sizeof": 28402, - "Ġmelts": 28403, - "Ġdipoles": 28404, - "Ġbimodal": 28405, - "summary": 28406, - "Ġinsomnia": 28407, - "opyran": 28408, - "Ġwrapped": 28409, - "ĠJosé": 28410, - "AH": 28411, - "cia": 28412, - "Ġobeys": 28413, - "ĠKay": 28414, - "intervention": 28415, - "Ġrouter": 28416, - "ĠDrugs": 28417, - "owska": 28418, - "ĠArr": 28419, - "ĠCaptain": 28420, - "ĠTMS": 28421, - "adv": 28422, - "Ġboat": 28423, - "Ġtrusted": 28424, - "sever": 28425, - "illars": 28426, - "ĠMissouri": 28427, - "Ġequivalents": 28428, - "ĠHarvard": 28429, - "ĠClarke": 28430, - "resonant": 28431, - "rady": 28432, - "triggered": 28433, - "Ġcleft": 28434, - "Ġunic": 28435, - "Ġbrainstem": 28436, - "Ġthrombin": 28437, - "ĠFlight": 28438, - "Ġsectional": 28439, - "Ġconcatenation": 28440, - "Ġcantilever": 28441, - "eton": 28442, - "Ġdecode": 28443, - "ofacial": 28444, - "Action": 28445, - "ĠIllustration": 28446, - "vertical": 28447, - "chall": 28448, - "ĠRegistry": 28449, - "MAT": 28450, - "Ġconson": 28451, - "Ġneoadjuvant": 28452, - "ĠWistar": 28453, - "ĠImper": 28454, - "Ġaltitudes": 28455, - "Ġsubpopulation": 28456, - "ĠScene": 28457, - "tensorflow": 28458, - "slow": 28459, - "Ġhint": 28460, - "Ġbeamforming": 28461, - "ein": 28462, - "Ġimpregn": 28463, - "ĠRFID": 28464, - "ĠAnalyzing": 28465, - "ĠPent": 28466, - "ĠDNS": 28467, - "ĠGilbert": 28468, - "Ġcrater": 28469, - "Comparing": 28470, - "Ġbf": 28471, - "Ġflights": 28472, - "Ġmalnutrition": 28473, - "SMC": 28474, - "Ġerythrop": 28475, - "ĠTumors": 28476, - "Tx": 28477, - "Ġisospin": 28478, - "ĠKub": 28479, - "iking": 28480, - "Ġcorticosteroids": 28481, - "ursor": 28482, - "ĠBurg": 28483, - "inspired": 28484, - "ĠIgn": 28485, - "Ġmycel": 28486, - "prediction": 28487, - "methods": 28488, - "Copy": 28489, - "ĠRW": 28490, - "ĠKnight": 28491, - "Ġdemethyl": 28492, - "ìĦ": 28493, - "Ġcili": 28494, - "Ġbes": 28495, - "ĠEck": 28496, - "Ġdilatation": 28497, - "Ġanimation": 28498, - "abstract": 28499, - "Ġcircumvent": 28500, - "Ġinoculum": 28501, - "Seg": 28502, - "ĠCaps": 28503, - "erers": 28504, - "PLS": 28505, - "ĠPeer": 28506, - "Ġverifies": 28507, - "ategy": 28508, - "ogenetics": 28509, - "Ġoligonucleotides": 28510, - "ractical": 28511, - "Ġdiverges": 28512, - "ĠStanford": 28513, - "ĠAi": 28514, - "Ġweighing": 28515, - "Tg": 28516, - "reinfor": 28517, - "ĠAlam": 28518, - "quiry": 28519, - "ĠNob": 28520, - "Ġlinearization": 28521, - "ĠVenez": 28522, - "nexin": 28523, - "levels": 28524, - "Lip": 28525, - "ĠPatel": 28526, - "ĠMagnitude": 28527, - "etitive": 28528, - "ĠEagle": 28529, - "Ġsputum": 28530, - "ĠCOS": 28531, - "Ġincubator": 28532, - "Ul": 28533, - "ĠReceptors": 28534, - "ĠSchott": 28535, - "GCG": 28536, - "ĠZeiss": 28537, - "ĠEntanglement": 28538, - "ĠVaccine": 28539, - "orted": 28540, - "Ġnb": 28541, - "ĠSj": 28542, - "ĠMrs": 28543, - "Ġcalf": 28544, - "Ġintegrability": 28545, - "ĠPhoton": 28546, - "Ġgondii": 28547, - "ĠMIL": 28548, - "Ġaliph": 28549, - "ĠDip": 28550, - "falls": 28551, - "ctrl": 28552, - "ku": 28553, - "etent": 28554, - "plt": 28555, - "Ġpersisted": 28556, - "ĠManager": 28557, - "Ġprerequisite": 28558, - "filling": 28559, - "ĠMEA": 28560, - "Sym": 28561, - "ĠGrain": 28562, - "Ġductal": 28563, - "ĠTODO": 28564, - "Ġaffinities": 28565, - "Ġdegenerative": 28566, - "ĠFitz": 28567, - "ovar": 28568, - "ĠTriple": 28569, - "Ġdendrim": 28570, - "ĠFranklin": 28571, - "mag": 28572, - "otely": 28573, - "Ġstabilizes": 28574, - "Ġcash": 28575, - "ĠSquad": 28576, - "Ġchampion": 28577, - "PDB": 28578, - "Ġurg": 28579, - "Ġalcoholic": 28580, - "Ġtar": 28581, - "yled": 28582, - "Version": 28583, - "Ġsale": 28584, - "ĠMLP": 28585, - "outer": 28586, - "Ġsimplifying": 28587, - "ĠExtract": 28588, - "Param": 28589, - "ĠRestric": 28590, - "Ġtractable": 28591, - "ĠArchive": 28592, - "Response": 28593, - "ADDR": 28594, - "Ġcommutation": 28595, - "Rich": 28596, - "ĠAndrews": 28597, - "Ġosteoclast": 28598, - "romic": 28599, - "ĠShift": 28600, - "Ġaccelerometer": 28601, - "ĠSent": 28602, - "Ġchances": 28603, - "osting": 28604, - "Ġmethacrylate": 28605, - "Ġgluons": 28606, - "Ġôı½": 28607, - "Ġpolygons": 28608, - "ĠRCTs": 28609, - "Ġinfancy": 28610, - "Ġproceeded": 28611, - "ĠHorizontal": 28612, - "COR": 28613, - "Ġcaching": 28614, - "ĠNHS": 28615, - "phobic": 28616, - "ĠXMM": 28617, - "Ġmicrobiological": 28618, - "GMP": 28619, - "ÙĨ": 28620, - "ĠTSS": 28621, - "ĠSul": 28622, - "ĠFact": 28623, - "ĠWE": 28624, - "Ġcertainty": 28625, - "ensitivity": 28626, - "Ġdeconvolution": 28627, - "ĠGain": 28628, - "Ġblots": 28629, - "Ġseeks": 28630, - "Ġcosh": 28631, - "ennessee": 28632, - "Ġslave": 28633, - "ĠTran": 28634, - "Ġtranspose": 28635, - "reated": 28636, - "Ġshading": 28637, - "ĠBU": 28638, - "ĠOV": 28639, - "ĠLook": 28640, - "Ġcomprehensively": 28641, - "ĠFreder": 28642, - "Handler": 28643, - "fibr": 28644, - "Ġmissense": 28645, - "targets": 28646, - "promoting": 28647, - "ĠPep": 28648, - "varpi": 28649, - "ĠHarmonic": 28650, - "ĠAIS": 28651, - "Ġmonocyt": 28652, - "Ġthinning": 28653, - "Ġpheromone": 28654, - "Water": 28655, - "anase": 28656, - "ĠSang": 28657, - "Ġsubstructure": 28658, - "wp": 28659, - "ĠKansas": 28660, - "DEBUG": 28661, - "ĠProbe": 28662, - "Ġpatterned": 28663, - "clean": 28664, - "Ġbroiler": 28665, - "odextrin": 28666, - "aided": 28667, - "oprol": 28668, - "ublin": 28669, - "inum": 28670, - "Ġanatomic": 28671, - "Ġplating": 28672, - "arro": 28673, - "ucal": 28674, - "Ġspeedup": 28675, - "Ġhaemorrh": 28676, - "eptidase": 28677, - "Ġsagittal": 28678, - "Ġintim": 28679, - "ĠFISH": 28680, - "Ġscarc": 28681, - "ATCC": 28682, - "incor": 28683, - "Ġserological": 28684, - "ente": 28685, - "Ġshale": 28686, - "Ġoverfitting": 28687, - "ĠExcess": 28688, - "ĠALP": 28689, - "Pool": 28690, - "dry": 28691, - "yu": 28692, - "ĠPMMA": 28693, - "ĠHypoxia": 28694, - "nothing": 28695, - "chestra": 28696, - "coloneqq": 28697, - "Ġbibli": 28698, - "ĠEXPECT": 28699, - "BAL": 28700, - "ethan": 28701, - "ĠâĪĺ": 28702, - "Ġjourney": 28703, - "Ġbiocompatibility": 28704, - "PAN": 28705, - "Ġbon": 28706, - "ĠRoh": 28707, - "Ġpolarisation": 28708, - "Spin": 28709, - "idences": 28710, - "ĠBCR": 28711, - "ĠHIP": 28712, - "ĠThick": 28713, - "Ġrecognizes": 28714, - "Ġsar": 28715, - "Ġamend": 28716, - "questions": 28717, - "Ġcaregiver": 28718, - "ĠMarie": 28719, - "Ġmetalloproteinase": 28720, - "Ġaldehydes": 28721, - "Ġinterneurons": 28722, - "Ġtetrahedral": 28723, - "guez": 28724, - "Ġquasiparticle": 28725, - "Ġot": 28726, - "decreasing": 28727, - "stre": 28728, - "Ġphotoperiod": 28729, - "Ġprioriti": 28730, - "Ġapo": 28731, - "Ġimmunosuppression": 28732, - "ĠPierre": 28733, - "LPS": 28734, - "Ġclumps": 28735, - "ĠPlane": 28736, - "Ġturbidity": 28737, - "Ġpollutant": 28738, - "Ġbioch": 28739, - "ĠTRE": 28740, - "Ġdesigners": 28741, - "Ġrenders": 28742, - "Ġreplaces": 28743, - "ĠPLS": 28744, - "Ġhumoral": 28745, - "Bas": 28746, - "reira": 28747, - "ĠAedes": 28748, - "vitamin": 28749, - "curves": 28750, - "ociceptive": 28751, - "Ġindisp": 28752, - "Ġoxy": 28753, - "Ġedible": 28754, - "ĠMesenchymal": 28755, - "ĠDegree": 28756, - "ž": 28757, - "ĠOak": 28758, - "ĠBhatt": 28759, - "onso": 28760, - "ĠSBP": 28761, - "ĠAux": 28762, - "Ġmartingale": 28763, - "ĠMicrobiota": 28764, - "glow": 28765, - "Ġexud": 28766, - "apolis": 28767, - "Ġsomehow": 28768, - "Ġcentred": 28769, - "Channel": 28770, - "ĠNormalized": 28771, - "ilitation": 28772, - "Ġtranscriptase": 28773, - "Ġcryo": 28774, - "predicted": 28775, - "ĠDAG": 28776, - "Ġrf": 28777, - "endor": 28778, - "INTER": 28779, - "ĠMesh": 28780, - "ĠFundament": 28781, - "ycle": 28782, - "Ġprimitives": 28783, - "radiated": 28784, - "Ġrho": 28785, - "enesulf": 28786, - "ĠFSH": 28787, - "ĠEcos": 28788, - "localized": 28789, - "Ġenterprise": 28790, - "cephalus": 28791, - "Ġcarcass": 28792, - "AY": 28793, - "ecurity": 28794, - "ĠTMD": 28795, - "Ġlb": 28796, - "ĠAeros": 28797, - "ĠMER": 28798, - "Attr": 28799, - "ĠACL": 28800, - "ĠBarb": 28801, - "cout": 28802, - "Ġdeoxy": 28803, - "atios": 28804, - "Ġpersists": 28805, - "Ġviolent": 28806, - "Abelian": 28807, - "Ġellips": 28808, - "iong": 28809, - "Ġsuccessor": 28810, - "ĠGonzález": 28811, - "living": 28812, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 28813, - "imentin": 28814, - "Ġcapsules": 28815, - "VIS": 28816, - "ĠPOP": 28817, - "arithmic": 28818, - "OO": 28819, - "wl": 28820, - "inoic": 28821, - "ĠCenters": 28822, - "roblasts": 28823, - "those": 28824, - "ĠMJ": 28825, - "Ġfronts": 28826, - "Ġunint": 28827, - "Ġfacile": 28828, - "coherent": 28829, - "avour": 28830, - "ceptive": 28831, - "tah": 28832, - "Ġrelatedness": 28833, - "dE": 28834, - "ungen": 28835, - "#####": 28836, - "Ġamphi": 28837, - "ĠGuy": 28838, - "stars": 28839, - "ectom": 28840, - "Ġlaying": 28841, - "Ġspider": 28842, - "ACs": 28843, - "Ġseedling": 28844, - "Ġduplicated": 28845, - "iche": 28846, - "ĠMST": 28847, - "grass": 28848, - "Ġprophylactic": 28849, - "eks": 28850, - "Ġlaryngeal": 28851, - "ĠSper": 28852, - "ĠWals": 28853, - "Ġcholec": 28854, - "ĠPlanet": 28855, - "ĠHEPES": 28856, - "Ġdiploid": 28857, - "constraint": 28858, - "Pyx": 28859, - "ACh": 28860, - "ĠCui": 28861, - "ĠShared": 28862, - "ĠCand": 28863, - "ĠGö": 28864, - "Ġdetached": 28865, - "Ġpassengers": 28866, - "Ġaliphatic": 28867, - "Ġpour": 28868, - "Ġaccesses": 28869, - "ĠWald": 28870, - "Ġdecorated": 28871, - "Ġcarotenoids": 28872, - "uestions": 28873, - "ĠImpacts": 28874, - "SAT": 28875, - "aru": 28876, - "ĠPir": 28877, - "ĠConfiguration": 28878, - "ĠCongo": 28879, - "ĠLing": 28880, - "Ġdesic": 28881, - "Ġmacrom": 28882, - "Ġlacked": 28883, - "Ġencompasses": 28884, - "Ġpumped": 28885, - "ĠForty": 28886, - "rexate": 28887, - "ifferentiated": 28888, - "Ġnoble": 28889, - "Ġradion": 28890, - "Ġimmigrants": 28891, - "Ġbiodegradable": 28892, - "Ġmigrating": 28893, - "argv": 28894, - "COM": 28895, - "ĠObservational": 28896, - "Ġcannabis": 28897, - "yama": 28898, - "Ġconcentric": 28899, - "Conn": 28900, - "talion": 28901, - "Ġresponders": 28902, - "utenant": 28903, - "ĠTrim": 28904, - "Ġcontributors": 28905, - "Ġcontracted": 28906, - "ĠXenopus": 28907, - "Ġloud": 28908, - "ĠEnhancing": 28909, - "Ġinfarct": 28910, - "Ġok": 28911, - "Ġasks": 28912, - "relin": 28913, - "Ġillustrative": 28914, - "vdash": 28915, - "dg": 28916, - "Ġfoc": 28917, - "Ġlivers": 28918, - "ĠOtt": 28919, - "ĠTSP": 28920, - "logger": 28921, - "depending": 28922, - "Ġdisproportion": 28923, - "Ġintric": 28924, - "Ġimmunized": 28925, - "varez": 28926, - "Ġsalic": 28927, - "ĠInstitutes": 28928, - "KEY": 28929, - "Ġendoscopy": 28930, - "erk": 28931, - "eliness": 28932, - "ĠSag": 28933, - "athyroid": 28934, - "Ġacidity": 28935, - "arov": 28936, - "ĠVoronoi": 28937, - "Experimental": 28938, - "Ġgently": 28939, - "Measure": 28940, - "ïĺº": 28941, - "Ġwonder": 28942, - "ĠPancreatic": 28943, - "ĠHispanic": 28944, - "ĠEug": 28945, - "reducing": 28946, - "tainment": 28947, - "Ġsurprise": 28948, - "Ġæ": 28949, - "criter": 28950, - "ĠHypertension": 28951, - "tique": 28952, - "ĠCris": 28953, - "compatible": 28954, - "enson": 28955, - "Ġdistributional": 28956, - "ĠNAT": 28957, - "widths": 28958, - "Ġisotherms": 28959, - "ĠPrad": 28960, - "Ġbiodies": 28961, - "Ġorbifold": 28962, - "ĠEOS": 28963, - "Ġatax": 28964, - "ĠBod": 28965, - "ĠNMD": 28966, - "Ġmonoxide": 28967, - "ĠUkraine": 28968, - "foli": 28969, - "ĠDro": 28970, - "Ġunavailable": 28971, - "Ġbrighter": 28972, - "âĬĹ": 28973, - "omethane": 28974, - "Ġdream": 28975, - "Ġspo": 28976, - "ĠMaur": 28977, - "Ġoccasional": 28978, - "Ġinconsistency": 28979, - "ĠTac": 28980, - "opts": 28981, - "ĠGAB": 28982, - "ĠTao": 28983, - "ĠMatthew": 28984, - "ý": 28985, - "Ġpiano": 28986, - "ĠRCC": 28987, - "ĠOK": 28988, - "ĠKul": 28989, - "methan": 28990, - "ĠPROC": 28991, - "Ġconversations": 28992, - "ĠCSI": 28993, - "angent": 28994, - "ĠXue": 28995, - "Ġgraphic": 28996, - "dening": 28997, - "healthy": 28998, - "Ġfp": 28999, - "azone": 29000, - "Ġdiscipline": 29001, - "Ġprogresses": 29002, - "Ġbamboo": 29003, - "Ġcharm": 29004, - "ĠActivated": 29005, - "ĠSharp": 29006, - "ynes": 29007, - "Ġtoolbox": 29008, - "Ġheterostructures": 29009, - "piperazin": 29010, - "Ġarose": 29011, - "ĠInterval": 29012, - "Ġstripe": 29013, - "ĠChak": 29014, - "Ġcuff": 29015, - "RESS": 29016, - "Ġnonuniform": 29017, - "Ġbeetle": 29018, - "Prec": 29019, - "zc": 29020, - "Thread": 29021, - "bet": 29022, - "Ġee": 29023, - "ĠOptional": 29024, - "Ġtroph": 29025, - "ĠPuer": 29026, - "ĠFron": 29027, - "Ġmultiplet": 29028, - "Ġcalorimetry": 29029, - "Ġmonocytogenes": 29030, - "ĠHimal": 29031, - "Ġdrill": 29032, - "AGA": 29033, - "Ġferritin": 29034, - "Ġdpi": 29035, - "ĠCarm": 29036, - "Ġgone": 29037, - "Ġunidirectional": 29038, - "Ġreminis": 29039, - "Ġadjustable": 29040, - "ĠAustin": 29041, - "SARS": 29042, - "dal": 29043, - "Ġcef": 29044, - "equivariant": 29045, - "baseline": 29046, - "Ġspinors": 29047, - "ĠPrint": 29048, - "Ġmile": 29049, - "ĠLinc": 29050, - "mutation": 29051, - "Ġmucus": 29052, - "ĠHSC": 29053, - "Ġthermod": 29054, - "Ġpaint": 29055, - "Ġdistinctly": 29056, - "athy": 29057, - "Ġpharmacy": 29058, - "ĠBulg": 29059, - "ĠGang": 29060, - "hicle": 29061, - "ogan": 29062, - "ĠJian": 29063, - "ĠIndiana": 29064, - "Ġinstanton": 29065, - "Ġpalladium": 29066, - "fiber": 29067, - "npy": 29068, - "ĠUA": 29069, - "ĠQT": 29070, - "ceptible": 29071, - "etine": 29072, - "ĠHoles": 29073, - "Ġdependences": 29074, - "Ġthresholding": 29075, - "ĠMaintenance": 29076, - "Ġparticipates": 29077, - "ĠGenomes": 29078, - "factorial": 29079, - "ĠLiber": 29080, - "ĠThermodynamic": 29081, - "Ġelective": 29082, - "ucher": 29083, - "Ġhyperther": 29084, - "Ġstomatal": 29085, - "ĠBirth": 29086, - "cholesterol": 29087, - "Ġnotch": 29088, - "Ġsymbiotic": 29089, - "Ġbusinesses": 29090, - "Ġappreciable": 29091, - "Ġspecialization": 29092, - "ár": 29093, - "actyl": 29094, - "ĠGraphPad": 29095, - "osper": 29096, - "Ġorchestr": 29097, - "Ġdihydro": 29098, - "Ġconcluding": 29099, - "CLK": 29100, - "Ġeqs": 29101, - "ĠProgression": 29102, - "Ġclubs": 29103, - "aku": 29104, - "events": 29105, - "Ġsplenic": 29106, - "Ġbunch": 29107, - "ĠTm": 29108, - "ĠMobility": 29109, - "Ġtwofold": 29110, - "Ġradially": 29111, - "LSTM": 29112, - "MH": 29113, - "ĠCoal": 29114, - "Ġfrontier": 29115, - "Jan": 29116, - "Jun": 29117, - "ĠSimpson": 29118, - "Ġabstracts": 29119, - "Pal": 29120, - "Ġunim": 29121, - "Ġrobo": 29122, - "ĠIIB": 29123, - "depleted": 29124, - "Ġmorphologically": 29125, - "Ġenforcement": 29126, - "Ġdwell": 29127, - "Ġstagn": 29128, - "Ġlimestone": 29129, - "Ġmicrov": 29130, - "Ġïĥ¸": 29131, - "Luc": 29132, - "pacs": 29133, - "cyano": 29134, - "Ġintraocular": 29135, - "ĠCalculate": 29136, - "Support": 29137, - "SYS": 29138, - "ĠVS": 29139, - "CMs": 29140, - "Constant": 29141, - "ĠDj": 29142, - "Ġunbalanced": 29143, - "Ġrepeatability": 29144, - "gins": 29145, - "irect": 29146, - "ĠMOR": 29147, - "ĠBailey": 29148, - "Ġadvancement": 29149, - "Ġpursuit": 29150, - "Ġarom": 29151, - "proced": 29152, - "ĠInitiative": 29153, - "Ġincentives": 29154, - "Ġsurpass": 29155, - "genes": 29156, - "ĠIND": 29157, - "LH": 29158, - "Ġsuicidal": 29159, - "Ġbiodiesel": 29160, - "xz": 29161, - "ÙĬ": 29162, - "lea": 29163, - "ĠAnthony": 29164, - "Learning": 29165, - "Ġundo": 29166, - "Ġïĥº": 29167, - "ĠCommunities": 29168, - "hua": 29169, - "itime": 29170, - "ĠDean": 29171, - "Ġplasmin": 29172, - "ÃŃnez": 29173, - "ohydrate": 29174, - "Ġneurodevelop": 29175, - "Ġstoichiometric": 29176, - "ĠOncology": 29177, - "Ġshower": 29178, - "ĠDMS": 29179, - "WOR": 29180, - "ĠPIP": 29181, - "Ġsteric": 29182, - "mittees": 29183, - "istol": 29184, - "oxins": 29185, - "noon": 29186, - "FFT": 29187, - "Ġá»": 29188, - "opoiesis": 29189, - "Ġresembling": 29190, - "ĠBord": 29191, - "Ġprobiotics": 29192, - "ocysts": 29193, - "grey": 29194, - "ĠCatalog": 29195, - "IZATION": 29196, - "illes": 29197, - "ĠAlan": 29198, - "ĠÅ·": 29199, - "ĠLeib": 29200, - "ĠReasoning": 29201, - "biological": 29202, - "uterine": 29203, - "vacizumab": 29204, - "lecommun": 29205, - "ĠWarm": 29206, - "epage": 29207, - "variants": 29208, - "BSA": 29209, - "Ġïĥ¶": 29210, - "Ġhepatocyte": 29211, - "ketch": 29212, - "Ġstripping": 29213, - "ĠAdverse": 29214, - "ĠFeas": 29215, - "Ġïĥ¯": 29216, - "Pac": 29217, - "Ġindentation": 29218, - "Ġsecular": 29219, - "Ġidentifiable": 29220, - "running": 29221, - "Ġrd": 29222, - "Ġzyg": 29223, - "ĠDictionary": 29224, - "Ġresveratrol": 29225, - "inesterase": 29226, - "Ġtetracycline": 29227, - "ubles": 29228, - "Ġthroat": 29229, - "ĠLamb": 29230, - "aryon": 29231, - "ĠSQL": 29232, - "ĠÃľ": 29233, - "Ġglycemic": 29234, - "Ġcompetent": 29235, - "ĠAgreement": 29236, - "oiced": 29237, - "Ġconstitutively": 29238, - "Ġelectrocardi": 29239, - "oplasma": 29240, - "ĠîĦĥ": 29241, - "anide": 29242, - "Ġreorganization": 29243, - "Ġuninfected": 29244, - "UTE": 29245, - "Ġroyal": 29246, - "ĠSit": 29247, - "Ġmarital": 29248, - "ĠKobayashi": 29249, - "Barr": 29250, - "ĠTennessee": 29251, - "ĠChromat": 29252, - "ĠDerm": 29253, - "projection": 29254, - "ĠJob": 29255, - "Ġâīł": 29256, - "ĠTrip": 29257, - "Ġisop": 29258, - "Ġprojector": 29259, - "Ġatmospheres": 29260, - "Ġperforation": 29261, - "storage": 29262, - "iths": 29263, - "Ġmonomeric": 29264, - "ĠUSB": 29265, - "ĠEve": 29266, - "Ġspore": 29267, - "ĠmT": 29268, - "oxazole": 29269, - "ĠDeformation": 29270, - "Ġtextual": 29271, - "Ġwarf": 29272, - "Ġneuropathic": 29273, - "prepared": 29274, - "Ġblended": 29275, - "ĠHouston": 29276, - "************************************************************************": 29277, - "esters": 29278, - "Equals": 29279, - "Ġallergen": 29280, - "Ġpertinent": 29281, - "facts": 29282, - "uctions": 29283, - "Ġclocks": 29284, - "ĠVia": 29285, - "ĠCDF": 29286, - "Ġestuary": 29287, - "Ġphenomenology": 29288, - "arus": 29289, - "APH": 29290, - "Ġargues": 29291, - "Ġinserts": 29292, - "gow": 29293, - "hart": 29294, - "Ġchemotaxis": 29295, - "Ġpv": 29296, - "Ġrein": 29297, - "ĠGrim": 29298, - "ĠVF": 29299, - "Ġeffic": 29300, - "ĠProfiling": 29301, - "Ġanodic": 29302, - "ĠDENV": 29303, - "ĠWit": 29304, - "ĠSYSTEM": 29305, - "ĠCayley": 29306, - "Eng": 29307, - "ĠAQP": 29308, - "interactions": 29309, - "iliarity": 29310, - "ĠPromotes": 29311, - "Ġdams": 29312, - "ington": 29313, - "ffff": 29314, - "Ġintran": 29315, - "ĠTurbulence": 29316, - "ĠBianchi": 29317, - "CRE": 29318, - "ĠNOD": 29319, - "apine": 29320, - "ĠKane": 29321, - "ĠPDGF": 29322, - "ĠAxis": 29323, - "ĠCausal": 29324, - "ĠPoor": 29325, - "ĠWords": 29326, - "ĠHRV": 29327, - "Ġcyanobacteria": 29328, - "Ġreminiscent": 29329, - "ĠRemarkably": 29330, - "heet": 29331, - "@@": 29332, - "bil": 29333, - "Ġdiscriminating": 29334, - "ĠBaltic": 29335, - "ĠQuebec": 29336, - "Ġdefensive": 29337, - "âĪ©": 29338, - "kr": 29339, - "ĠRPE": 29340, - "seeking": 29341, - "ĠMovie": 29342, - "Ġinnovations": 29343, - "lept": 29344, - "Ġkw": 29345, - "Ġtibia": 29346, - "Ġneat": 29347, - "ytest": 29348, - "Ġthinner": 29349, - "Ġosteoblasts": 29350, - "ĠNorthwest": 29351, - "MOS": 29352, - "ĠPQ": 29353, - "Ġspi": 29354, - "Ġresponds": 29355, - "Ġhistorically": 29356, - "ĠPackage": 29357, - "ĠCoastal": 29358, - "ĠMississippi": 29359, - "ĠPVA": 29360, - "pering": 29361, - "indole": 29362, - "Ġprospectively": 29363, - "ĠHemisphere": 29364, - "Ġbarely": 29365, - "ánchez": 29366, - "aggered": 29367, - "yptian": 29368, - "ĠGest": 29369, - "yline": 29370, - "Ġphotochemical": 29371, - "oscalar": 29372, - "porated": 29373, - "Ġmetabolomics": 29374, - "Ġosteoblast": 29375, - "EGFP": 29376, - "eriatric": 29377, - "DW": 29378, - "quest": 29379, - "ĠHave": 29380, - "Ġspondyl": 29381, - "ĠPrimer": 29382, - "Ġsinks": 29383, - "Ġgaussian": 29384, - "ĠKhal": 29385, - "Enc": 29386, - "ĠAnopheles": 29387, - "Thanks": 29388, - "Ġconstrued": 29389, - "ĠUSS": 29390, - "ĠZeeman": 29391, - "Ġexported": 29392, - "ĠLevi": 29393, - "Ġcommander": 29394, - "connect": 29395, - "Ġnomenclature": 29396, - "therefore": 29397, - "ulata": 29398, - "Ġentrepreneur": 29399, - "Ġneuroscience": 29400, - "zan": 29401, - "Ġextant": 29402, - "ATIVE": 29403, - "opez": 29404, - "Ġenforced": 29405, - "ĠInnovation": 29406, - "earance": 29407, - "Ġimpressive": 29408, - "ĠPlac": 29409, - "ĠMoz": 29410, - "ĠStark": 29411, - "Ġrival": 29412, - "ĠCapital": 29413, - "Ġgranularity": 29414, - "Ġdiaphragm": 29415, - "utaneous": 29416, - "inds": 29417, - "Ġphotograph": 29418, - "Ġrectangles": 29419, - "TGF": 29420, - "Ġseaf": 29421, - "Ġmaze": 29422, - "ĠHW": 29423, - "Ġcorrelators": 29424, - "Ġdistinguishable": 29425, - "Ġconfounders": 29426, - "Ġlandslide": 29427, - "Ġtoll": 29428, - "Ġwastes": 29429, - "ĠWF": 29430, - "Ġendoc": 29431, - "Ġcapsid": 29432, - "ecund": 29433, - "ĠRBD": 29434, - "psin": 29435, - "Ġobstetric": 29436, - "Ġnanosheets": 29437, - "ocols": 29438, - "rens": 29439, - "ĠSubstituting": 29440, - "Ġcustomized": 29441, - "Ġresuscitation": 29442, - "Ġtubulin": 29443, - "ophyte": 29444, - "~~~~~~~~": 29445, - "plants": 29446, - "hicillin": 29447, - "halo": 29448, - "ruitment": 29449, - "ĠConcrete": 29450, - "Ġnanorods": 29451, - "ĠForms": 29452, - "Ġdying": 29453, - "discharge": 29454, - "Ġwellbeing": 29455, - "Ġwarmer": 29456, - "ĠSSD": 29457, - "ĠAUT": 29458, - "ĠConjug": 29459, - "Ġjuveniles": 29460, - "Ġinevitably": 29461, - "ĠMCS": 29462, - "approach": 29463, - "ĠMason": 29464, - "ĠGust": 29465, - "ĠThermodynamics": 29466, - "Ġpeel": 29467, - "ĠTranscriptome": 29468, - "Ġindispensable": 29469, - "urgery": 29470, - "posity": 29471, - "Ġpolarizations": 29472, - "ĠOthers": 29473, - "Ġsandy": 29474, - "Ġgliomas": 29475, - "Ġpursued": 29476, - "VEL": 29477, - "Ġrst": 29478, - "posium": 29479, - "nearest": 29480, - "Ġdisseminated": 29481, - "ĠMYC": 29482, - "Ġaldehyde": 29483, - "ĠDiagnostics": 29484, - "mans": 29485, - "Ġasphal": 29486, - "ĠSelect": 29487, - "ĠRecon": 29488, - "andro": 29489, - "DIM": 29490, - "Ġfeces": 29491, - "illon": 29492, - "ĠMALDI": 29493, - "nf": 29494, - "ĠElim": 29495, - "Ġhappy": 29496, - "ĠKarl": 29497, - "ĠInser": 29498, - "Ġinterrog": 29499, - "Intern": 29500, - "Ġtensorflow": 29501, - "Ġhaloes": 29502, - "Ġanticipate": 29503, - "ĠDPPH": 29504, - "rÃŃguez": 29505, - "Her": 29506, - "anate": 29507, - "Ġdressing": 29508, - "ĠHoly": 29509, - "Ġnewer": 29510, - "rides": 29511, - "placed": 29512, - "inetobacter": 29513, - "ĠOccurrence": 29514, - "edema": 29515, - "ĠIk": 29516, - "abad": 29517, - "ĠTransitions": 29518, - "Ġoutlines": 29519, - "Ġcochlear": 29520, - "Gy": 29521, - "success": 29522, - "ĠMEM": 29523, - "astype": 29524, - "Ġnormalizing": 29525, - "Ġterminates": 29526, - "Ġsuddenly": 29527, - "bbox": 29528, - "ĠPul": 29529, - "ĠPTP": 29530, - "aginal": 29531, - "Ġpretrained": 29532, - "Ġunreliable": 29533, - "ĠGraphical": 29534, - "ĠSeyfert": 29535, - "Ġcharacterizations": 29536, - "Ġtx": 29537, - "Ġbicarbonate": 29538, - "mathord": 29539, - "Ġheritability": 29540, - "stackexchange": 29541, - "iri": 29542, - "âĢĸ": 29543, - "ipit": 29544, - "attle": 29545, - "Ġarena": 29546, - "iba": 29547, - "ĠAX": 29548, - "ĠGPs": 29549, - "ophilia": 29550, - "SEL": 29551, - "osystem": 29552, - "ĠâĬ¢": 29553, - "ĠNucleus": 29554, - "redited": 29555, - "ACR": 29556, - "ĠAntenna": 29557, - "ĠCdc": 29558, - "orie": 29559, - "Ġequilibration": 29560, - "elong": 29561, - "stability": 29562, - "ĠSchist": 29563, - "Ġinjecting": 29564, - "hp": 29565, - "Ġvitamins": 29566, - "Poisson": 29567, - "ortal": 29568, - "ĠÃĬ": 29569, - "ĠÄı": 29570, - "Ill": 29571, - "Ġutils": 29572, - "ов": 29573, - "ĠGrom": 29574, - "::::": 29575, - "ĠGnRH": 29576, - "ĠSierra": 29577, - "Ġdrafted": 29578, - "Ġcapita": 29579, - "ships": 29580, - "Ġtimestamp": 29581, - "Ġsubstituents": 29582, - "ĠNotable": 29583, - "ĠPurpose": 29584, - "inol": 29585, - "Ġai": 29586, - "Ġfog": 29587, - "otone": 29588, - "ĠPlaces": 29589, - "byshev": 29590, - "tiology": 29591, - "ription": 29592, - "Ġyards": 29593, - "ĠXI": 29594, - "Ġtechnically": 29595, - "GAM": 29596, - "ĠABS": 29597, - "platform": 29598, - "ĠWO": 29599, - "PROC": 29600, - "Ġreconstit": 29601, - "ĠAnomalous": 29602, - "ĠBiol": 29603, - "Stage": 29604, - "ĠReviews": 29605, - "Ġrecalling": 29606, - "Ġillegal": 29607, - "lund": 29608, - "¬": 29609, - "uthenium": 29610, - "ĠPes": 29611, - "Ġovaries": 29612, - "solutions": 29613, - "massive": 29614, - "ĠRAW": 29615, - "Ġreconnection": 29616, - "ĠSusceptibility": 29617, - "Ġeconomical": 29618, - "cultured": 29619, - "ĠSham": 29620, - "sqcup": 29621, - "Ġpear": 29622, - "deposition": 29623, - "uchs": 29624, - "ĠSaw": 29625, - "Ġembolism": 29626, - "Bur": 29627, - "nar": 29628, - "oule": 29629, - "Ġtextile": 29630, - "seven": 29631, - "thio": 29632, - "Ġdenoising": 29633, - "CEP": 29634, - "Ġubiquitination": 29635, - "ĠCarlos": 29636, - "aP": 29637, - "Ġfolder": 29638, - "Ġhematological": 29639, - "iluminescence": 29640, - "ĠFuel": 29641, - "icion": 29642, - "aculture": 29643, - "ARB": 29644, - "ĠTravel": 29645, - "Func": 29646, - "acles": 29647, - "ĠInte": 29648, - "Ġvacua": 29649, - "Ġcocktail": 29650, - "ĠInsp": 29651, - "Ġcorporate": 29652, - "Ġdepicting": 29653, - "Ġsprint": 29654, - "ĠmTORC": 29655, - "Ġcimg": 29656, - "ocarbon": 29657, - "ĠDave": 29658, - "ĠGb": 29659, - "iji": 29660, - "targeting": 29661, - "Ġsequestration": 29662, - "Bri": 29663, - "IGF": 29664, - "Ġanalytics": 29665, - "ĠAcinetobacter": 29666, - "gets": 29667, - "MPS": 29668, - "ogluc": 29669, - "Cent": 29670, - "Ġverbs": 29671, - "Ġinductance": 29672, - "diagram": 29673, - "Ġrecalled": 29674, - "Ġcosme": 29675, - "Ġautomotive": 29676, - "ĠPDEs": 29677, - "ĠReid": 29678, - "Ġadapter": 29679, - "ĠOliver": 29680, - "Ġavalanche": 29681, - "Vir": 29682, - "ĠToxicity": 29683, - "ĠLeu": 29684, - "Conclusions": 29685, - "Ġtetragonal": 29686, - "ĠDMF": 29687, - "umannii": 29688, - "ĠRequirements": 29689, - "toc": 29690, - "ité": 29691, - "Ġcontinent": 29692, - "ĠHank": 29693, - "ĠDefinitions": 29694, - "GPU": 29695, - "origin": 29696, - "Ġdichro": 29697, - "Mus": 29698, - "Ġbival": 29699, - "Ġimpulsive": 29700, - "Ġassemble": 29701, - "Ġpipes": 29702, - "docs": 29703, - "Ġexchanger": 29704, - "Ġallograft": 29705, - "loyd": 29706, - "ĠÌĭ": 29707, - "Ġantenatal": 29708, - "Ġgrassland": 29709, - "Ġhystere": 29710, - "ĠAntigen": 29711, - "ĠGeneric": 29712, - "ĠTuring": 29713, - "ĠExcell": 29714, - "ĠHein": 29715, - "aja": 29716, - "uminum": 29717, - "citabine": 29718, - "facial": 29719, - "iteration": 29720, - "Ġslurry": 29721, - "AML": 29722, - "ergetic": 29723, - "ĠTHF": 29724, - "Ġkilometers": 29725, - "fg": 29726, - "educ": 29727, - "idian": 29728, - "Ġpredicates": 29729, - "Ġradios": 29730, - "ĠPeri": 29731, - "ĠShell": 29732, - "Ġarcsec": 29733, - "Ġstriatal": 29734, - "Ġceiling": 29735, - "olithic": 29736, - "Ġexhaustion": 29737, - "PUT": 29738, - "thers": 29739, - "ymp": 29740, - "ĠQian": 29741, - "ĠProgressive": 29742, - "Ġwel": 29743, - "ĠConvention": 29744, - "ĠCurie": 29745, - "ĠMans": 29746, - "ĠNova": 29747, - "ĠWells": 29748, - "dew": 29749, - "Standard": 29750, - "realistic": 29751, - "transpose": 29752, - "serial": 29753, - "ĠTx": 29754, - "ĠAMR": 29755, - "Ġindeterm": 29756, - "ĠLiouville": 29757, - "hookrightarrow": 29758, - "ARs": 29759, - "Ġbaseball": 29760, - "acious": 29761, - "agnetization": 29762, - "estimate": 29763, - "ĠPAS": 29764, - "Ġmeals": 29765, - "multiple": 29766, - "ĠBiomarkers": 29767, - "Wide": 29768, - "ĠTomography": 29769, - "////////////////////////////////": 29770, - "Ġresins": 29771, - "Ġanywhere": 29772, - "INC": 29773, - "ĠTeaching": 29774, - "ĠSamuel": 29775, - "Ġhallmark": 29776, - "ĠThyroid": 29777, - "othi": 29778, - "Ġconstraining": 29779, - "ĠBarrett": 29780, - "ĠErrors": 29781, - "Cole": 29782, - "sharing": 29783, - "HDL": 29784, - "Effect": 29785, - "ĠTolerance": 29786, - "Ġstressful": 29787, - "ĠBalance": 29788, - "ĠTech": 29789, - "Ġvalleys": 29790, - "setup": 29791, - "ĠRadical": 29792, - "ĠMacrophages": 29793, - "Ġinterrupt": 29794, - "Ġdiatom": 29795, - "colored": 29796, - "Ġpyrid": 29797, - "FDG": 29798, - "æ": 29799, - "Ġreared": 29800, - "ĠRating": 29801, - "Ġopaque": 29802, - "package": 29803, - "Ġnasopharyngeal": 29804, - "Ġpreconditioning": 29805, - "Diptera": 29806, - "ĠMing": 29807, - "ĠCaro": 29808, - "ĠImmunity": 29809, - "rifuge": 29810, - "ĠObjectives": 29811, - "ghan": 29812, - "uccin": 29813, - "ĠFors": 29814, - "ĠFITC": 29815, - "Ġseats": 29816, - "ĠImpaired": 29817, - "Ġreefs": 29818, - "emaker": 29819, - "Ġoffices": 29820, - "Ġaccepting": 29821, - "ĠTRAN": 29822, - "ĠTargets": 29823, - "Ġcorrelator": 29824, - "Ġsupercapac": 29825, - "inburgh": 29826, - "Ġcollider": 29827, - "Ġenteric": 29828, - "ĠSTRUCTURE": 29829, - "Ġminister": 29830, - "ĠArchae": 29831, - "Loop": 29832, - "ĠASA": 29833, - "Ġcontacted": 29834, - "Ġhistidine": 29835, - "folded": 29836, - "Search": 29837, - "Ġrespects": 29838, - "ĠATF": 29839, - "Ġtrouble": 29840, - "Ġprevailing": 29841, - "Cp": 29842, - "ĠTCM": 29843, - "ĠSpinal": 29844, - "Ġguides": 29845, - "evitable": 29846, - "Ġbrick": 29847, - "strings": 29848, - "ĠHungary": 29849, - "Ġeps": 29850, - "entricular": 29851, - "Specifically": 29852, - "ando": 29853, - "issues": 29854, - "osomiasis": 29855, - "kDa": 29856, - "Ġaside": 29857, - "Ġadenine": 29858, - "Ġmotivate": 29859, - "stratig": 29860, - "BLE": 29861, - "ĠDeposition": 29862, - "motor": 29863, - "ĠHers": 29864, - "Ġnebul": 29865, - "ĠBarrier": 29866, - "Unlike": 29867, - "Ġballistic": 29868, - "Ġsouthwestern": 29869, - "ĠMontreal": 29870, - "Scan": 29871, - "Ġmould": 29872, - "Ġinterrup": 29873, - "smallmatrix": 29874, - "Ġelaborated": 29875, - "ucks": 29876, - "APS": 29877, - "ĠConsumption": 29878, - "capacity": 29879, - "innitus": 29880, - "Ġgovernance": 29881, - "Ġpalsy": 29882, - "Ġsubmission": 29883, - "Ġtemple": 29884, - "ĠIIA": 29885, - "methionine": 29886, - "Ġkerat": 29887, - "Ġridges": 29888, - "Promega": 29889, - "cols": 29890, - "ISP": 29891, - "Ġapnea": 29892, - "ĠFlat": 29893, - "ĠEpigenetic": 29894, - "Ġparish": 29895, - "ĠParametric": 29896, - "dash": 29897, - "future": 29898, - "rise": 29899, - "Ġcontracting": 29900, - "algia": 29901, - "Ġgoto": 29902, - "stadt": 29903, - "Ġfabricate": 29904, - "Ġdimerization": 29905, - "dump": 29906, - "ĠLyn": 29907, - "Ġrecycled": 29908, - "posedness": 29909, - "ĠSensory": 29910, - "ïĿ": 29911, - "ĠWet": 29912, - "Ġdiethyl": 29913, - "Ġblades": 29914, - "Ġtimed": 29915, - "Ġkeyword": 29916, - "Ġpolytope": 29917, - "ĠGot": 29918, - "Ġapproximates": 29919, - "Without": 29920, - "ĠBere": 29921, - "ĠLp": 29922, - "oplasty": 29923, - "ĠFibr": 29924, - "modulated": 29925, - "ĠARM": 29926, - "Ġunderestimate": 29927, - "ĠCBS": 29928, - "ĠLectures": 29929, - "uncan": 29930, - "ĠSeismic": 29931, - "Soft": 29932, - "Ġzooplankton": 29933, - "Ġencephalopathy": 29934, - "ĠSSA": 29935, - "ĠCros": 29936, - "ĠHann": 29937, - "Ġshuffle": 29938, - "scription": 29939, - "ĠRevers": 29940, - "Studies": 29941, - "Ġsocially": 29942, - "Ġsubcl": 29943, - "ĠYong": 29944, - "ogh": 29945, - "Ġïģ³": 29946, - "UDY": 29947, - "ĠHaar": 29948, - "ĠDoctor": 29949, - "Ġintakes": 29950, - "Ġbarrel": 29951, - "ĠTRPV": 29952, - "ĠAggreg": 29953, - "nyi": 29954, - "tuned": 29955, - "acquired": 29956, - "Ġhook": 29957, - "FGF": 29958, - "«": 29959, - "ĠInjection": 29960, - "Ġgravel": 29961, - "Ġmicrog": 29962, - "Ġmenstrual": 29963, - "Feature": 29964, - "IRE": 29965, - "uu": 29966, - "ĠSrc": 29967, - "ĠStore": 29968, - "Ġinitiator": 29969, - "PSO": 29970, - "Ġepileptic": 29971, - "Ġcingulate": 29972, - "IJ": 29973, - "Row": 29974, - "Ġsinging": 29975, - "ĠMethan": 29976, - "ĠAldrich": 29977, - "Ġtremendous": 29978, - "amining": 29979, - "Ġtracts": 29980, - "Ġâİ£": 29981, - "klah": 29982, - "Div": 29983, - "indol": 29984, - "Ġindole": 29985, - "exper": 29986, - "Ġglycer": 29987, - "Ġbenzyl": 29988, - "Ġworsening": 29989, - "Ġunambiguous": 29990, - "uart": 29991, - "Ġparsim": 29992, - "ricks": 29993, - "Ġtrail": 29994, - "ĠBlanc": 29995, - "Ġaminotransferase": 29996, - "ĠDOC": 29997, - "Ġfumig": 29998, - "idic": 29999, - "ĠConsequences": 30000, - "Ġacidification": 30001, - "ĠCIFAR": 30002, - "ĠDatasets": 30003, - "ĠAMI": 30004, - "Ġexplants": 30005, - "ĠDiverse": 30006, - "Ġdephasing": 30007, - "Ġparliament": 30008, - "ipient": 30009, - "Ġhoneycomb": 30010, - "heavy": 30011, - "Ġwatermark": 30012, - "MED": 30013, - "datasets": 30014, - "waters": 30015, - "Provid": 30016, - "interpret": 30017, - "rovirus": 30018, - "Io": 30019, - "RAD": 30020, - "Ġlunar": 30021, - "Ġweaning": 30022, - "Ġsensorimotor": 30023, - "uca": 30024, - "Ġinfect": 30025, - "ĠUnique": 30026, - "GRP": 30027, - "QoL": 30028, - "ospec": 30029, - "Ġforwarding": 30030, - "Estim": 30031, - "ÅĦski": 30032, - "ĠMs": 30033, - "achn": 30034, - "Ġrota": 30035, - "Ġappointment": 30036, - "ĠMedal": 30037, - "Ġadenovirus": 30038, - "quinol": 30039, - "Ġdeuterium": 30040, - "tep": 30041, - "ĠStyle": 30042, - "Nd": 30043, - "ayama": 30044, - "ĠHamm": 30045, - "ĠSpecification": 30046, - "vability": 30047, - "tha": 30048, - "Ġjitter": 30049, - "Ġâݦ": 30050, - "aqu": 30051, - "wire": 30052, - "Ġclassically": 30053, - "Ġsuperpotential": 30054, - "ĠSpecim": 30055, - "ĠVariance": 30056, - "Ġalbums": 30057, - "ĠSenior": 30058, - "Ġneurotransmitter": 30059, - "ĠRecombinant": 30060, - "DCS": 30061, - "vl": 30062, - "Ġpf": 30063, - "Ġinevitable": 30064, - "ĠNick": 30065, - "Ġmanipulating": 30066, - "ituximab": 30067, - "ceiver": 30068, - "ĠBren": 30069, - "ĠRace": 30070, - "Ġretarded": 30071, - "modulin": 30072, - "Clinical": 30073, - "Ġneurologic": 30074, - "ĠRegiment": 30075, - "Ġzoom": 30076, - "ĠOrthogonal": 30077, - "ĠConcerning": 30078, - "ĠJurassic": 30079, - "ĠArtem": 30080, - "ĠMelbourne": 30081, - "bins": 30082, - "jl": 30083, - "Ġinhab": 30084, - "Ġsqrt": 30085, - "Ġsemisimple": 30086, - "astric": 30087, - "ĠProxim": 30088, - "ĠVariants": 30089, - "Ġaesthetic": 30090, - "Ġsummarised": 30091, - "ĠBecker": 30092, - "OCH": 30093, - "dale": 30094, - "Ġmounting": 30095, - "andering": 30096, - "Ġsoftmax": 30097, - "Ġneuroinflammation": 30098, - "Ġesophagus": 30099, - "operators": 30100, - "ĠADAM": 30101, - "Ġviolate": 30102, - "ĠPHY": 30103, - "ede": 30104, - "ĠCher": 30105, - "orsal": 30106, - "Ġmetamorphic": 30107, - "ĠICM": 30108, - "ĠAbcam": 30109, - "slot": 30110, - "serine": 30111, - "Ġduplicates": 30112, - "ĠMEMS": 30113, - "ĠAbl": 30114, - "ĠChel": 30115, - "ĠAuthority": 30116, - "Ġgeo": 30117, - "Ġhomeomorphism": 30118, - "Ġimmunomodulatory": 30119, - "ĠTU": 30120, - "ĠKT": 30121, - "aterally": 30122, - "oxides": 30123, - "tebral": 30124, - "Ġcataract": 30125, - "leaved": 30126, - "igu": 30127, - "ateur": 30128, - "ĠRé": 30129, - "Ġdiscoveries": 30130, - "boson": 30131, - "ocated": 30132, - "jpg": 30133, - "ĠSato": 30134, - "ĠPROP": 30135, - "ĠImplement": 30136, - "ELISA": 30137, - "iqueness": 30138, - "Ġsymbion": 30139, - "ĠFaraday": 30140, - "ĠPPARγ": 30141, - "witz": 30142, - "reward": 30143, - "ĠBush": 30144, - "stressed": 30145, - "ĠAbor": 30146, - "Ġairways": 30147, - "Ġinterferometry": 30148, - "Circ": 30149, - "Ġimmunoprecipitation": 30150, - "ĠApache": 30151, - "rophosph": 30152, - "ĠoC": 30153, - "Ġfrog": 30154, - "ĠGU": 30155, - "ffe": 30156, - "ĠStro": 30157, - "Ġdodecyl": 30158, - "dan": 30159, - "folds": 30160, - "ĠMust": 30161, - "Ġsurroundings": 30162, - "Ġcodons": 30163, - "onda": 30164, - "tb": 30165, - "odge": 30166, - "avas": 30167, - "ĠSeason": 30168, - "tude": 30169, - "ĠPlasticity": 30170, - "ĠHawaii": 30171, - "DEG": 30172, - "ĠCMD": 30173, - "Ġsingleton": 30174, - "keley": 30175, - "Ġalgebraically": 30176, - "Ġnanostructured": 30177, - "easible": 30178, - "Ġoverlooked": 30179, - "ĠPulse": 30180, - "romechanical": 30181, - "ĠElse": 30182, - "Ġexcitons": 30183, - "ĠConstrained": 30184, - "Ġcohesion": 30185, - "Ġrealizing": 30186, - "ĠRadiative": 30187, - "Ġtrypan": 30188, - "xs": 30189, - "ĠTas": 30190, - "Ġmainstream": 30191, - "Ġcompactly": 30192, - "growing": 30193, - "esc": 30194, - "ĠdN": 30195, - "ĠSignatures": 30196, - "ĠFundamentals": 30197, - "Ġexpose": 30198, - "ĠRang": 30199, - "Ġhanded": 30200, - "Ġfunctionalization": 30201, - "Ġpassiv": 30202, - "altern": 30203, - "agul": 30204, - "Ġschematically": 30205, - "OW": 30206, - "ĠÖ": 30207, - "ĠPOD": 30208, - "Ġhear": 30209, - "ymore": 30210, - "ĠPremier": 30211, - "South": 30212, - "Ä«": 30213, - "ĠOBS": 30214, - "ĠAlg": 30215, - "glia": 30216, - "ĠTransmembrane": 30217, - "Ġspheroids": 30218, - "ĠRHS": 30219, - "Ġinches": 30220, - "ĠKato": 30221, - "Ġie": 30222, - "ĠCommercial": 30223, - "Ġanalytes": 30224, - "Ġrisky": 30225, - "Ġpiston": 30226, - "ĠMarkovian": 30227, - "Ġdrama": 30228, - "Ġci": 30229, - "ĠHistological": 30230, - "Ġactuation": 30231, - "discrete": 30232, - "carbamoyl": 30233, - "SMA": 30234, - "Ġfeeds": 30235, - "Ġneoplasia": 30236, - "ĠController": 30237, - "been": 30238, - "glutamine": 30239, - "injected": 30240, - "Ġcrab": 30241, - "ĠCauses": 30242, - "ĠStory": 30243, - "Ġvanadium": 30244, - "ĠTitan": 30245, - "enix": 30246, - "assign": 30247, - "Ġimmunogenicity": 30248, - "ĠApparent": 30249, - "Ġenhancers": 30250, - "ĠSou": 30251, - "alloy": 30252, - "mathbin": 30253, - "Ġsedation": 30254, - "ĠWorkshop": 30255, - "gover": 30256, - "lst": 30257, - "Ġupwelling": 30258, - "mez": 30259, - "Ġpolypropylene": 30260, - "ĠColorectal": 30261, - "ĠRelaxation": 30262, - "Ġfragile": 30263, - "Äĥ": 30264, - "Ġsubgraphs": 30265, - "theoretical": 30266, - "Operator": 30267, - "lywood": 30268, - "awn": 30269, - "ĠPercentage": 30270, - "methylation": 30271, - "corrhizal": 30272, - "Grad": 30273, - "dens": 30274, - "ĠHα": 30275, - "Ġupcoming": 30276, - "Ġvirgin": 30277, - "Names": 30278, - "ĠRyd": 30279, - "Ġâݤ": 30280, - "phosphorylation": 30281, - "renewal": 30282, - "Year": 30283, - "Init": 30284, - "Ġselling": 30285, - "ĠMASS": 30286, - "rophin": 30287, - "ijn": 30288, - "Conversely": 30289, - "Ġuniversally": 30290, - "orhombic": 30291, - "Ġunpredictable": 30292, - "Fock": 30293, - "chair": 30294, - "ivas": 30295, - "networks": 30296, - "Ġterritories": 30297, - "thia": 30298, - "ĠAmplification": 30299, - "March": 30300, - "Ġflam": 30301, - "ĠChart": 30302, - "Ġshortage": 30303, - "AMET": 30304, - "Ġgrape": 30305, - "Ġvoltammetry": 30306, - "د": 30307, - "ĠSCH": 30308, - "Ġepithel": 30309, - "ĠChromosome": 30310, - "ĠXL": 30311, - "ĠPersistent": 30312, - "Ġtraveled": 30313, - "Ġmeridional": 30314, - "Ġfprintf": 30315, - "Ġgum": 30316, - "visory": 30317, - "Unfortunately": 30318, - "Ġanteced": 30319, - "Ġfrictional": 30320, - "DAT": 30321, - "acl": 30322, - "ĠPregnancy": 30323, - "ĠBZ": 30324, - "regulatory": 30325, - "stimulating": 30326, - "Japan": 30327, - "machine": 30328, - "uti": 30329, - "ĠLer": 30330, - "Ġnanoflu": 30331, - "prototype": 30332, - "identification": 30333, - "klahoma": 30334, - "ĠEmploy": 30335, - "Schwarz": 30336, - "Ġincorrectly": 30337, - "atto": 30338, - "rization": 30339, - "ismuth": 30340, - "Ġiris": 30341, - "imentary": 30342, - "Ġinflationary": 30343, - "Ġoutflows": 30344, - "ĠLic": 30345, - "oreductase": 30346, - "Ġproceeding": 30347, - "ĠTAC": 30348, - "ĠHTL": 30349, - "Ġresides": 30350, - "stral": 30351, - "ĠTransf": 30352, - "Ġdichotom": 30353, - "Filter": 30354, - "June": 30355, - "isure": 30356, - "ĠAde": 30357, - "Ġijk": 30358, - "ĠPhilos": 30359, - "Ġstayed": 30360, - "Ġtamoxifen": 30361, - "Ġasparagine": 30362, - "exception": 30363, - "Ġaccumulating": 30364, - "astro": 30365, - "Change": 30366, - "uzi": 30367, - "Ġlon": 30368, - "Instead": 30369, - "Ġcentrally": 30370, - "ĠDental": 30371, - "classified": 30372, - "ĠEgyptian": 30373, - "Address": 30374, - "ĠQuaternary": 30375, - "ĠUSP": 30376, - "coin": 30377, - "Ġembryogenesis": 30378, - "ï̍": 30379, - "Null": 30380, - "ĠMixing": 30381, - "intensive": 30382, - "Ġnormative": 30383, - "ĠLef": 30384, - "Ġrumen": 30385, - "ĠThai": 30386, - "Ġswallow": 30387, - "Component": 30388, - "Ġrobotics": 30389, - "ĠCad": 30390, - "ĠCIP": 30391, - "ĠAcids": 30392, - "ĠOffic": 30393, - "urer": 30394, - "ĠWick": 30395, - "Ġkink": 30396, - "ĠScha": 30397, - "ĠCharacteristic": 30398, - "families": 30399, - "ĠGCs": 30400, - "ĠOptimizing": 30401, - "Ġtimer": 30402, - "él": 30403, - "jin": 30404, - "reversal": 30405, - "Ġsandstone": 30406, - "HN": 30407, - "tk": 30408, - "Ġptr": 30409, - "Ġmonochromatic": 30410, - "Ġfeedforward": 30411, - "dington": 30412, - "Ġcriticism": 30413, - "Ġsig": 30414, - "Ġpace": 30415, - "ĠTK": 30416, - "ĠWas": 30417, - "Ġcertificate": 30418, - "Ġstuck": 30419, - "Ġcorrid": 30420, - "Ġlocalisation": 30421, - "Ġsilk": 30422, - "Ġdigest": 30423, - "ĠTemple": 30424, - "ĠPosterior": 30425, - "Ġcommutator": 30426, - "tsch": 30427, - "perme": 30428, - "ysed": 30429, - "Ġmenu": 30430, - "Ġmidw": 30431, - "ocatalytic": 30432, - "Ġppb": 30433, - "Types": 30434, - "arri": 30435, - "ĠLOD": 30436, - "Ġloan": 30437, - "secret": 30438, - "Ġcarbons": 30439, - "ĠHolog": 30440, - "olipids": 30441, - "Ġuplo": 30442, - "ĠDNase": 30443, - "Ġpuzzle": 30444, - "Ġstance": 30445, - "ĠManchester": 30446, - "ĠDetector": 30447, - "ims": 30448, - "ĠTerms": 30449, - "ĠPGC": 30450, - "Ġincidents": 30451, - "ieh": 30452, - "ĠIDs": 30453, - "ĠAhmad": 30454, - "Ġnights": 30455, - "Ġbiomo": 30456, - "ĠMethylation": 30457, - "uator": 30458, - "resize": 30459, - "ĠFinger": 30460, - "ĠWo": 30461, - "Ġposter": 30462, - "Ġsolidification": 30463, - "ĠValidity": 30464, - "ĠDendritic": 30465, - "Ġadherent": 30466, - "issions": 30467, - "inction": 30468, - "Ġantagonistic": 30469, - "ĠPreliminaries": 30470, - "Ġcoval": 30471, - "Ġmovies": 30472, - "Ġbudding": 30473, - "Kn": 30474, - "ĠGit": 30475, - "ĠThereafter": 30476, - "Ġcapacitive": 30477, - "Az": 30478, - "ĠTLS": 30479, - "Ġinitiates": 30480, - "ĠDMR": 30481, - "Ġâī«": 30482, - "ĠMyocardial": 30483, - "ĠRotation": 30484, - "CONFIG": 30485, - "Ġvowel": 30486, - "Ġolivine": 30487, - "Hamiltonian": 30488, - "Ġstalk": 30489, - "Neu": 30490, - "Rest": 30491, - "anical": 30492, - "Ġdst": 30493, - "Ġresh": 30494, - "Ġexpressive": 30495, - "Ġinfectivity": 30496, - "oku": 30497, - "CTL": 30498, - "Frequency": 30499, - "Ġpremise": 30500, - "Walk": 30501, - "ĠâĹ": 30502, - "Ġrelapsed": 30503, - "tured": 30504, - "ĠUML": 30505, - "ovan": 30506, - "ĠResearchers": 30507, - "Ġconveniently": 30508, - "usk": 30509, - "INIT": 30510, - "Eqs": 30511, - "Factory": 30512, - "Ġunsteady": 30513, - "ĠAnsw": 30514, - "Ala": 30515, - "nitine": 30516, - "qp": 30517, - "ulous": 30518, - "research": 30519, - "ĠBrom": 30520, - "ĠDemoc": 30521, - "configuration": 30522, - "ulosic": 30523, - "Ġfra": 30524, - "Ġgift": 30525, - "Third": 30526, - "Claim": 30527, - "ÄŁ": 30528, - "odiazep": 30529, - "Ġprox": 30530, - "ocystis": 30531, - "ĠRPA": 30532, - "ĠLikert": 30533, - "RMS": 30534, - "tech": 30535, - "Ġacous": 30536, - "TLR": 30537, - "buck": 30538, - "ĠTherap": 30539, - "ussions": 30540, - "helor": 30541, - "ĠEmotion": 30542, - "bird": 30543, - "Ġthio": 30544, - "Ġquantitation": 30545, - "bracket": 30546, - "Ġpercept": 30547, - "Ġsubcategory": 30548, - "Ġlightning": 30549, - "Ġhernia": 30550, - "Ġneurotrophic": 30551, - "SDS": 30552, - "ĠAnders": 30553, - "Ġslowing": 30554, - "strongly": 30555, - "ĠCounting": 30556, - "ĠIncluding": 30557, - "ductions": 30558, - "ubated": 30559, - "ĠStorm": 30560, - "correlated": 30561, - "Ġautoantibodies": 30562, - "ĠMerg": 30563, - "ocer": 30564, - "micutes": 30565, - "Ġnonlinearities": 30566, - "ĠCentury": 30567, - "ĠLandscape": 30568, - "ĠDerivatives": 30569, - "ĠContrary": 30570, - "Ġcompile": 30571, - "ĠHepatic": 30572, - "Ġponds": 30573, - "Ġorganize": 30574, - "DMSO": 30575, - "Position": 30576, - "Ġbrach": 30577, - "Ġinflat": 30578, - "ospace": 30579, - "Ġskewness": 30580, - "Ġagitation": 30581, - "ĠHOMO": 30582, - "EU": 30583, - "Ġcommented": 30584, - "Ġcorpora": 30585, - "Ġmalt": 30586, - "Hermitian": 30587, - "iday": 30588, - "ĠHelmholtz": 30589, - "roblast": 30590, - "ĠCTR": 30591, - "unching": 30592, - "ĠMond": 30593, - "ĠComment": 30594, - "Ġosteosarcoma": 30595, - "posterior": 30596, - "Ġthymus": 30597, - "Ġcigarettes": 30598, - "NW": 30599, - "olem": 30600, - "ĠHox": 30601, - "ĠNFL": 30602, - "ĠAvailable": 30603, - "ĠSiber": 30604, - "ĠFeld": 30605, - "Ġborderline": 30606, - "Ġbeats": 30607, - "Ġorganised": 30608, - "Ġdistinguishes": 30609, - "Ġdialog": 30610, - "ĠBerger": 30611, - "oleic": 30612, - "Ġnumbered": 30613, - "Ġreachable": 30614, - "ĠRobertson": 30615, - "ĠChamber": 30616, - "ndarray": 30617, - "Ġcytoskeletal": 30618, - "Ġblending": 30619, - "blood": 30620, - "Import": 30621, - "Ġoverwhelming": 30622, - "Ġio": 30623, - "Ġoutage": 30624, - "ĠScholar": 30625, - "placing": 30626, - "ĠPolyp": 30627, - "Decl": 30628, - "ĠMEDLINE": 30629, - "ĠKM": 30630, - "ĠDAP": 30631, - "errors": 30632, - "ĠSHR": 30633, - "ĠDex": 30634, - "ĠGAS": 30635, - "ĠGian": 30636, - "Ġclinicopathological": 30637, - "Ġïģ·": 30638, - "ĠPredictions": 30639, - "ĠQuadratic": 30640, - "Ġarrhythmias": 30641, - "arid": 30642, - "Ġclothing": 30643, - "ĠFracture": 30644, - "ĉĠĠĠĠĠ": 30645, - "addy": 30646, - "ĠAlberta": 30647, - "ĠWed": 30648, - "phire": 30649, - "ĠEncryp": 30650, - "ĠLAB": 30651, - "ĠFano": 30652, - "CTT": 30653, - "Ġoryz": 30654, - "iliac": 30655, - "ĠLiao": 30656, - "versus": 30657, - "Ġmeso": 30658, - "Ġmidpoint": 30659, - "Ġstator": 30660, - "ĠJenn": 30661, - "ovsky": 30662, - "Ġuncover": 30663, - "erenn": 30664, - "ĠMcM": 30665, - "âīĪ": 30666, - "ĠCircuits": 30667, - "Ġfetuses": 30668, - "Ġagglomer": 30669, - "Ġfb": 30670, - "Ġyy": 30671, - "atech": 30672, - "ARG": 30673, - "Ġbaumannii": 30674, - "Ġellipsoid": 30675, - "Ġloses": 30676, - "Ġunve": 30677, - "Ġbutt": 30678, - "Ġmulticentre": 30679, - "iline": 30680, - "Ġresort": 30681, - "Ġcerebrovascular": 30682, - "ĠDecreased": 30683, - "jud": 30684, - "sus": 30685, - "amol": 30686, - "constraints": 30687, - "Ġteen": 30688, - "ĠPassive": 30689, - "ĠCaucasian": 30690, - "Ġcran": 30691, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 30692, - "ün": 30693, - "ĠDNMT": 30694, - "Ġterror": 30695, - "adrenal": 30696, - "Ġangiogenic": 30697, - "ĠInhibitory": 30698, - "prag": 30699, - "Ġcob": 30700, - "elsh": 30701, - "Ġenhancements": 30702, - "ĠShaw": 30703, - "ĠTakahashi": 30704, - "Ġsulphur": 30705, - "Ġgravitation": 30706, - "ĠPVDF": 30707, - "must": 30708, - "¢": 30709, - "asymptotic": 30710, - "elman": 30711, - "ĠPros": 30712, - "ĠMAD": 30713, - "ĠLen": 30714, - "therapy": 30715, - "efully": 30716, - "sulfur": 30717, - "ĠTCA": 30718, - "additive": 30719, - "talk": 30720, - "Ġpiglets": 30721, - "Ġprospect": 30722, - "ecundity": 30723, - "ĠXiang": 30724, - "handler": 30725, - "Ġclath": 30726, - "Ġmillimeter": 30727, - "jar": 30728, - "Ġbiophysical": 30729, - "Ġcomplexities": 30730, - "ĠHerb": 30731, - "Ġrecovers": 30732, - "ĠVincent": 30733, - "ĠPuerto": 30734, - "Earth": 30735, - "RAM": 30736, - "Ġcables": 30737, - "designed": 30738, - "ĠOscillation": 30739, - "Ġmeiosis": 30740, - "Ġfleet": 30741, - "ĠHuntington": 30742, - "ĠBeg": 30743, - "ĠECs": 30744, - "ĠAntic": 30745, - "Ġpractitioner": 30746, - "cultural": 30747, - "kat": 30748, - "Ġrecoil": 30749, - "ĠImplicit": 30750, - "Ġsummaries": 30751, - "Ġdiscontinued": 30752, - "Ġencompassing": 30753, - "ĠAltogether": 30754, - "ĠDIST": 30755, - "Ġconstellation": 30756, - "ĠExisting": 30757, - "Ġconductors": 30758, - "oplasm": 30759, - "ĠCosmology": 30760, - "Zero": 30761, - "ĠInform": 30762, - "Ġendangered": 30763, - "Ġweapons": 30764, - "atype": 30765, - "ĠAsc": 30766, - "Ġfluence": 30767, - "Ġferric": 30768, - "ĠLaurent": 30769, - "Early": 30770, - "Ġsgn": 30771, - "ĠHadamard": 30772, - "Ġastron": 30773, - "Cys": 30774, - "ĠThm": 30775, - "Ġdece": 30776, - "erencing": 30777, - "ĠMeans": 30778, - "Ġhydrated": 30779, - "ÙĪ": 30780, - "Ġrigorously": 30781, - "Ġambulatory": 30782, - "ĠDOI": 30783, - "Handle": 30784, - "ĠEnterobacteriaceae": 30785, - "ĠRQ": 30786, - "ĠGFR": 30787, - "prote": 30788, - "Ġmigrated": 30789, - "thening": 30790, - "ĠHopkins": 30791, - "ĠPsychology": 30792, - "igl": 30793, - "ĠEDS": 30794, - "Ġâζ": 30795, - "Ġremotely": 30796, - "ĠÂ¥": 30797, - "Ġinspiration": 30798, - "ĠâĮ¬": 30799, - "olian": 30800, - "Ġsaliency": 30801, - "ĠDog": 30802, - "ĠRosa": 30803, - "oya": 30804, - "Ġoccupies": 30805, - "camera": 30806, - "Ġdecompression": 30807, - "Ġscatt": 30808, - "Ġinvestigator": 30809, - "Ġcounterex": 30810, - "ĠIFNγ": 30811, - "ĠPittsburgh": 30812, - "Ġadminister": 30813, - "negl": 30814, - "ussis": 30815, - "MPC": 30816, - "ĠSwitching": 30817, - "Ġcooler": 30818, - "Ġbronchi": 30819, - "Ġparalle": 30820, - "Ġspeckle": 30821, - "Ġphysiologic": 30822, - "INVAL": 30823, - "Ġheterologous": 30824, - "|||": 30825, - "orghum": 30826, - "GAL": 30827, - "Ġmalformations": 30828, - "Ġweakening": 30829, - "Ġpsycho": 30830, - "ĠIH": 30831, - "Ġcontradictory": 30832, - "Ġphonological": 30833, - "ĠPerturbation": 30834, - "bB": 30835, - "ĠNos": 30836, - "TRUE": 30837, - "folding": 30838, - "phenol": 30839, - "ĠLSM": 30840, - "ĠâĪĹ": 30841, - "ĠAngle": 30842, - "Ġprovincial": 30843, - "FeO": 30844, - "ÅĽ": 30845, - "ĠIber": 30846, - "ressors": 30847, - "Ġproliferating": 30848, - "zers": 30849, - "organism": 30850, - "âĨĵ": 30851, - "ZO": 30852, - "cimg": 30853, - "Ġunperturbed": 30854, - "Ġjj": 30855, - "Ġelectrodynamics": 30856, - "ĠEpit": 30857, - "NTs": 30858, - "ĠBloom": 30859, - "Ġlanth": 30860, - "aminant": 30861, - "ĠSwift": 30862, - "European": 30863, - "Ġafferent": 30864, - "Reduce": 30865, - "published": 30866, - "ĠFitting": 30867, - "ĠFungal": 30868, - "Ġtribe": 30869, - "recting": 30870, - "Ġconjugacy": 30871, - "imeters": 30872, - "ĠCec": 30873, - "ĠKH": 30874, - "castle": 30875, - "Ġseptal": 30876, - "releasing": 30877, - "Ġoss": 30878, - "Ġ¦": 30879, - "ĠMissing": 30880, - "ĠFatigue": 30881, - "ĠBaseball": 30882, - "Ġimmunoblotting": 30883, - "Ġoh": 30884, - "orations": 30885, - "Ġvine": 30886, - "azy": 30887, - "serum": 30888, - "Ġlookup": 30889, - "Ġneovascular": 30890, - "iah": 30891, - "soil": 30892, - "Ġairflow": 30893, - "ĠSloan": 30894, - "him": 30895, - "çļ": 30896, - "located": 30897, - "zantine": 30898, - "ĠSuccessful": 30899, - "eminal": 30900, - "ĠDimensional": 30901, - "ĠNSA": 30902, - "ĠLogistic": 30903, - "emetery": 30904, - "Ġbrak": 30905, - "antal": 30906, - "south": 30907, - "Ġprototypes": 30908, - "Ġadvised": 30909, - "Ġidealized": 30910, - "ophytic": 30911, - "nbsp": 30912, - "Binary": 30913, - "Hyp": 30914, - "Joh": 30915, - "polation": 30916, - "Ġpolyvinyl": 30917, - "estimated": 30918, - "Ġoxytocin": 30919, - "ĠLetter": 30920, - "ĠImpair": 30921, - "Ġenvelopes": 30922, - "mainly": 30923, - "Ġmys": 30924, - "Ġintras": 30925, - "Ġbiogenic": 30926, - "cysteine": 30927, - "Ġuric": 30928, - "ĠCyan": 30929, - "ryption": 30930, - "Ġphotoreceptor": 30931, - "ĠToxic": 30932, - "ĠGamm": 30933, - "Ġcontainment": 30934, - "IgG": 30935, - "Squ": 30936, - "Ġperfused": 30937, - "Ġbiosensors": 30938, - "Ġmagmatic": 30939, - "Rate": 30940, - "ĠTf": 30941, - "Ġsecrete": 30942, - "Ġcriticality": 30943, - "Ġcompositionally": 30944, - "ĠBruce": 30945, - "SZ": 30946, - "ĠSport": 30947, - "ĠEI": 30948, - "Ġdiseased": 30949, - "Ġpreschool": 30950, - "ĠHarvey": 30951, - "ĠPTH": 30952, - "Ġbilayers": 30953, - "ĠOscillations": 30954, - "ĠHonor": 30955, - "ĠCCN": 30956, - "ĠMOT": 30957, - "ĠLloyd": 30958, - "Ġtrapez": 30959, - "Ġbuds": 30960, - "OFFSET": 30961, - "Ġmacromolecules": 30962, - "Ġbilirubin": 30963, - "olly": 30964, - "Ġutilities": 30965, - "ministered": 30966, - "Ġglobe": 30967, - "OLOGY": 30968, - "ropods": 30969, - "ĠMDM": 30970, - "ĠPyObject": 30971, - "macroph": 30972, - "ĠPBMCs": 30973, - "ospheres": 30974, - "Ġcatastrophic": 30975, - "ĠNavigation": 30976, - "ĠLSD": 30977, - "Ġcream": 30978, - "Ġdereg": 30979, - "bonded": 30980, - "rents": 30981, - "Ġpotentiation": 30982, - "Ġstro": 30983, - "Ġsteeper": 30984, - "ulinum": 30985, - "Ġperiodontitis": 30986, - "arization": 30987, - "âĪª": 30988, - "amicin": 30989, - "Ġmagnetized": 30990, - "ĠNutritional": 30991, - "Ġaccord": 30992, - "gaard": 30993, - "FTIR": 30994, - "ramethyl": 30995, - "ĠGle": 30996, - "Mel": 30997, - "ĠCTL": 30998, - "Ġtranslating": 30999, - "Ġautoimmunity": 31000, - "olerant": 31001, - "triangleq": 31002, - "amo": 31003, - "Ġvel": 31004, - "ĠHCN": 31005, - "ĠHamming": 31006, - "ĠVenus": 31007, - "ĠGad": 31008, - "ĠOwing": 31009, - "Information": 31010, - "ĠSchemes": 31011, - "carotene": 31012, - "Its": 31013, - "anis": 31014, - "Ġreplay": 31015, - "Ġtouc": 31016, - "LECT": 31017, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 31018, - "Ġtabulated": 31019, - "ĠSchottky": 31020, - "Far": 31021, - "amation": 31022, - "ĠRies": 31023, - "Ġexpects": 31024, - "ĠInstability": 31025, - "Ġsons": 31026, - "Ġdeck": 31027, - "Ġïģ¥": 31028, - "ĠSignature": 31029, - "Ġlithosphere": 31030, - "WW": 31031, - "makers": 31032, - "ughters": 31033, - "Ġâİ¡": 31034, - "ardian": 31035, - "à¦": 31036, - "Ġaccepts": 31037, - "ĠOSA": 31038, - "Ġγδ": 31039, - "nonumber": 31040, - "Select": 31041, - "lite": 31042, - "ĠAqueous": 31043, - "agawa": 31044, - "ĠEdinburgh": 31045, - "ĠMembranes": 31046, - "ĠSIG": 31047, - "akia": 31048, - "Ġtestes": 31049, - "Ġheli": 31050, - "++++": 31051, - "Ġultrafast": 31052, - "Ġmaneuver": 31053, - "ĠDate": 31054, - "phin": 31055, - "ĠKad": 31056, - "Ġtransferase": 31057, - "Pers": 31058, - "Ġtones": 31059, - "ĠSGD": 31060, - "anto": 31061, - "ĠOrange": 31062, - "ĠGeography": 31063, - "ĠAccumulation": 31064, - "aty": 31065, - "Ġbeating": 31066, - "Ġoverlying": 31067, - "ĠNDVI": 31068, - "ĠTownship": 31069, - "jing": 31070, - "ĠNOS": 31071, - "player": 31072, - "ĠMDD": 31073, - "ĠHungarian": 31074, - "Ġdw": 31075, - "ĠHin": 31076, - "Ġvalidating": 31077, - "Ġcolorimetric": 31078, - "ĠSupersymmetric": 31079, - "FUNC": 31080, - "gically": 31081, - "ofuran": 31082, - "-------": 31083, - "Ġimping": 31084, - "similarity": 31085, - "ĠDOX": 31086, - "ĠGlo": 31087, - "ivirus": 31088, - "listed": 31089, - "Ġbusy": 31090, - "iprofloxacin": 31091, - "Ġanxi": 31092, - "Ġblunt": 31093, - "Ġprocedural": 31094, - "Ġunknowns": 31095, - "AdS": 31096, - "thickness": 31097, - "follows": 31098, - "closing": 31099, - "environmental": 31100, - "ĠFeeding": 31101, - "unami": 31102, - "ende": 31103, - "ipine": 31104, - "Ġimpacting": 31105, - "Ġpenetrating": 31106, - "ambia": 31107, - "ĠWavelet": 31108, - "Ġfilamentous": 31109, - "Ġleng": 31110, - "ĠSCA": 31111, - "ĠEther": 31112, - "metall": 31113, - "Ġfringe": 31114, - "ĠAdjust": 31115, - "usz": 31116, - "ĠRey": 31117, - "ĠBoyd": 31118, - "Ġburnout": 31119, - "Ġcook": 31120, - "Ġnowadays": 31121, - "ĠDispersion": 31122, - "ĠRodriguez": 31123, - "Factor": 31124, - "ĠOklahoma": 31125, - "Ġunital": 31126, - "Ġpredictability": 31127, - "Ġlithography": 31128, - "ès": 31129, - "Willi": 31130, - "unal": 31131, - "asting": 31132, - "correction": 31133, - "ĠDed": 31134, - "ĠSocio": 31135, - "ĠChapman": 31136, - "ĠEco": 31137, - "Ġoncogene": 31138, - "ĠDrive": 31139, - "Ġfunnel": 31140, - "uis": 31141, - "ĠGENER": 31142, - "ĠACR": 31143, - "Ġworkloads": 31144, - "Ġoctahedral": 31145, - "vich": 31146, - "enburg": 31147, - "Ġimproper": 31148, - "decoded": 31149, - "Ġimmunosorbent": 31150, - "Ġinhomogeneity": 31151, - "RK": 31152, - "onically": 31153, - "Ġglycoproteins": 31154, - "onics": 31155, - "ĠFok": 31156, - "ĠBras": 31157, - "ĠCalculus": 31158, - "ĠMoss": 31159, - "ĠRK": 31160, - "Ġviolet": 31161, - "Ġlymphomas": 31162, - "enspace": 31163, - "ĠPalae": 31164, - "Ġrenin": 31165, - "phant": 31166, - "ĠRED": 31167, - "Ġfaulty": 31168, - "Riemann": 31169, - "Ãī": 31170, - "ĠElli": 31171, - "Bol": 31172, - "Tn": 31173, - "Yang": 31174, - "gender": 31175, - "Ġdetuning": 31176, - "Ġoperon": 31177, - "Ġinsecticide": 31178, - "esi": 31179, - "amon": 31180, - "ĠSCD": 31181, - "ĠBath": 31182, - "ĠâĢĸ": 31183, - "ĠGeographic": 31184, - "Ġcyclohex": 31185, - "ĠConfidence": 31186, - "Ġcomet": 31187, - "Ġfolate": 31188, - "observer": 31189, - "Ġvisitors": 31190, - "extra": 31191, - "ateness": 31192, - "ĠSPT": 31193, - "arcane": 31194, - "Ġholistic": 31195, - "semi": 31196, - "ĠMild": 31197, - "Ġsmear": 31198, - "Ġcyclase": 31199, - "Ġanymore": 31200, - "Ġseagrass": 31201, - "Ġconsortium": 31202, - "Ġfinishes": 31203, - "cyan": 31204, - "ductance": 31205, - "frost": 31206, - "hereafter": 31207, - "Ġprescriptions": 31208, - "Ġcmd": 31209, - "ĠPerceived": 31210, - "coordinates": 31211, - "Ġstyl": 31212, - "ĠBard": 31213, - "ĠHoll": 31214, - "ĠsiRNAs": 31215, - "sugg": 31216, - "Ġthr": 31217, - "Ġmainland": 31218, - "SCH": 31219, - "Ġassertions": 31220, - "Ġbabies": 31221, - "Ġrecapit": 31222, - "Tok": 31223, - "Ġresected": 31224, - "construct": 31225, - "Ber": 31226, - "Ġcholine": 31227, - "Ġunitarity": 31228, - "Ġcatalyzes": 31229, - "detector": 31230, - "ĠSMB": 31231, - "tery": 31232, - "cluded": 31233, - "ĠAbbreviations": 31234, - "ĠOliveira": 31235, - "LOC": 31236, - "zin": 31237, - "ĠLorenz": 31238, - "Kernel": 31239, - "lyn": 31240, - "ĠLEP": 31241, - "soni": 31242, - "Ġseptum": 31243, - "TMS": 31244, - "Ġunmodified": 31245, - "borough": 31246, - "ĠAudio": 31247, - "Ġdollars": 31248, - "CMD": 31249, - "Ġnorthwestern": 31250, - "Ġpalmit": 31251, - "ragalactic": 31252, - "ĠMiz": 31253, - "FH": 31254, - "confidence": 31255, - "NEXT": 31256, - "ĠAGE": 31257, - "ĠEqn": 31258, - "ĠClasses": 31259, - "Ġmisleading": 31260, - "ĠPKA": 31261, - "Ġanchored": 31262, - "ĠRip": 31263, - "phag": 31264, - "Ġintubation": 31265, - "ĠAngular": 31266, - "ĠBEC": 31267, - "Thr": 31268, - "Ġorganisations": 31269, - "Ġcomfortable": 31270, - "Ġcommissioned": 31271, - "poll": 31272, - "ydia": 31273, - "instead": 31274, - "Ġpassword": 31275, - "Ġcompliant": 31276, - "ĠPrecipitation": 31277, - "ophosphamide": 31278, - "usters": 31279, - "Ġpneumococcal": 31280, - "Ġtomographic": 31281, - "tidae": 31282, - "ĠFirmicutes": 31283, - "bw": 31284, - "ĠPDB": 31285, - "ĠGPUs": 31286, - "ĠPlanar": 31287, - "Ġverbose": 31288, - "Summary": 31289, - "lance": 31290, - "ĠEGFP": 31291, - "ongru": 31292, - "Complex": 31293, - "ĠWheat": 31294, - "uche": 31295, - "ĠMCA": 31296, - "ĠProjection": 31297, - "Ġstats": 31298, - "Ġsummand": 31299, - "dimethoxyphenyl": 31300, - "ĠABSTRACT": 31301, - "Ġcarotenoid": 31302, - "Ġbroke": 31303, - "ĠDesigning": 31304, - "ĠHetero": 31305, - "ĠCarlsbad": 31306, - "Cov": 31307, - "ineral": 31308, - "Ġanalyte": 31309, - "ĠColeman": 31310, - "Ġeigenstate": 31311, - "ĠHolland": 31312, - "ERSION": 31313, - "ĠDak": 31314, - "ellers": 31315, - "ĠÃĺ": 31316, - "missing": 31317, - "deposited": 31318, - "ĠLincoln": 31319, - "anion": 31320, - "ĠSPEC": 31321, - "Ġfertilizer": 31322, - "ĠCPS": 31323, - "Ġcofactor": 31324, - "Ġtren": 31325, - "Ġcalendar": 31326, - "Ġyoungest": 31327, - "STATUS": 31328, - "ĠEXPERIMENTAL": 31329, - "Ġsr": 31330, - "Ġnl": 31331, - "ĠMES": 31332, - "Study": 31333, - "padding": 31334, - "Ġatopic": 31335, - "ĠOG": 31336, - "Ġentrainment": 31337, - "AFM": 31338, - "ĠCou": 31339, - "Web": 31340, - "ĠMicroscopic": 31341, - "Ġunambiguously": 31342, - "Day": 31343, - "yotrophic": 31344, - "reous": 31345, - "Ġsarcom": 31346, - "ĠVAL": 31347, - "Ġhindered": 31348, - "ĠREM": 31349, - "otrexate": 31350, - "ocarcin": 31351, - "ĠAlk": 31352, - "Ġbrevity": 31353, - "factual": 31354, - "Cer": 31355, - "diox": 31356, - "ophical": 31357, - "Ġlytic": 31358, - "Take": 31359, - "Ġintend": 31360, - "ĠCla": 31361, - "Ġasteroid": 31362, - "ĠSEP": 31363, - "apenem": 31364, - "universal": 31365, - "Ġoceans": 31366, - "Ġmonoid": 31367, - "Ġseparator": 31368, - "ĠPorous": 31369, - "Ġpostoperatively": 31370, - "Ġsemin": 31371, - "ĠDisplay": 31372, - "Ġhydrolase": 31373, - "transferases": 31374, - "Ġthrombus": 31375, - "ĠOv": 31376, - "ĠDielectric": 31377, - "Ġcompelling": 31378, - "assing": 31379, - "ĠMAS": 31380, - "ullary": 31381, - "ĠMori": 31382, - "ĠPathogenesis": 31383, - "ĠBreaking": 31384, - "ĠPLGA": 31385, - "cooling": 31386, - "§": 31387, - "Ġfee": 31388, - "Ġreducible": 31389, - "Ġdiverge": 31390, - "Ġqueues": 31391, - "Ġmushroom": 31392, - "Ġdeacetylase": 31393, - "YFP": 31394, - "Ġdisreg": 31395, - "ĠArrays": 31396, - "processes": 31397, - "ĠTransportation": 31398, - "Ġundetectable": 31399, - "bursts": 31400, - "Ġphospholipase": 31401, - "Option": 31402, - "asin": 31403, - "Ġnocturnal": 31404, - "tez": 31405, - "ĠDisruption": 31406, - "oserine": 31407, - "behavior": 31408, - "ĠTony": 31409, - "ĠKot": 31410, - "ieval": 31411, - "Ġmyofib": 31412, - "Ġhalogen": 31413, - "ĠCPR": 31414, - "ployed": 31415, - "ĠPolymers": 31416, - "Ġadenoma": 31417, - "Ġquartile": 31418, - "Ġquaternary": 31419, - "ĠIraq": 31420, - "Ġsieve": 31421, - "Ġintractable": 31422, - "Ġfabrics": 31423, - "continuum": 31424, - "ĠEmergence": 31425, - "Pot": 31426, - "itism": 31427, - "veness": 31428, - "hoe": 31429, - "Ġredes": 31430, - "ĠHRP": 31431, - "ploidy": 31432, - "picuous": 31433, - "ogo": 31434, - "ĠGag": 31435, - "Ġnominated": 31436, - "occupied": 31437, - "Ġquench": 31438, - "ropolis": 31439, - "nucleotide": 31440, - "ĠEventually": 31441, - "Ñı": 31442, - "ĠClock": 31443, - "ĠSteady": 31444, - "opolymers": 31445, - "ĠARE": 31446, - "irnov": 31447, - "helf": 31448, - "blob": 31449, - "download": 31450, - "PLL": 31451, - "UNT": 31452, - "predictions": 31453, - "Ġoccipital": 31454, - "toxic": 31455, - "ĠVice": 31456, - "Ġangio": 31457, - "CuO": 31458, - "Ġresistances": 31459, - "fflffl": 31460, - "Distribution": 31461, - "Gre": 31462, - "onamide": 31463, - "ĠIOP": 31464, - "UNEL": 31465, - "Ġaids": 31466, - "ĠHUV": 31467, - "ECM": 31468, - "ĠPAD": 31469, - "ĠAgNPs": 31470, - "Print": 31471, - "Ġlamellar": 31472, - "ĠUltrason": 31473, - "severe": 31474, - "ĠAnnotation": 31475, - "NIR": 31476, - "sgn": 31477, - "ĠOften": 31478, - "Ġiterate": 31479, - "Ġcarriage": 31480, - "spherical": 31481, - "ĠFrid": 31482, - "Ġdiffract": 31483, - "ĠBasal": 31484, - "Ġunsatisf": 31485, - "ĠDysfunction": 31486, - "arboxylic": 31487, - "ĠCollective": 31488, - "Ġdegrading": 31489, - "Ġadiposity": 31490, - "Ġfifty": 31491, - "Ġpars": 31492, - "ĠOptimized": 31493, - "ocaine": 31494, - "Ġbb": 31495, - "ĠShip": 31496, - "ĠLW": 31497, - "Ġtremor": 31498, - "Ġã": 31499, - "Ġnucleons": 31500, - "Ġscientist": 31501, - "ĠMish": 31502, - "gression": 31503, - "ĠMerc": 31504, - "ĠFlem": 31505, - "Ġcorals": 31506, - "Incre": 31507, - "ĠDSP": 31508, - "Ġdefenses": 31509, - "dimer": 31510, - "atherine": 31511, - "otubes": 31512, - "stride": 31513, - "ĠAlterations": 31514, - "Ġoest": 31515, - "ĠBIC": 31516, - "Ġradiated": 31517, - "Ġketamine": 31518, - "Ġdissimilarity": 31519, - "ĠAncient": 31520, - "ĠHed": 31521, - "Ġattr": 31522, - "ĠIsa": 31523, - "Ġionospheric": 31524, - "Ġgovernor": 31525, - "ĠEstimated": 31526, - "Ġultrathin": 31527, - "Update": 31528, - "Ġimmunoassay": 31529, - "Ġconjectured": 31530, - "ĠREF": 31531, - "ĠSiegel": 31532, - "Adv": 31533, - "Mem": 31534, - "Ġpups": 31535, - "ĠAPPL": 31536, - "ecomposable": 31537, - "journal": 31538, - "ĠRol": 31539, - "ĠLob": 31540, - "rington": 31541, - "Ġnonsingular": 31542, - "Ġcitric": 31543, - "iones": 31544, - "ositis": 31545, - "ALY": 31546, - "Ġmentions": 31547, - "ĠMarkers": 31548, - "algebraic": 31549, - "Ġflattened": 31550, - "Ġmail": 31551, - "ĠTGA": 31552, - "ĠPMA": 31553, - "ĠNaval": 31554, - "Ġfacilitation": 31555, - "Ġunidentified": 31556, - "Ġempathy": 31557, - "jectories": 31558, - "logits": 31559, - "Ġpermanently": 31560, - "Ġbottles": 31561, - "ĠBengal": 31562, - "Ġpeanut": 31563, - "Ġcapillaries": 31564, - "erents": 31565, - "ĠLooking": 31566, - "changes": 31567, - "ĠMagell": 31568, - "ĠCMC": 31569, - "ĠVerm": 31570, - "Ġsubscales": 31571, - "demand": 31572, - "orexia": 31573, - "Ġachievements": 31574, - "ĠRobustness": 31575, - "ĠWallace": 31576, - "ĠDTT": 31577, - "ogels": 31578, - "ocker": 31579, - "ĠSpike": 31580, - "Ġpainter": 31581, - "Ġbuses": 31582, - "Ġpolluted": 31583, - "Ġtort": 31584, - "ĠPPP": 31585, - "nex": 31586, - "extended": 31587, - "ucalypt": 31588, - "Ġprostatic": 31589, - "ĠFCC": 31590, - "Ġkick": 31591, - "oyal": 31592, - "epochs": 31593, - "hss": 31594, - "yon": 31595, - "Ġdans": 31596, - "ĠAw": 31597, - "Ġadversely": 31598, - "Ġaltogether": 31599, - "Ġophthalm": 31600, - "Ġcpu": 31601, - "ĠFRET": 31602, - "Ġforensic": 31603, - "Ġhotspots": 31604, - "Ġpaintings": 31605, - "Ġomn": 31606, - "ĠpS": 31607, - "oglu": 31608, - "ofol": 31609, - "FTs": 31610, - "Ġdermat": 31611, - "pragma": 31612, - "Ġbump": 31613, - "ĠCir": 31614, - "aS": 31615, - "Ġnaked": 31616, - "ĠNLS": 31617, - "ĠSpitzer": 31618, - "Ġsalvage": 31619, - "Ġintuitively": 31620, - "Ġcasual": 31621, - "Ġfired": 31622, - "verages": 31623, - "ĠBurden": 31624, - "Wang": 31625, - "ylem": 31626, - "Ġradiographs": 31627, - "ĠSchiff": 31628, - "OLUTION": 31629, - "Cross": 31630, - "Ġhints": 31631, - "owing": 31632, - "ĠStreng": 31633, - "ĠANY": 31634, - "Ġworry": 31635, - "ĠRoger": 31636, - "Ġtrabecular": 31637, - "Band": 31638, - "ĠNec": 31639, - "ipes": 31640, - "tool": 31641, - "ĠILC": 31642, - "iÄĩ": 31643, - "ocean": 31644, - "ĠAri": 31645, - "AMA": 31646, - "ĠVertex": 31647, - "activate": 31648, - "Location": 31649, - "onts": 31650, - "Ġhs": 31651, - "Ġslender": 31652, - "refring": 31653, - "ĠEndogenous": 31654, - "adiabatic": 31655, - "Ġcryptic": 31656, - "Ġeradication": 31657, - "ĠKevin": 31658, - "Ġmc": 31659, - "Ġcardio": 31660, - "Ġphosphoryl": 31661, - "Witten": 31662, - "Ġscl": 31663, - "ĠIw": 31664, - "ĠMade": 31665, - "Ġfounding": 31666, - "oflag": 31667, - "aline": 31668, - "horizontal": 31669, - "ĠGeneralization": 31670, - "psychiatric": 31671, - "ĠDuncan": 31672, - "ĠSnO": 31673, - "ĠAar": 31674, - "Ġgg": 31675, - "Ġpremi": 31676, - "ĠStrom": 31677, - "ĠExplan": 31678, - "Ġlethality": 31679, - "ÏĤ": 31680, - "odo": 31681, - "Ġsubscrib": 31682, - "ĠSTUDY": 31683, - "Ġoutperformed": 31684, - "Ġcovalently": 31685, - "MHC": 31686, - "fail": 31687, - "ĠKac": 31688, - "EGR": 31689, - "ĠTRI": 31690, - "robot": 31691, - "ĠCandidate": 31692, - "ĠTNBC": 31693, - "Ġarchaeological": 31694, - "Eukary": 31695, - "Ġlava": 31696, - "dipole": 31697, - "Ġuncons": 31698, - "Anti": 31699, - "Ġprednis": 31700, - "ĠRobin": 31701, - "Ġstratigraphic": 31702, - "Ġ¤": 31703, - "Ġfinance": 31704, - "ĠStudio": 31705, - "render": 31706, - "Ġrearing": 31707, - "Ġger": 31708, - "ĠOpt": 31709, - "ĠManifolds": 31710, - "Ġdestabil": 31711, - "Ġtelomerase": 31712, - "Ġpicking": 31713, - "Ġamplicon": 31714, - "Ġyearly": 31715, - "ĠNCC": 31716, - "inser": 31717, - "ĠEnrichment": 31718, - "ĠMicrostructure": 31719, - "ĠWarren": 31720, - "ophysics": 31721, - "Ġfifteen": 31722, - "Åij": 31723, - "Ġreviewer": 31724, - "Ġskilled": 31725, - "Ġmagnetoresistance": 31726, - "Ġreconfiguration": 31727, - "Ġpoet": 31728, - "Ġpredetermined": 31729, - "Ġcryopres": 31730, - "Ġattractors": 31731, - "Ġprojectile": 31732, - "ĠCrystals": 31733, - "ĠMCM": 31734, - "ĠXanth": 31735, - "Ġclockwise": 31736, - "regnant": 31737, - "Ġgated": 31738, - "ryza": 31739, - "ĠProsp": 31740, - "adin": 31741, - "Ġmolybdenum": 31742, - "ĠAlps": 31743, - "ĠBald": 31744, - "Ġhalluc": 31745, - "udo": 31746, - "Ġmont": 31747, - "ĠFlash": 31748, - "Ġpulling": 31749, - "ĠLQ": 31750, - "ĠWalsh": 31751, - "ĠThomson": 31752, - "meson": 31753, - "Ġintercal": 31754, - "Ġelapsed": 31755, - "FFFF": 31756, - "ĠForecasting": 31757, - "à¯": 31758, - "ĠLSP": 31759, - "endorf": 31760, - "Ġxml": 31761, - "substrate": 31762, - "Mu": 31763, - "during": 31764, - "oconstr": 31765, - "EMA": 31766, - "Ġïĥ«": 31767, - "ĠDFS": 31768, - "ĠVon": 31769, - "Ġfathers": 31770, - "Ġunco": 31771, - "ĠUnderg": 31772, - "Ġmultiplexing": 31773, - "atra": 31774, - "Ġcohesive": 31775, - "ĠUI": 31776, - "ĠPrev": 31777, - "çļĦ": 31778, - "cum": 31779, - "hf": 31780, - "ĠSCN": 31781, - "atalysis": 31782, - "ĠArsen": 31783, - "amping": 31784, - "ĠPlastic": 31785, - "ĠMadison": 31786, - "Ġsupremum": 31787, - "ĠCited": 31788, - "Ġaren": 31789, - "iski": 31790, - "inel": 31791, - "stro": 31792, - "Ġcorrupted": 31793, - "Ġglab": 31794, - "Ġcardiopulmonary": 31795, - "Ġpragmatic": 31796, - "CAG": 31797, - "Stack": 31798, - "thioxo": 31799, - "ĠReproductive": 31800, - "Ġsteatosis": 31801, - "Best": 31802, - "ĠBars": 31803, - "Ġracing": 31804, - "ĠUtah": 31805, - "equivalence": 31806, - "ĠFifty": 31807, - "ĠCytokine": 31808, - "Ġutilised": 31809, - "horizon": 31810, - "ouracil": 31811, - "iversary": 31812, - "emer": 31813, - "ĠQuestions": 31814, - "Ġlinkages": 31815, - "anchez": 31816, - "VV": 31817, - "Ġphotodet": 31818, - "kowski": 31819, - "REST": 31820, - "Ġhosting": 31821, - "Ġpushing": 31822, - "Ġneurotoxicity": 31823, - "SQ": 31824, - "rst": 31825, - "Ġhockey": 31826, - "Ġtrips": 31827, - "ĠIndoor": 31828, - "ematics": 31829, - "Ġtransect": 31830, - "ĠABI": 31831, - "agar": 31832, - "âĪļ": 31833, - "egenerate": 31834, - "ĠQP": 31835, - "MID": 31836, - "ĠAccept": 31837, - "ĠCyber": 31838, - "North": 31839, - "Ġdθ": 31840, - "alla": 31841, - "Ġbraid": 31842, - "finding": 31843, - "alin": 31844, - "ĠLST": 31845, - "ĠLax": 31846, - "udin": 31847, - "ĠiNOS": 31848, - "convert": 31849, - "ACA": 31850, - "ĠGuan": 31851, - "Ġlymphocytic": 31852, - "Ġsyllable": 31853, - "ĠTOR": 31854, - "ĠSCR": 31855, - "ĠAJ": 31856, - "Ġoutburst": 31857, - "bladder": 31858, - "OTA": 31859, - "audio": 31860, - "chromen": 31861, - "ÑģÑĤ": 31862, - "Ġgratefully": 31863, - "Ġtiling": 31864, - "Ġquit": 31865, - "shan": 31866, - "ĠAccretion": 31867, - "Ġnarrowing": 31868, - "ĠInduces": 31869, - "Mic": 31870, - "Ġfuc": 31871, - "Ġthalamus": 31872, - "ANES": 31873, - "Ġquaternion": 31874, - "ĠListeria": 31875, - "duality": 31876, - "hend": 31877, - "ande": 31878, - "Ġparo": 31879, - "Ġinspected": 31880, - "question": 31881, - "ĠHoney": 31882, - "Ġchunks": 31883, - "Ġforearm": 31884, - "radients": 31885, - "ificantly": 31886, - "obank": 31887, - "Ġsomewhere": 31888, - "Ġmonetary": 31889, - "ĠLouisiana": 31890, - "Ġemulsions": 31891, - "Ġprogrammable": 31892, - "Ġmanifests": 31893, - "ĠMartinez": 31894, - "Ġted": 31895, - "emen": 31896, - "anni": 31897, - "Ġoverlaid": 31898, - "Ġvirulent": 31899, - "Mask": 31900, - "ĠUtility": 31901, - "Ġwk": 31902, - "osexual": 31903, - "ĠEarl": 31904, - "dar": 31905, - "hdr": 31906, - "ractors": 31907, - "Ġconstructor": 31908, - "Ġnascent": 31909, - "inzburg": 31910, - "ĠCraig": 31911, - "Ġplexus": 31912, - "reverse": 31913, - "ograv": 31914, - "tags": 31915, - "Ġcalibrate": 31916, - "à®": 31917, - "Ġhide": 31918, - "ĠFol": 31919, - "Ġinteracted": 31920, - "Ġconfron": 31921, - "market": 31922, - "Ġsociodemographic": 31923, - "ĠLucas": 31924, - "ĠMCT": 31925, - "ĠRSS": 31926, - "Ġmicroplate": 31927, - "underst": 31928, - "Ital": 31929, - "ĠCMR": 31930, - "recy": 31931, - "ĠPCOS": 31932, - "Ġdetoxification": 31933, - "Ġsubtree": 31934, - "Ġsubsections": 31935, - "Ġpropositions": 31936, - "Acknowledgements": 31937, - "reinforced": 31938, - "lis": 31939, - "ĠCIR": 31940, - "Ġimprinted": 31941, - "vium": 31942, - "afic": 31943, - "Ġchecklist": 31944, - "ĠRx": 31945, - "ĠEph": 31946, - "Ġsolder": 31947, - "transformation": 31948, - "ĠStrait": 31949, - "azar": 31950, - "Ġhandler": 31951, - "kelet": 31952, - "BCL": 31953, - "Math": 31954, - "Ġwishes": 31955, - "uminescent": 31956, - "ĠPEC": 31957, - "irt": 31958, - "ylidene": 31959, - "Ġloosely": 31960, - "naissance": 31961, - "ILs": 31962, - "foil": 31963, - "ĠGNU": 31964, - "ĠKet": 31965, - "vix": 31966, - "ĠPlain": 31967, - "ĠRES": 31968, - "Ġparenting": 31969, - "ĠConnection": 31970, - "Ġrhizosphere": 31971, - "oprevalence": 31972, - "iatic": 31973, - "ĠpA": 31974, - "ĠVil": 31975, - "setting": 31976, - "ĠReLU": 31977, - "ĠBOOST": 31978, - "Ġappreciate": 31979, - "bx": 31980, - "orest": 31981, - "ologie": 31982, - "Ġpalp": 31983, - "foo": 31984, - "usual": 31985, - "Ġquestioned": 31986, - "Ġtrigon": 31987, - "ĠGFAP": 31988, - "ĠKyoto": 31989, - "dise": 31990, - "antile": 31991, - "ück": 31992, - "ĠQuantization": 31993, - "Ġscler": 31994, - "Ġbehalf": 31995, - "ĠDuality": 31996, - "Ġmagnetically": 31997, - "Ġelegant": 31998, - "UA": 31999, - "epis": 32000, - "Ġsubclinical": 32001, - "ontrol": 32002, - "ĠChemicals": 32003, - "Utils": 32004, - "Ġlowers": 32005, - "extraction": 32006, - "Ġamplifiers": 32007, - "ĠEntry": 32008, - "ĠWORK": 32009, - "Ġthrombocytopenia": 32010, - "Mil": 32011, - "idus": 32012, - "embry": 32013, - "manager": 32014, - "ĠCoordination": 32015, - "ĠPhenotypic": 32016, - "chunk": 32017, - "Ġhypotension": 32018, - "Ġcryogenic": 32019, - "Ġreactants": 32020, - "ĠMMSE": 32021, - "Ġcentros": 32022, - "ĠButler": 32023, - "Ġcavitation": 32024, - "ĠLessons": 32025, - "estion": 32026, - "ĠMIS": 32027, - "associ": 32028, - "APE": 32029, - "ĠEulerian": 32030, - "Ġrecreational": 32031, - "ĠNeo": 32032, - "ĠCDM": 32033, - "repeat": 32034, - "details": 32035, - "Bal": 32036, - "STA": 32037, - "Ġâīº": 32038, - "ĠCamero": 32039, - "ĠTelevision": 32040, - "Ġworkforce": 32041, - "Ġcomputerized": 32042, - "Ġextraordinary": 32043, - "Ġribonucle": 32044, - "Ġhydrophobicity": 32045, - "ĠFeasibility": 32046, - "Ol": 32047, - "Tw": 32048, - "ĠMam": 32049, - "ĠFAC": 32050, - "profit": 32051, - "negligible": 32052, - "ĠFruit": 32053, - "Ġears": 32054, - "Ġshearing": 32055, - "ĠCorresponding": 32056, - "fun": 32057, - "ieck": 32058, - "mos": 32059, - "ĠEMI": 32060, - "ĠSometimes": 32061, - "Ġfluorine": 32062, - "Ġdetergent": 32063, - "Ġalg": 32064, - "races": 32065, - "ivable": 32066, - "COMM": 32067, - "ĠSwitch": 32068, - "Ġstrained": 32069, - "virtual": 32070, - "Temperature": 32071, - "Ġcredible": 32072, - "ĠGPCR": 32073, - "ĠDebye": 32074, - "ĠLit": 32075, - "Ġhemic": 32076, - "Ġtransducers": 32077, - "metast": 32078, - "adiene": 32079, - "Ġoryzae": 32080, - "tn": 32081, - "Ġafternoon": 32082, - "ĠArabian": 32083, - "ĠChromatin": 32084, - "Ġxenografts": 32085, - "Ġcryptographic": 32086, - "Ġaxillary": 32087, - "Ġvolunteer": 32088, - "ĠNevada": 32089, - "Ġpions": 32090, - "unknown": 32091, - "ĠFU": 32092, - "venously": 32093, - "radio": 32094, - "ĠLabour": 32095, - "ĠVillage": 32096, - "Ric": 32097, - "Ġmetat": 32098, - "Ġserotypes": 32099, - "regression": 32100, - "saturation": 32101, - "rera": 32102, - "Ġfarther": 32103, - "Ġrounding": 32104, - "Ġlibitum": 32105, - "Ġshuff": 32106, - "ĠOw": 32107, - "Ġlocalised": 32108, - "ĠALG": 32109, - "Ġhypertrophic": 32110, - "ppm": 32111, - "imine": 32112, - "ĠAthe": 32113, - "Ġanhydro": 32114, - "Ġsupramolecular": 32115, - "Ġmacros": 32116, - "aceted": 32117, - "ĠOliv": 32118, - "Ġmotivational": 32119, - "ĠCave": 32120, - "enzie": 32121, - "Ġaffiliated": 32122, - "Fermi": 32123, - "Ġequalities": 32124, - "ĠMilan": 32125, - "Ġdressed": 32126, - "Ġanger": 32127, - "ados": 32128, - "Ġavg": 32129, - "ĠPhon": 32130, - "Ġradioactivity": 32131, - "ĠEch": 32132, - "Ġorganoids": 32133, - "Ġïģ§": 32134, - "ĠAnthrop": 32135, - "lateral": 32136, - "Ġalpine": 32137, - "Ġaudit": 32138, - "WER": 32139, - "ĠCSC": 32140, - "Ġrankings": 32141, - "ĠERR": 32142, - "GLER": 32143, - "Obviously": 32144, - "ĠMadrid": 32145, - "obenzene": 32146, - "othermia": 32147, - "Ġresponsibilities": 32148, - "omestic": 32149, - "ĠInflation": 32150, - "Ġepidemics": 32151, - "Ġtaut": 32152, - "phos": 32153, - "ĠUnless": 32154, - "Ġgeomagnetic": 32155, - "ĠCFTR": 32156, - "veld": 32157, - "arietal": 32158, - "Ġendotoxin": 32159, - "ADP": 32160, - "Ġsuppressive": 32161, - "randial": 32162, - "Ġïĥ©": 32163, - "excited": 32164, - "ĠInnate": 32165, - "ĠLópez": 32166, - "omycetes": 32167, - "Ġbeautiful": 32168, - "irk": 32169, - "ĠHwang": 32170, - "ĠUSE": 32171, - "ÏĢi": 32172, - "Record": 32173, - "Attribute": 32174, - "Ġreacts": 32175, - "ĠBund": 32176, - "Ġcowork": 32177, - "Ġconfluence": 32178, - "ĠRegardless": 32179, - "Ġmetagenomic": 32180, - "MAL": 32181, - "Ġaided": 32182, - "anga": 32183, - "Ġamn": 32184, - "ĠICI": 32185, - "ĠPML": 32186, - "Ġdelivers": 32187, - "Ġkeyp": 32188, - "Ġbeetles": 32189, - "Ġoxidant": 32190, - "Immun": 32191, - "Ġrhythmic": 32192, - "female": 32193, - "JC": 32194, - "PAD": 32195, - "genitor": 32196, - "AMS": 32197, - "catalytic": 32198, - "ĠMom": 32199, - "ĠHert": 32200, - "adish": 32201, - "Ġcontention": 32202, - "Ġyolk": 32203, - "Ġdemyel": 32204, - "Ġsucc": 32205, - "Ġtravels": 32206, - "Ve": 32207, - "ĠFul": 32208, - "ĠRif": 32209, - "Ġintrons": 32210, - "encaps": 32211, - "colour": 32212, - "Ġhotel": 32213, - "Access": 32214, - "adoop": 32215, - "Ġcoalition": 32216, - "ĠMuh": 32217, - "ĠLTP": 32218, - "autom": 32219, - "ĠLak": 32220, - "Ġremedi": 32221, - "Ġtrailing": 32222, - "insulator": 32223, - "ĠRelig": 32224, - "ĠHudson": 32225, - "emics": 32226, - "OAc": 32227, - "ourt": 32228, - "Ġrelic": 32229, - "ĠMixture": 32230, - "Ġcalorimeter": 32231, - "ĠRDF": 32232, - "ĠHodgkin": 32233, - "Newtonian": 32234, - "ĠDelayed": 32235, - "ĠNortheast": 32236, - "hering": 32237, - "Ġhelices": 32238, - "Ġprincipally": 32239, - "Ġsuspicion": 32240, - "Ġextremities": 32241, - "Ġdeadline": 32242, - "ĠEnterococcus": 32243, - "mj": 32244, - "Ġhp": 32245, - "ĠNAS": 32246, - "ouss": 32247, - "Ġintramuscular": 32248, - "LIN": 32249, - "Ġchicks": 32250, - "Score": 32251, - "Ġfür": 32252, - "ĠRSA": 32253, - "Ġkr": 32254, - "Ġphotography": 32255, - "Ġclearing": 32256, - "holomorphic": 32257, - "them": 32258, - "Ġpom": 32259, - "ĠLis": 32260, - "Ġdiscard": 32261, - "Ġguan": 32262, - "cx": 32263, - "ubov": 32264, - "ĠConsistency": 32265, - "Ġplei": 32266, - "ĠUrinary": 32267, - "Ġbreadth": 32268, - "EI": 32269, - "mechan": 32270, - "Ġdq": 32271, - "ĠBlast": 32272, - "coeff": 32273, - "ILD": 32274, - "Ġunemployment": 32275, - "Arm": 32276, - "ĠCn": 32277, - "moderate": 32278, - "Ġaggress": 32279, - "Ġcircumf": 32280, - "los": 32281, - "Ġbaro": 32282, - "velope": 32283, - "Ġulcerative": 32284, - "Ġhelicase": 32285, - "HW": 32286, - "KG": 32287, - "rion": 32288, - "Ġgenotyped": 32289, - "Ġarid": 32290, - "ĠAndreas": 32291, - "Ġthereof": 32292, - "ĠOperating": 32293, - "ĠNEW": 32294, - "ĠAntibacterial": 32295, - "ĠDarwin": 32296, - "Ġreferee": 32297, - "Ġdome": 32298, - "agus": 32299, - "ĠDMD": 32300, - "ATOR": 32301, - "Currently": 32302, - "ĠInequalities": 32303, - "dN": 32304, - "olymer": 32305, - "empirical": 32306, - "ĠBraun": 32307, - "FIN": 32308, - "ĠOber": 32309, - "prone": 32310, - "Ġdiminish": 32311, - "ĠGraduate": 32312, - "ĠTSH": 32313, - "ĠHsu": 32314, - "oidosis": 32315, - "Ġepidural": 32316, - "Ġreinforcing": 32317, - "Ġtheatre": 32318, - "Ġvib": 32319, - "ĠHob": 32320, - "collection": 32321, - "MANGLER": 32322, - "ĠHecke": 32323, - "Ġtruck": 32324, - "Ġmotivates": 32325, - "ĠVOC": 32326, - "Ġunbound": 32327, - "ramid": 32328, - "iously": 32329, - "ĠFernández": 32330, - "ĠFacial": 32331, - "oxazol": 32332, - "Ġtreadm": 32333, - "ĠResid": 32334, - "Loader": 32335, - "ĠRunning": 32336, - "otinib": 32337, - "PAC": 32338, - "VII": 32339, - "iu": 32340, - "Ġcite": 32341, - "ĠHockey": 32342, - "ESC": 32343, - "rhoea": 32344, - "Ġmacaques": 32345, - "Ġmediast": 32346, - "atim": 32347, - "ĠTMP": 32348, - "ĠAGB": 32349, - "ĠRup": 32350, - "uga": 32351, - "Ġassurance": 32352, - "pay": 32353, - "energies": 32354, - "ĠKend": 32355, - "tillery": 32356, - "Ġanesthetic": 32357, - "Window": 32358, - "Ġbeverages": 32359, - "aguchi": 32360, - "ĠFLT": 32361, - "ĠBounded": 32362, - "ĠPolymerase": 32363, - "Sam": 32364, - "ĠOrbit": 32365, - "Ġseasonality": 32366, - "Ġtachycardia": 32367, - "esteem": 32368, - "ĠPerfect": 32369, - "SEC": 32370, - "later": 32371, - "tale": 32372, - "ĠFormally": 32373, - "LG": 32374, - "zyn": 32375, - "Ġmicroalgae": 32376, - "Ġindium": 32377, - "erennial": 32378, - "ĠIPT": 32379, - "Ġkj": 32380, - "ĠPDA": 32381, - "Ġassimil": 32382, - "wheel": 32383, - "ĠSOS": 32384, - "ĠPFC": 32385, - "Ġdecoded": 32386, - "ATS": 32387, - "Ġsocietal": 32388, - "Ġdiffeomorphisms": 32389, - "Ġtraverse": 32390, - "Ġcollateral": 32391, - "gives": 32392, - "ĠCEN": 32393, - "Ġrand": 32394, - "Ġherself": 32395, - "Ġpayments": 32396, - "Ġpsi": 32397, - "âIJ£": 32398, - "ĠGromov": 32399, - "Ġaccidental": 32400, - "ĠReality": 32401, - "Ġlogistics": 32402, - "Ġrobustly": 32403, - "ĠSarah": 32404, - "NU": 32405, - "dates": 32406, - "ĠCUR": 32407, - "ĠDream": 32408, - "Ġdegrades": 32409, - "ĠGEO": 32410, - "Ġbutterfly": 32411, - "Ġpendulum": 32412, - "qa": 32413, - "Ġaspartate": 32414, - "pseudo": 32415, - "Ġallosteric": 32416, - "derr": 32417, - "ĠQoL": 32418, - "Agilent": 32419, - "ĠHardware": 32420, - "ĠCumulative": 32421, - "Ġpn": 32422, - "quantitative": 32423, - "Ġappraisal": 32424, - "Ġpolyacrylamide": 32425, - "Ġmildly": 32426, - "Ġcontraceptive": 32427, - "ĠPublished": 32428, - "Ġuplift": 32429, - "beh": 32430, - "Ġadaptor": 32431, - "ĠEqual": 32432, - "thienyl": 32433, - "atched": 32434, - "Ġreply": 32435, - "Ġupwards": 32436, - "Ġautopsy": 32437, - "simulation": 32438, - "Ġgranite": 32439, - "Ġpelvis": 32440, - "Ġhatching": 32441, - "ĠSPS": 32442, - "ĠGEM": 32443, - "illiard": 32444, - "ĠRetrospective": 32445, - "ĠEarthqu": 32446, - "ĠInvestigations": 32447, - "ĠMerck": 32448, - "Ġcholangi": 32449, - "Ġinfiltrating": 32450, - "Ġoverestimated": 32451, - "focused": 32452, - "Amin": 32453, - "Ġpreeclampsia": 32454, - "ospatial": 32455, - "ĠTRAIL": 32456, - "Pair": 32457, - "Ġsubmarine": 32458, - "Ġproteolysis": 32459, - "Ġcomplements": 32460, - "ĠKirch": 32461, - "Ġcentrom": 32462, - "Ġnap": 32463, - "ĠWear": 32464, - "Ġpunishment": 32465, - "Ġautoregressive": 32466, - "Ġcomposer": 32467, - "ĠEngel": 32468, - "Ġanaemia": 32469, - "ĠKronecker": 32470, - "ĠDid": 32471, - "ĠCarp": 32472, - "peer": 32473, - "Ġbugs": 32474, - "ĠIslamic": 32475, - "ithromycin": 32476, - "Ġconsec": 32477, - "Ġfamiliarity": 32478, - "etaxel": 32479, - "Ġintensively": 32480, - "ĠUpt": 32481, - "Ġindica": 32482, - "ADA": 32483, - "ĠChebyshev": 32484, - "Ġhierarchies": 32485, - "Ġworthwhile": 32486, - "Ġburned": 32487, - "ĠHMGB": 32488, - "Ġpolygonal": 32489, - "brile": 32490, - "Ġzoon": 32491, - "warning": 32492, - "Eukaryota": 32493, - "dA": 32494, - "ĠRepeated": 32495, - "ĠCastro": 32496, - "Ġmetropolitan": 32497, - "ontinuous": 32498, - "ĠBarnes": 32499, - "ĠPostoperative": 32500, - "Ġcytology": 32501, - "Ġspotted": 32502, - "versity": 32503, - "affine": 32504, - "sorted": 32505, - "ĠProto": 32506, - "ĠDescriptive": 32507, - "Ġhitting": 32508, - "Ġanalogously": 32509, - "feedback": 32510, - "Ġspiritual": 32511, - "ĠLINE": 32512, - "ressin": 32513, - "ophthal": 32514, - "Ġpolyunsaturated": 32515, - "Ġpiper": 32516, - "observations": 32517, - "ĭ¤": 32518, - "irre": 32519, - "ĠWNT": 32520, - "Ġundifferentiated": 32521, - "erald": 32522, - "ĠCTC": 32523, - "Ġhomomorphisms": 32524, - "ĠNeonatal": 32525, - "Fin": 32526, - "rozen": 32527, - "ĠLux": 32528, - "Ġmodifier": 32529, - "ĠKA": 32530, - "osaur": 32531, - "Ġinterventional": 32532, - "ĠHapl": 32533, - "Ġluminance": 32534, - "Ġunfortunately": 32535, - "Ġsleeping": 32536, - "Ġcitrus": 32537, - "resonance": 32538, - "Ġmoss": 32539, - "ulay": 32540, - "ĠPenn": 32541, - "administration": 32542, - "ĠNGF": 32543, - "Ġsecured": 32544, - "ĠAEs": 32545, - "ĠPWM": 32546, - "occo": 32547, - "obuf": 32548, - "Ġphotocurrent": 32549, - "ĠScilabDouble": 32550, - "April": 32551, - "Ġforamin": 32552, - "Ġparalysis": 32553, - "ĠQuark": 32554, - "eqref": 32555, - "ĠBrooks": 32556, - "ĠCollision": 32557, - "War": 32558, - "Ġig": 32559, - "amylase": 32560, - "istered": 32561, - "Ġretraction": 32562, - "ĠMultiplex": 32563, - "ĠMao": 32564, - "Common": 32565, - "ĠEconomics": 32566, - "ĠCriterion": 32567, - "ĠCCC": 32568, - "ĠLei": 32569, - "Ġorthorhombic": 32570, - "Ġaliquots": 32571, - "Ġstric": 32572, - "ĠLenn": 32573, - "Ġdisclosure": 32574, - "ameth": 32575, - "Ġnormalisation": 32576, - "Ġphylogen": 32577, - "ĠQTLs": 32578, - "ĠVersus": 32579, - "ĠUtilization": 32580, - "yne": 32581, - "unted": 32582, - "ĠDuff": 32583, - "ĠGJ": 32584, - "Ġoptimised": 32585, - "iformis": 32586, - "ĠIncreases": 32587, - "ĠFDG": 32588, - "ĠBattery": 32589, - "Phe": 32590, - "ĠCCS": 32591, - "Ġchrys": 32592, - "ofen": 32593, - "Ġmulticomponent": 32594, - "discussed": 32595, - "bonding": 32596, - "oretically": 32597, - "ĠAlliance": 32598, - "Ġheadquarters": 32599, - "ĠGlasgow": 32600, - "Ġbout": 32601, - "Ġeighth": 32602, - "Ġincurred": 32603, - "ĠBarry": 32604, - "Ġquadric": 32605, - "Ġduties": 32606, - "Ġmindfulness": 32607, - "rastructural": 32608, - "Train": 32609, - "shitz": 32610, - "CDC": 32611, - "Ġdyslipidemia": 32612, - "Ġalleged": 32613, - "Ġbronze": 32614, - "Ġattainment": 32615, - "QD": 32616, - "rombin": 32617, - "Ġapolipoprotein": 32618, - "owned": 32619, - "Ġgeographically": 32620, - "working": 32621, - "ĠBlind": 32622, - "Ġdonation": 32623, - "ĠSerge": 32624, - "Ġspreads": 32625, - "ĠHeterogeneity": 32626, - "ĠFré": 32627, - "Ġdefer": 32628, - "Ġlifts": 32629, - "EGFR": 32630, - "ĠPortland": 32631, - "Ġbrothers": 32632, - "ĠTrypanosoma": 32633, - "inian": 32634, - "Ġpressed": 32635, - "Ġtransduced": 32636, - "Ġpolyn": 32637, - "Ġlisteners": 32638, - "boards": 32639, - "ĠSustainable": 32640, - "alan": 32641, - "ĠSullivan": 32642, - "Assumption": 32643, - "often": 32644, - "jp": 32645, - "orative": 32646, - "plers": 32647, - "Ġmodularity": 32648, - "ĠHermite": 32649, - "Ġhydroxyapatite": 32650, - "ĠHirsch": 32651, - "Determ": 32652, - "facing": 32653, - "irradiated": 32654, - "Ġharsh": 32655, - "Ġtolerate": 32656, - "ĠTrap": 32657, - "ĠAware": 32658, - "otax": 32659, - "ATING": 32660, - "Ġhistopathology": 32661, - "ĠIsraeli": 32662, - "clockwise": 32663, - "zig": 32664, - "ĠJC": 32665, - "ĠQuick": 32666, - "ĠSLAM": 32667, - "Ġfox": 32668, - "ĠRav": 32669, - "generating": 32670, - "Ġhematoxylin": 32671, - "yltransferase": 32672, - "Ġcorroborated": 32673, - "FDR": 32674, - "oard": 32675, - "Ġequid": 32676, - "Ġ»": 32677, - "Ġneuropsychological": 32678, - "Ġbreakup": 32679, - "Ġemphasizing": 32680, - "Ġemissivity": 32681, - "blocking": 32682, - "Ġparall": 32683, - "Ġtilting": 32684, - "Ġpeng": 32685, - "ĠScan": 32686, - "Ġionosphere": 32687, - "Ġmount": 32688, - "forest": 32689, - "Ġcallus": 32690, - "αβ": 32691, - "ĠChristmas": 32692, - "ĠMagazine": 32693, - "evaluate": 32694, - "ĠPag": 32695, - "ĠBeat": 32696, - "Ġaccumulates": 32697, - "Ġcrowding": 32698, - "unneling": 32699, - "ĠÑ": 32700, - "ĠACP": 32701, - "geometry": 32702, - "MPT": 32703, - "Ġpharmacists": 32704, - "Ġpullback": 32705, - "Ġductility": 32706, - "Supervised": 32707, - "Ġlymphoblastic": 32708, - "pea": 32709, - "typical": 32710, - "broken": 32711, - "Fc": 32712, - "Ġlining": 32713, - "ĠDum": 32714, - "Ġmultiples": 32715, - "ów": 32716, - "Ġmerits": 32717, - "Ġextinct": 32718, - "ĠNursing": 32719, - "ĠExploiting": 32720, - "ĠBhattach": 32721, - "July": 32722, - "tze": 32723, - "thromb": 32724, - "teenth": 32725, - "Ġtoxicities": 32726, - "Ġdenitrification": 32727, - "Ġexposition": 32728, - "Ġimperf": 32729, - "Ġsurname": 32730, - "pointer": 32731, - "ĠErn": 32732, - "ĠAbundance": 32733, - "ĠDunn": 32734, - "ophora": 32735, - "Ġtoolkit": 32736, - "Load": 32737, - "ĠDerivation": 32738, - "could": 32739, - "ĠCaspase": 32740, - "ĠSprague": 32741, - "ĠTrp": 32742, - "Ġbrightest": 32743, - "illard": 32744, - "Ġinterdisciplinary": 32745, - "Ġquarant": 32746, - "Ġhypersurfaces": 32747, - "eliac": 32748, - "ĠALMA": 32749, - "Ġacrylic": 32750, - "Ġgentle": 32751, - "Deep": 32752, - "ĠPandemic": 32753, - "Ġinfeasible": 32754, - "Ġradiol": 32755, - "ABP": 32756, - "Ġmesenteric": 32757, - "ylinder": 32758, - "packed": 32759, - "Ġsomatosensory": 32760, - "Ġpave": 32761, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 32762, - "Ġpharmacology": 32763, - "Ġtanh": 32764, - "ĠMtb": 32765, - "Ġchimpan": 32766, - "Ġautophagic": 32767, - "Ġwithdrawn": 32768, - "ĠMCC": 32769, - "ZF": 32770, - "ĠSpl": 32771, - "ĠLau": 32772, - "Ġbiologic": 32773, - "electrons": 32774, - "Ġunderestimation": 32775, - "Ġcharacterise": 32776, - "circular": 32777, - "ĠTHEORY": 32778, - "Brown": 32779, - "FBS": 32780, - "Jo": 32781, - "dG": 32782, - "mars": 32783, - "articular": 32784, - "ĠPren": 32785, - "ĠMSA": 32786, - "ĠItem": 32787, - "Ġsemidefinite": 32788, - "ĠGibson": 32789, - "Ġtourism": 32790, - "ĠKok": 32791, - "Ġexposing": 32792, - "Ġintravenously": 32793, - "driver": 32794, - "ĠFortunately": 32795, - "ĠSach": 32796, - "Ġcontaminant": 32797, - "Ġabrog": 32798, - "ĠEmotional": 32799, - "VALUE": 32800, - "dispersion": 32801, - "Jacobi": 32802, - "ĠImperial": 32803, - "Ion": 32804, - "Lin": 32805, - "fidelity": 32806, - "ĠBirds": 32807, - "ĠConcurrent": 32808, - "matism": 32809, - "coal": 32810, - "Ġtq": 32811, - "ĠMnO": 32812, - "Ġfossils": 32813, - "Ġtender": 32814, - "Ġrhesus": 32815, - "Ġbloom": 32816, - "abdominal": 32817, - "Ġscalp": 32818, - "Ġhomeostatic": 32819, - "ĠHunt": 32820, - "ĠPharmacokine": 32821, - "brown": 32822, - "ĠHYP": 32823, - "Ġdissociated": 32824, - "ĠSoccer": 32825, - "ĠInequality": 32826, - "maker": 32827, - "Ġshade": 32828, - "ĠZur": 32829, - "observation": 32830, - "altered": 32831, - "UU": 32832, - "Ġtheor": 32833, - "epit": 32834, - "Ġphylum": 32835, - "Ġvigorous": 32836, - "ĠACM": 32837, - "Ġmethotrexate": 32838, - "demographic": 32839, - "Ġsingly": 32840, - "ĠPhysiology": 32841, - "Ġremodelling": 32842, - "ĠKrist": 32843, - "ropies": 32844, - "flows": 32845, - "hardness": 32846, - "ighteen": 32847, - "breve": 32848, - "ĠRetinal": 32849, - "Ġscintill": 32850, - "Ġutterance": 32851, - "Ġmonolithic": 32852, - "ĠVlad": 32853, - "ĠLMC": 32854, - "ipt": 32855, - "arrows": 32856, - "ĠPublishing": 32857, - "ĠStreptomyces": 32858, - "fal": 32859, - "Ġtroposphere": 32860, - "Ben": 32861, - "candid": 32862, - "ĠSic": 32863, - "timore": 32864, - "Len": 32865, - "inen": 32866, - "ampered": 32867, - "ĠMonth": 32868, - "Ġopponent": 32869, - "August": 32870, - "Ġstaggered": 32871, - "centre": 32872, - "expect": 32873, - "Ġreddening": 32874, - "ĠTl": 32875, - "hibition": 32876, - "Ġmicroparticles": 32877, - "ĠIntrac": 32878, - "ĠInitialize": 32879, - "Ġdictated": 32880, - "Dig": 32881, - "äº": 32882, - "healing": 32883, - "ĠdV": 32884, - "Ġappetite": 32885, - "Ġunusually": 32886, - "ĠAstronomy": 32887, - "Ġware": 32888, - "Ġovercoming": 32889, - "Ġcolliders": 32890, - "ĠUSING": 32891, - "ocarditis": 32892, - "Pick": 32893, - "Ġdub": 32894, - "ĠJason": 32895, - "ĠEditor": 32896, - "ê³": 32897, - "Ġlags": 32898, - "Ġcls": 32899, - "Ġsurgically": 32900, - "ĠPVC": 32901, - "particularly": 32902, - "Ġredist": 32903, - "Ġlogics": 32904, - "skii": 32905, - "ĠDVD": 32906, - "Ġcomply": 32907, - "azi": 32908, - "ĠInteracts": 32909, - "boolean": 32910, - "ĠERP": 32911, - "ĠErr": 32912, - "otranspiration": 32913, - "ĠPérez": 32914, - "Asp": 32915, - "amiliar": 32916, - "ĠFetal": 32917, - "Ġdeclaration": 32918, - "kinson": 32919, - "tube": 32920, - "Ġphysiologically": 32921, - "cue": 32922, - "ĠEri": 32923, - "Ġenvision": 32924, - "external": 32925, - "intermediate": 32926, - "Ġshopping": 32927, - "ĠFras": 32928, - "ĠHaj": 32929, - "ĠAlger": 32930, - "Ġanthropometric": 32931, - "Ġcancelled": 32932, - "HPV": 32933, - "kers": 32934, - "afa": 32935, - "Ġvulnerabilities": 32936, - "electrolyte": 32937, - "ĠGonzalez": 32938, - "íķĺ": 32939, - "qv": 32940, - "Ġdeaf": 32941, - "Ġbutyrate": 32942, - "ĠCoefficient": 32943, - "Ġstarburst": 32944, - "Ġpolymorph": 32945, - "ĠERA": 32946, - "ĠMaximal": 32947, - "ĠMueller": 32948, - "Ġabsorbers": 32949, - "Ġarab": 32950, - "retions": 32951, - "Ġnebula": 32952, - "Ġmines": 32953, - "ен": 32954, - "%%%%%%%%%%%%%%%%": 32955, - "Ġbandpass": 32956, - "Ġpolyurethane": 32957, - "ReLU": 32958, - "ĠFerro": 32959, - "picillin": 32960, - "CAD": 32961, - "Ty": 32962, - "ĠPCD": 32963, - "ĠBAC": 32964, - "Ġplanktonic": 32965, - "Fer": 32966, - "Ġcricket": 32967, - "Ġmanure": 32968, - "ouns": 32969, - "âΧ": 32970, - "Ġtorques": 32971, - "mitian": 32972, - "Ġtion": 32973, - "ĠGarden": 32974, - "Ġfolk": 32975, - "Ġsuspicious": 32976, - "ÃĤ": 32977, - "odia": 32978, - "istencies": 32979, - "ãĢī": 32980, - "ĠInvitrogen": 32981, - "ĠSUN": 32982, - "ĠSuperior": 32983, - "Ġdiscontinuation": 32984, - "cock": 32985, - "knot": 32986, - "Ġextens": 32987, - "ĠWhitney": 32988, - "Ġharbour": 32989, - "PID": 32990, - "Ġpmol": 32991, - "olymph": 32992, - "Ġgard": 32993, - "ĠOvarian": 32994, - "Ġrepressed": 32995, - "ĠAlab": 32996, - "ĠÃĦ": 32997, - "ulex": 32998, - "ĠAustrian": 32999, - "Ġaflat": 33000, - "Ġparathyroid": 33001, - "Ġgroupoid": 33002, - "Ġdevast": 33003, - "ĠKv": 33004, - "Ġborrow": 33005, - "Ġunconventional": 33006, - "Ġborehole": 33007, - "ÑĮ": 33008, - "ĠDays": 33009, - "Ġlexic": 33010, - "Nor": 33011, - "ĠHerc": 33012, - "assays": 33013, - "Ġdrawings": 33014, - "defin": 33015, - "evoked": 33016, - "Ġȳ": 33017, - "ĠSunday": 33018, - "ĠChes": 33019, - "considered": 33020, - "opedic": 33021, - "larger": 33022, - "ominant": 33023, - "ĠBomb": 33024, - "Ġfiss": 33025, - "Ġhinge": 33026, - "ĠIonic": 33027, - "Ġdestro": 33028, - "Ġcomplementarity": 33029, - "Higgs": 33030, - "oria": 33031, - "ourcing": 33032, - "ĠXin": 33033, - "Ġworkspace": 33034, - "ĠLigand": 33035, - "Ġstruggle": 33036, - "ĠImmunohistochemical": 33037, - "Ġnick": 33038, - "ĠGuard": 33039, - "rigid": 33040, - "Ġaquaculture": 33041, - "Experiment": 33042, - "ËĪ": 33043, - "tir": 33044, - "ĠSMS": 33045, - "Ġbevacizumab": 33046, - "Ġmodulations": 33047, - "Ġgeophysical": 33048, - "Properties": 33049, - "Ġpainted": 33050, - "Ġsanc": 33051, - "Ġintimate": 33052, - "Ġnail": 33053, - "identity": 33054, - "Ġdatum": 33055, - "anthus": 33056, - "Ġdyadic": 33057, - "Ġconvincing": 33058, - "elem": 33059, - "Ġhiding": 33060, - "Ġrugby": 33061, - "ĠXe": 33062, - "ĠIssue": 33063, - "Ġvesicular": 33064, - "ĠKelvin": 33065, - "Ġdistancing": 33066, - "echnology": 33067, - "afers": 33068, - "ĠAuthentic": 33069, - "PubMed": 33070, - "Ġdeformity": 33071, - "ĠChaos": 33072, - "ĠShield": 33073, - "oxetine": 33074, - "ĠWorkers": 33075, - "ĠMOI": 33076, - "Ġdehydrated": 33077, - "ĠGastric": 33078, - "Ġmonomials": 33079, - "odox": 33080, - "ĠDublin": 33081, - "Ġleishman": 33082, - "Ġplanner": 33083, - "circle": 33084, - "Ġfractured": 33085, - "ĠLocally": 33086, - "ĠActions": 33087, - "Ġlichen": 33088, - "hannel": 33089, - "ĠTAG": 33090, - "Ġdecisive": 33091, - "ĠQM": 33092, - "Ġbiomaterials": 33093, - "ĠViruses": 33094, - "hydroxyphenyl": 33095, - "ĠIAA": 33096, - "ĠRU": 33097, - "violating": 33098, - "Ġpockets": 33099, - "chant": 33100, - "iberg": 33101, - "lectomy": 33102, - "olerae": 33103, - "Ġattracting": 33104, - "Ġketone": 33105, - "ĠCod": 33106, - "Ġmicroarrays": 33107, - "ĠMetals": 33108, - "benzoyl": 33109, - "Ġsemigroups": 33110, - "Ġreconstituted": 33111, - "sites": 33112, - "anabe": 33113, - "ĠComposites": 33114, - "Ġwildtype": 33115, - "Ġleukaemia": 33116, - "Ġmurder": 33117, - "Ġdentin": 33118, - "Hub": 33119, - "Orient": 33120, - "onn": 33121, - "synchron": 33122, - "Ġchronically": 33123, - "methyleneamino": 33124, - "Ġdopant": 33125, - "Ġfecundity": 33126, - "delete": 33127, - "remia": 33128, - "ĠNHL": 33129, - "itidis": 33130, - "Ġcopep": 33131, - "XI": 33132, - "Ġlocating": 33133, - "ĠZIKV": 33134, - "hexa": 33135, - "ĠFactorization": 33136, - "ynchus": 33137, - "Methyl": 33138, - "hagen": 33139, - "ĠPaw": 33140, - "neath": 33141, - "bsite": 33142, - "Ġtrache": 33143, - "Bre": 33144, - "uw": 33145, - "roit": 33146, - "Ġreacting": 33147, - "ĠBae": 33148, - "Ġquotients": 33149, - "Ġpins": 33150, - "ĠVARI": 33151, - "Ġequine": 33152, - "ĠRunge": 33153, - "Ġcolonial": 33154, - "measurement": 33155, - "ĠAbbott": 33156, - "Ġortho": 33157, - "Ġmetaphor": 33158, - "benzoic": 33159, - "ĠTransformers": 33160, - "Lower": 33161, - "ĠOVA": 33162, - "radial": 33163, - "Flag": 33164, - "authorbs": 33165, - "Ġtreadmill": 33166, - "Ġenterica": 33167, - "ĠJulia": 33168, - "Ġplumes": 33169, - "Ġinvoke": 33170, - "chloric": 33171, - "olino": 33172, - "Ġinterruption": 33173, - "subunit": 33174, - "ĠMDP": 33175, - "Ġmanipulator": 33176, - "ĠScales": 33177, - "ĠHTML": 33178, - "ĠFrederick": 33179, - "Garc": 33180, - "Ġbell": 33181, - "ĠRect": 33182, - "romised": 33183, - "Word": 33184, - "oples": 33185, - "operated": 33186, - "Ġcollects": 33187, - "ĠHorizon": 33188, - "Ġsafer": 33189, - "dup": 33190, - "ĠMills": 33191, - "ALP": 33192, - "Ġexopl": 33193, - "ATTR": 33194, - "wara": 33195, - "ĉĉĉĉĉĉĉ": 33196, - "Ġdebug": 33197, - "Descriptor": 33198, - "statistics": 33199, - "ĠCub": 33200, - "STER": 33201, - "ĠStabilization": 33202, - "ĠIRAS": 33203, - "Ġconformally": 33204, - "Adap": 33205, - "ÂŃ": 33206, - "ĠQS": 33207, - "Ġmicrostrip": 33208, - "Ġdelicate": 33209, - "Ġpublisher": 33210, - "Ġhos": 33211, - "ĠSv": 33212, - "ĠDesert": 33213, - "ĠGuer": 33214, - "ĠCapture": 33215, - "EBP": 33216, - "dust": 33217, - "å¤": 33218, - "ĠOls": 33219, - "Ġsuperscript": 33220, - "ĠFluctuations": 33221, - "illium": 33222, - "Ġcaption": 33223, - "Ġconcur": 33224, - "Ġquantifies": 33225, - "sterdam": 33226, - "Ġspiked": 33227, - "Nan": 33228, - "usin": 33229, - "ĠLAN": 33230, - "Ġobserves": 33231, - "ĠAla": 33232, - "ĠIntuitively": 33233, - "curr": 33234, - "Ġshrinking": 33235, - "Ġcompressibility": 33236, - "orporeal": 33237, - "Ġdebt": 33238, - "çĶ": 33239, - "ĠTil": 33240, - "ĠWAT": 33241, - "odyne": 33242, - "Ġgateway": 33243, - "Ġductile": 33244, - "ĠJesus": 33245, - "ositol": 33246, - "ĠMales": 33247, - "Ġsolvation": 33248, - "Ġdisagree": 33249, - "Ġorthologs": 33250, - "San": 33251, - "igo": 33252, - "Ġphages": 33253, - "Ġnegatives": 33254, - "Ġinterpre": 33255, - "AAA": 33256, - "Ġgratings": 33257, - "ĠMoll": 33258, - "ĠRivers": 33259, - "Ġcruzi": 33260, - "ĠGenerate": 33261, - "ĠBarbara": 33262, - "ĠHeritage": 33263, - "ĠFluorescent": 33264, - "ĠLaws": 33265, - "ArrayExpr": 33266, - "Ġmultipole": 33267, - "Ġsqueezing": 33268, - "SPSS": 33269, - "lf": 33270, - "nlm": 33271, - "Ġworn": 33272, - "ĠKuz": 33273, - "Ġgenesis": 33274, - "ĠEmperor": 33275, - "volatile": 33276, - "Ġsibling": 33277, - "ivir": 33278, - "oen": 33279, - "Ġprotost": 33280, - "Ġtransformers": 33281, - "ennium": 33282, - "Ġproposing": 33283, - "Ġbroadcasting": 33284, - "QM": 33285, - "ĠDependent": 33286, - "Ġdisable": 33287, - "ĠUAS": 33288, - "Ġwarnings": 33289, - "Ġarmed": 33290, - "Ġjournalist": 33291, - "Ġmonoclinic": 33292, - "olium": 33293, - "aping": 33294, - "toon": 33295, - "Ġorthodontic": 33296, - "ĠNormalization": 33297, - "Ġmandible": 33298, - "aban": 33299, - "ĠWak": 33300, - "extend": 33301, - "Multiple": 33302, - "investig": 33303, - "iscal": 33304, - "uttered": 33305, - "Ġburg": 33306, - "decode": 33307, - "empor": 33308, - "ĠDuration": 33309, - "anny": 33310, - "oprost": 33311, - "ĠRenormalization": 33312, - "ĠFUNCTION": 33313, - "ytorch": 33314, - "Ġsynapt": 33315, - "ĠFormat": 33316, - "ĠCRT": 33317, - "ĠJonathan": 33318, - "ĠOFF": 33319, - "orr": 33320, - "Ġresur": 33321, - "Ġcorruption": 33322, - "dwelling": 33323, - "Ġbackup": 33324, - "AGT": 33325, - "ĠSafe": 33326, - "dorfer": 33327, - "Ġataxia": 33328, - "Ġparv": 33329, - "reader": 33330, - "Ġsubtract": 33331, - "embolism": 33332, - "Ġtinnitus": 33333, - "Ġcytomegalovirus": 33334, - "Ġdeleting": 33335, - "Tex": 33336, - "ĠCSS": 33337, - "ardt": 33338, - "Ġoutgrowth": 33339, - "Ġmyocytes": 33340, - "digital": 33341, - "Ġsubscale": 33342, - "uspension": 33343, - "Ġhamster": 33344, - "Ġinflaton": 33345, - "hara": 33346, - "urches": 33347, - "ĠCLE": 33348, - "ĠYas": 33349, - "ĠEncoding": 33350, - "ĠAuger": 33351, - "Ġanastomosis": 33352, - "Agent": 33353, - "ĠSIL": 33354, - "ĠCCT": 33355, - "Ġbrine": 33356, - "Ġoligo": 33357, - "Ġfluoro": 33358, - "Ġgallery": 33359, - "ddots": 33360, - "Ġcilia": 33361, - "ĠPPV": 33362, - "ĠUTR": 33363, - "Ġintertidal": 33364, - "ocalized": 33365, - "Ġcrowds": 33366, - "odor": 33367, - "Ġcov": 33368, - "Ġnonetheless": 33369, - "Ġïģ¤": 33370, - "Ġboosted": 33371, - "ĠChakra": 33372, - "Hal": 33373, - "Pear": 33374, - "Ġimprec": 33375, - "ĠSupplement": 33376, - "goal": 33377, - "Ġôı¼ģ": 33378, - "Ġstall": 33379, - "Ġherd": 33380, - "smaller": 33381, - "Ġreconstructing": 33382, - "Ġartefacts": 33383, - "Ġteg": 33384, - "conventional": 33385, - "radical": 33386, - "Ġliteral": 33387, - "framework": 33388, - "iprocal": 33389, - "EEG": 33390, - "Ġgins": 33391, - "odermal": 33392, - "ĠAgu": 33393, - "ĠTwelve": 33394, - "Mul": 33395, - "ب": 33396, - "irl": 33397, - "ĠBelief": 33398, - "Ġincont": 33399, - "ICC": 33400, - "hexane": 33401, - "Ġejected": 33402, - "ĠPSC": 33403, - "ĠHPC": 33404, - "ĠVH": 33405, - "Ġequivalences": 33406, - "plotlib": 33407, - "enital": 33408, - "rians": 33409, - "prov": 33410, - "ĠVibr": 33411, - "Ġgrammatical": 33412, - "bachia": 33413, - "acceptable": 33414, - "odicity": 33415, - "abb": 33416, - "Ġherbs": 33417, - "Ġpredominance": 33418, - "ĠOrientation": 33419, - "Ġinvertebrate": 33420, - "Ġpelagic": 33421, - "country": 33422, - "ĠOrigins": 33423, - "ĠAdolescents": 33424, - "ĠTuning": 33425, - "rainian": 33426, - "ĠScar": 33427, - "Ġlightest": 33428, - "Ġemitters": 33429, - "ĠTsai": 33430, - "ritical": 33431, - "ĠExpert": 33432, - "authors": 33433, - "ECTION": 33434, - "ĠSeverity": 33435, - "Nam": 33436, - "publ": 33437, - "ĠAbe": 33438, - "Ġnanocrystalline": 33439, - "ĠNakamura": 33440, - "ĠPec": 33441, - "ĠBug": 33442, - "Ġsensed": 33443, - "ONS": 33444, - "ICs": 33445, - "Ġelectrochem": 33446, - "ĠROM": 33447, - "ĠRecruitment": 33448, - "Ġ⣩": 33449, - "Ġbiomolecules": 33450, - "ĠBrac": 33451, - "Ġtransposition": 33452, - "ĠWP": 33453, - "ĠOmega": 33454, - "Ġdiagon": 33455, - "platelet": 33456, - "JM": 33457, - "acre": 33458, - "ĠASR": 33459, - "ĠKath": 33460, - "Ġpriv": 33461, - "oplasts": 33462, - "Samples": 33463, - "dF": 33464, - "atti": 33465, - "ĠSanger": 33466, - "ipitated": 33467, - "Ġricher": 33468, - "ĠGRA": 33469, - "Ġplantar": 33470, - "Ġfoams": 33471, - "Ġmathematic": 33472, - "Ġstaphyl": 33473, - "ĠUptake": 33474, - "Ġcant": 33475, - "ĠSZ": 33476, - "Ġdismiss": 33477, - "Ġselections": 33478, - "plitz": 33479, - "Ġexemplified": 33480, - "Ġtorsional": 33481, - "Ev": 33482, - "Ġvoters": 33483, - "ĠNest": 33484, - "yscale": 33485, - "Ġspeci": 33486, - "Ġpolished": 33487, - "Ġlatencies": 33488, - "qing": 33489, - "Ġonwards": 33490, - "llvm": 33491, - "theorem": 33492, - "logging": 33493, - "ĠALK": 33494, - "ĠBaum": 33495, - "ĠGhosh": 33496, - "Ġchairman": 33497, - "paired": 33498, - "ĠPAP": 33499, - "notes": 33500, - "olesterolem": 33501, - "Ġestuarine": 33502, - "ĠTibetan": 33503, - "ĠVER": 33504, - "Ġchecker": 33505, - "FLAGS": 33506, - "rolimus": 33507, - "ĠMutant": 33508, - "Ġspraying": 33509, - "ĠChest": 33510, - "olinium": 33511, - "ĠTriassic": 33512, - "Ġlidar": 33513, - "Art": 33514, - "ĠMilk": 33515, - "Ġindecomposable": 33516, - "Ġrocket": 33517, - "ĠPartners": 33518, - "Ġsemantically": 33519, - "entinel": 33520, - "Large": 33521, - "Pen": 33522, - "ĠTru": 33523, - "Ġheritage": 33524, - "ĠMutual": 33525, - "ĠChemotherapy": 33526, - "Ġdoubles": 33527, - "ĠEmbedded": 33528, - "itual": 33529, - "ĠBPA": 33530, - "Ġcholerae": 33531, - "ĠInside": 33532, - "ĠKatz": 33533, - "convergence": 33534, - "Ġindividualized": 33535, - "kinje": 33536, - "Ġdiscovering": 33537, - "Ġintricate": 33538, - "Ġinland": 33539, - "RECT": 33540, - "ĠChick": 33541, - "ĠSUR": 33542, - "Ġyeasts": 33543, - "luminosity": 33544, - "Ġfain": 33545, - "ioni": 33546, - "ĠTig": 33547, - "ounder": 33548, - "Ġdeliber": 33549, - "ĠConservative": 33550, - "ĠDelhi": 33551, - "BER": 33552, - "ĠYB": 33553, - "oley": 33554, - "ĠBeau": 33555, - "TEXT": 33556, - "Ġsqueezed": 33557, - "Ġsocket": 33558, - "ĠpT": 33559, - "pyrazol": 33560, - "coefficients": 33561, - "Ġrecruiting": 33562, - "Ġducts": 33563, - "Ġfoster": 33564, - "omeration": 33565, - "ĠPSI": 33566, - "ĠDup": 33567, - "Ġks": 33568, - "ĠOptics": 33569, - "Ġliterary": 33570, - "ĠNiO": 33571, - "ĠVEGFR": 33572, - "Ġgraviton": 33573, - "Ġutterances": 33574, - "Ġbrady": 33575, - "Ġforty": 33576, - "ĠTransplantation": 33577, - "Ġagreements": 33578, - "Leftrightarrow": 33579, - "waves": 33580, - "Ġacidosis": 33581, - "Ġwooden": 33582, - "ĠCytoplasmic": 33583, - "safe": 33584, - "Ġjumping": 33585, - "ennial": 33586, - "Various": 33587, - "ĠEryth": 33588, - "ulins": 33589, - "unlock": 33590, - "methylated": 33591, - "asserstein": 33592, - "Ġheterozygosity": 33593, - "oxycycl": 33594, - "Ġcreativity": 33595, - "MPLE": 33596, - "inative": 33597, - "Ġconvolutions": 33598, - "Ġnouns": 33599, - "egan": 33600, - "ĠAbraham": 33601, - "Ġdenser": 33602, - "Che": 33603, - "lc": 33604, - "ĉĉĉĠ": 33605, - "Ġsemim": 33606, - "ĠOuter": 33607, - "Ġcand": 33608, - "odule": 33609, - "esthesia": 33610, - "ĠJoy": 33611, - "ĠProtocols": 33612, - "ĠCalculated": 33613, - "atop": 33614, - "ĠFALSE": 33615, - "Ġrefin": 33616, - "Ġmigrants": 33617, - "ĠïĤ´": 33618, - "ĠSpecificity": 33619, - "ĠFellowship": 33620, - "ĠPMT": 33621, - "Ġdisclose": 33622, - "unches": 33623, - "Ġdiatoms": 33624, - "corr": 33625, - "Ġskyrm": 33626, - "Ġrenewal": 33627, - "gcd": 33628, - "cereb": 33629, - "Ġupright": 33630, - "Ġmesoscopic": 33631, - "hydraz": 33632, - "BAS": 33633, - "FLO": 33634, - "HCC": 33635, - "Mouse": 33636, - "Ġposet": 33637, - "Ġproteinuria": 33638, - "Ġreapp": 33639, - "ĠNickel": 33640, - "Ġstripes": 33641, - "Ġripple": 33642, - "September": 33643, - "odomain": 33644, - "ĠPope": 33645, - "ĠNons": 33646, - "Ġtechnic": 33647, - "Ġneutrop": 33648, - "descriptor": 33649, - "Ġdissipated": 33650, - "Ġglaciers": 33651, - "ĠHIGH": 33652, - "ĠLav": 33653, - "retely": 33654, - "Ġbackwards": 33655, - "Ġcritics": 33656, - "ĠExtending": 33657, - "bic": 33658, - "ĠChao": 33659, - "ofibr": 33660, - "Ġcounters": 33661, - "Ġstreets": 33662, - "Ġprosthetic": 33663, - "Ġbiodegradation": 33664, - "complexity": 33665, - "ĠSPL": 33666, - "ĠCAC": 33667, - "Ġadducts": 33668, - "Ġmorphometric": 33669, - "ĠMatt": 33670, - "Ġinducer": 33671, - "Ġastrocyte": 33672, - "Ġtriplets": 33673, - "Ġpertussis": 33674, - "PES": 33675, - "idy": 33676, - "uncertain": 33677, - "Ġhyperparameter": 33678, - "ĠInfrastructure": 33679, - "ìĿĺ": 33680, - "ZW": 33681, - "Ġaddr": 33682, - "Ġdisrupts": 33683, - "Ġoverestimate": 33684, - "ĠDYNA": 33685, - "Ġvolatiles": 33686, - "emerg": 33687, - "issue": 33688, - "cpp": 33689, - "Äħ": 33690, - "ĠVIP": 33691, - "Ġuve": 33692, - "ĠCNV": 33693, - "ylethyl": 33694, - "onazole": 33695, - "ĠHiro": 33696, - "Ġcn": 33697, - "tik": 33698, - "ubted": 33699, - "ĠJacobs": 33700, - "Ġadvocated": 33701, - "ĠBifid": 33702, - "material": 33703, - "Ġstyrene": 33704, - "ĠKeller": 33705, - "rocytic": 33706, - "pinephrine": 33707, - "ĠWritten": 33708, - "ĠRecommendation": 33709, - "bled": 33710, - "ĠBootstrap": 33711, - "thirds": 33712, - "Ġcaptain": 33713, - "equals": 33714, - "SRC": 33715, - "ĠKentucky": 33716, - "Ġeosinophils": 33717, - "Average": 33718, - "Hi": 33719, - "Whe": 33720, - "ĠDAT": 33721, - "ĠUM": 33722, - "Ġtendencies": 33723, - "ĠPeterson": 33724, - "Ġoccult": 33725, - "Ġexhibition": 33726, - "ĠINS": 33727, - "Ġadipocyte": 33728, - "Just": 33729, - "hift": 33730, - "tensors": 33731, - "Ġciliary": 33732, - "ipation": 33733, - "Ġmotivations": 33734, - "Ġwitnessed": 33735, - "itches": 33736, - "ĠSoy": 33737, - "Ġgib": 33738, - "eptic": 33739, - "ĠKOH": 33740, - "Ġïģ¨": 33741, - "ĠTorres": 33742, - "ο": 33743, - "arpo": 33744, - "okinase": 33745, - "ĠBudd": 33746, - "ĠGMM": 33747, - "Ġunderpin": 33748, - "Ġoptimistic": 33749, - "ogeography": 33750, - "numerical": 33751, - "ogg": 33752, - "Ġdisequilibrium": 33753, - "Ġswab": 33754, - "EDS": 33755, - "ĠPDFs": 33756, - "ĠSupernova": 33757, - "phospho": 33758, - "Ġlysosomes": 33759, - "galactic": 33760, - "ĠPerme": 33761, - "Ġfishery": 33762, - "ĠBOLD": 33763, - "Ġunravel": 33764, - "ĠEncryption": 33765, - "JP": 33766, - "hur": 33767, - "Ġdiscount": 33768, - "ĠWatanabe": 33769, - "ĠRheumat": 33770, - "FITC": 33771, - "Ġterahertz": 33772, - "ĠFont": 33773, - "iances": 33774, - "ĠAdditive": 33775, - "ĠEither": 33776, - "metadata": 33777, - "amphetamine": 33778, - "ĠPalmer": 33779, - "Ġleveraging": 33780, - "John": 33781, - "OCT": 33782, - "infer": 33783, - "ĠMSD": 33784, - "ĠâĪĵ": 33785, - "ouver": 33786, - "ĠAndersen": 33787, - "Ġworlds": 33788, - "Ġtori": 33789, - "Ġïģ°": 33790, - "engineering": 33791, - "ĠSquadron": 33792, - "Aff": 33793, - "åı": 33794, - "oxel": 33795, - "yletic": 33796, - "ĠCharacterizing": 33797, - "VT": 33798, - "rational": 33799, - "eremia": 33800, - "Ġcomplexation": 33801, - "ĠERα": 33802, - "carboxylic": 33803, - "ïĤ·": 33804, - "Ġgalactose": 33805, - "ĠAurora": 33806, - "Ġplasminogen": 33807, - "uren": 33808, - "igne": 33809, - "Ġrepaired": 33810, - "Ġblockers": 33811, - "ĠMNIST": 33812, - "Ïħ": 33813, - "ĠAxi": 33814, - "Ġstadium": 33815, - "diethyl": 33816, - "âĢİ": 33817, - "Ġcyclotron": 33818, - "Ġlymphaden": 33819, - "Ġvin": 33820, - "ĠMayer": 33821, - "Ġendometrium": 33822, - "ĠSpherical": 33823, - "Ġpersu": 33824, - "Ġimmortal": 33825, - "benzenesulf": 33826, - "ĠÅľ": 33827, - "Ġbite": 33828, - "ugged": 33829, - "ĠDiffraction": 33830, - "GTG": 33831, - "iate": 33832, - "Ġtp": 33833, - "Ġaber": 33834, - "ĠRein": 33835, - "Program": 33836, - "Style": 33837, - "ĠRegularization": 33838, - "ĠLeukemia": 33839, - "Ġprokaryotic": 33840, - "ocomial": 33841, - "skb": 33842, - "Ġdeviates": 33843, - "Ġfuse": 33844, - "ĠNull": 33845, - "ĠïĥĹ": 33846, - "ĠOperational": 33847, - "Ġcompressor": 33848, - "ĠRydberg": 33849, - "Ġfought": 33850, - "Ġeco": 33851, - "ĠSSP": 33852, - "CDs": 33853, - "ĠMEK": 33854, - "ĠAnisotropic": 33855, - "ĠDirection": 33856, - "ĠSpectrometry": 33857, - "Ġgluten": 33858, - "ĠPowell": 33859, - "recognized": 33860, - "Ġpsychotic": 33861, - "Ġhinder": 33862, - "Ġaccommodation": 33863, - "ĠNorman": 33864, - "Qx": 33865, - "Ġperiv": 33866, - "ĠUnknown": 33867, - "Ġjoins": 33868, - "ĠMinimization": 33869, - "ĠSons": 33870, - "ĠCin": 33871, - "Ġunavoid": 33872, - "ĠPTX": 33873, - "Ġcada": 33874, - "ĠLuk": 33875, - "Ġruling": 33876, - "Ġbiphasic": 33877, - "ĠComplications": 33878, - "ĠDefects": 33879, - "Content": 33880, - "ĠGregory": 33881, - "ĠWerner": 33882, - "ĠWeibull": 33883, - "eldom": 33884, - "Ġactivators": 33885, - "GLAPI": 33886, - "mathring": 33887, - "Ġhens": 33888, - "NSC": 33889, - "however": 33890, - "ĠTME": 33891, - "mafrost": 33892, - "coefficient": 33893, - "ĠInsect": 33894, - "ĠROIs": 33895, - "ĠBorrel": 33896, - "ĠQiu": 33897, - "Ġinhaled": 33898, - "idate": 33899, - "Ġantihypertensive": 33900, - "Ġtreats": 33901, - "ĠNearly": 33902, - "succ": 33903, - "ĠOrbital": 33904, - "eradish": 33905, - "administered": 33906, - "ĠÏĤ": 33907, - "ĠColony": 33908, - "ĠâĮĬ": 33909, - "ĠIndonesian": 33910, - "ĠBauer": 33911, - "ĠKod": 33912, - "manned": 33913, - "Resistant": 33914, - "Ġdaughters": 33915, - "ĠPredicted": 33916, - "Ġvocab": 33917, - "Ġcontrasted": 33918, - "margin": 33919, - "ĠDirected": 33920, - "EDTA": 33921, - "Ġsynchrony": 33922, - "icki": 33923, - "ĠSalv": 33924, - "treat": 33925, - "incess": 33926, - "varnothing": 33927, - "Ġhexane": 33928, - "Empty": 33929, - "Ġgemcitabine": 33930, - "omib": 33931, - "orepinephrine": 33932, - "proc": 33933, - "ĠMetS": 33934, - "ĠDRAM": 33935, - "Ġanticoagulant": 33936, - "nom": 33937, - "amater": 33938, - "ĠLiDAR": 33939, - "Ġmobil": 33940, - "Ġameliorates": 33941, - "niz": 33942, - "Ġja": 33943, - "Ġemuls": 33944, - "ĠZa": 33945, - "Ġastronomical": 33946, - "ĠAlfred": 33947, - "Hilbert": 33948, - "ĠKF": 33949, - "CRT": 33950, - "quadratic": 33951, - "Ġdifferentials": 33952, - "robacterium": 33953, - "ĠHippocampal": 33954, - "pull": 33955, - "ÄĻ": 33956, - "Ġsad": 33957, - "allyl": 33958, - "Ġhotspot": 33959, - "ĠElectronics": 33960, - "Ġconstitution": 33961, - "itonin": 33962, - "اÙĦ": 33963, - "Pc": 33964, - "Ġrevascular": 33965, - "Ġusable": 33966, - "ĠScatter": 33967, - "Ġgraphically": 33968, - "liminf": 33969, - "Ġrestaurant": 33970, - "ucalyptus": 33971, - "ACG": 33972, - "Analy": 33973, - "ĠMillipore": 33974, - "Ġmunicipalities": 33975, - "ĠMacrophage": 33976, - "Ġmacromolecular": 33977, - "License": 33978, - "gc": 33979, - "Ġlavage": 33980, - "ĠAES": 33981, - "ĠFCS": 33982, - "peritone": 33983, - "Ġmeasles": 33984, - "TEX": 33985, - "ĠVirulence": 33986, - "Ġhematoma": 33987, - "ĠFres": 33988, - "ĠNutrient": 33989, - "apar": 33990, - "ĠSpot": 33991, - "coplasma": 33992, - "ĠExpect": 33993, - "Ġciprofloxacin": 33994, - "phylaxis": 33995, - "ĠAtlanta": 33996, - "routing": 33997, - "arate": 33998, - "ĠCis": 33999, - "ensure": 34000, - "carriers": 34001, - "ĠVariant": 34002, - "surgical": 34003, - "ĠEstimate": 34004, - "à¹": 34005, - "ĠLiqu": 34006, - "Ġamalg": 34007, - "Ġbla": 34008, - "Ġthematic": 34009, - "IRQ": 34010, - "ACTION": 34011, - "ĠChristi": 34012, - "æľ": 34013, - "Ġnpy": 34014, - "death": 34015, - "Ġhairpin": 34016, - "Ġmultiplicities": 34017, - "Gibco": 34018, - "heated": 34019, - "afety": 34020, - "mutable": 34021, - "quarks": 34022, - "Sun": 34023, - "ql": 34024, - "Ġproductions": 34025, - "Ġgeology": 34026, - "Ġtides": 34027, - "atrix": 34028, - "Ġadmixture": 34029, - "translated": 34030, - "ĠAbu": 34031, - "nucleus": 34032, - "Ġweaknesses": 34033, - "Ġflavors": 34034, - "ĠLuis": 34035, - "ĠPutative": 34036, - "sentence": 34037, - "ĠMast": 34038, - "ĠMPS": 34039, - "ĠESS": 34040, - "Ġcompose": 34041, - "Ġbirefring": 34042, - "ĠRamsey": 34043, - "ĠCLL": 34044, - "Ġlignocell": 34045, - "ĠLamin": 34046, - "ĠWelsh": 34047, - "von": 34048, - "Ġpests": 34049, - "Ġfiction": 34050, - "ĠHRT": 34051, - "Ġassure": 34052, - "CTs": 34053, - "ĠPAHs": 34054, - "Ġcryptography": 34055, - "enerated": 34056, - "Ġops": 34057, - "ĠSynerg": 34058, - "iginal": 34059, - "ĠCraw": 34060, - "Ġkne": 34061, - "Ġcurvatures": 34062, - "Ġlux": 34063, - "ĠKenn": 34064, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 34065, - "println": 34066, - "Ġvertebrae": 34067, - "Ġrutile": 34068, - "ĠAerosol": 34069, - "referred": 34070, - "lactamase": 34071, - "vehicle": 34072, - "adir": 34073, - "izards": 34074, - "Ġcallback": 34075, - "Cluster": 34076, - "Ġsilt": 34077, - "Ġresearched": 34078, - "ĠGenerator": 34079, - "ĠRestoration": 34080, - "ĠChin": 34081, - "ometrical": 34082, - "ĠCoefficients": 34083, - "rachid": 34084, - "Face": 34085, - "Men": 34086, - "counts": 34087, - "Ġpeg": 34088, - "Ġecl": 34089, - "Ġcomedy": 34090, - "ĠLn": 34091, - "obuty": 34092, - "ĠSharing": 34093, - "Ġadequacy": 34094, - "urtosis": 34095, - "ĠPicard": 34096, - "Ġfestival": 34097, - "Ġdisposition": 34098, - "ĠComplement": 34099, - "ĠExclusion": 34100, - "Ġdextran": 34101, - "mons": 34102, - "ĠInterpolation": 34103, - "ĠSteven": 34104, - "Ġcelebrated": 34105, - "ĠhPa": 34106, - "ofrequency": 34107, - "Ġexceptionally": 34108, - "Ġenergetically": 34109, - "psychotic": 34110, - "Landau": 34111, - "Tuple": 34112, - "distributions": 34113, - "ĠRichards": 34114, - "Ġpolyps": 34115, - "ĠAbsence": 34116, - "Ġceleb": 34117, - "XG": 34118, - "Ġsimulates": 34119, - "mitters": 34120, - "Ġheatmap": 34121, - "ĠSDN": 34122, - "ĠSteps": 34123, - "Ġshallower": 34124, - "ĠTurbulent": 34125, - "YT": 34126, - "Ġnal": 34127, - "plicative": 34128, - "phae": 34129, - "ĠLeica": 34130, - "ĠAPPRO": 34131, - "Ġarrhythmia": 34132, - "Ġrewriting": 34133, - "Ġunsafe": 34134, - "Ġcoworkers": 34135, - "ĠGAD": 34136, - "ivol": 34137, - "Ġdisrupting": 34138, - "ĠUltraviolet": 34139, - "eree": 34140, - "ĠLopez": 34141, - "Ġnegation": 34142, - "Ġjaponica": 34143, - "ecessor": 34144, - "ĠPatch": 34145, - "Ġsoap": 34146, - "ĠYing": 34147, - "MSK": 34148, - "Ġtracheal": 34149, - "icos": 34150, - "Ġvp": 34151, - "FAIL": 34152, - "Ġcatabolism": 34153, - "solver": 34154, - "font": 34155, - "esp": 34156, - "ĠZou": 34157, - "Ġdarker": 34158, - "Ġlysozyme": 34159, - "covered": 34160, - "Ġmultitude": 34161, - "requently": 34162, - "Ġmetamorph": 34163, - "Ġchapters": 34164, - "hh": 34165, - "chl": 34166, - "redundant": 34167, - "acking": 34168, - "Ġentail": 34169, - "ĠPacket": 34170, - "ĠHabitat": 34171, - "imedia": 34172, - "ĠCof": 34173, - "phrase": 34174, - "Ġcloth": 34175, - "arsal": 34176, - "Ġdrums": 34177, - "TPUT": 34178, - "Args": 34179, - "ductory": 34180, - "ĠUltimately": 34181, - "icates": 34182, - "antigen": 34183, - "Though": 34184, - "ĠFlore": 34185, - "probs": 34186, - "Ġcirculatory": 34187, - "ĠContemporary": 34188, - "eplitz": 34189, - "Ġhatch": 34190, - "rized": 34191, - "ĠKop": 34192, - "mitting": 34193, - "Ġhyperspectral": 34194, - "ĠAbst": 34195, - "SIM": 34196, - "Ġfruitful": 34197, - "Ġrecipe": 34198, - "Ġimidazole": 34199, - "Ġsynonymous": 34200, - "Ġattribution": 34201, - "ĠMartÃŃnez": 34202, - "ĠRodrÃŃguez": 34203, - "particular": 34204, - "ĠInteracting": 34205, - "Conf": 34206, - "ORE": 34207, - "ĠTMA": 34208, - "ucidation": 34209, - "Ġbiochemistry": 34210, - "ĠLevy": 34211, - "Ġconcentrates": 34212, - "Ġinductor": 34213, - "Ġpyrophosph": 34214, - "Ġrespondent": 34215, - "Zhang": 34216, - "Ġrope": 34217, - "Ġdesignation": 34218, - "ĠClim": 34219, - "Ġconstrains": 34220, - "shelf": 34221, - "ĠdÏĥ": 34222, - "ĠTLC": 34223, - "ĠAhar": 34224, - "ĠMatch": 34225, - "ĠMOL": 34226, - "Ġfees": 34227, - "wealth": 34228, - "Ġhyperactivity": 34229, - "ĠBruker": 34230, - "ĠFreund": 34231, - "dichlorophenyl": 34232, - "rero": 34233, - "ĠFear": 34234, - "dotsc": 34235, - "Ġhyg": 34236, - "ĠTexture": 34237, - "Tak": 34238, - "ampled": 34239, - "Ġalgeb": 34240, - "subt": 34241, - "Ġdocumentary": 34242, - "ĠJE": 34243, - "CNS": 34244, - "Ġdeclar": 34245, - "Height": 34246, - "Ki": 34247, - "enoid": 34248, - "ĠCervical": 34249, - "fractory": 34250, - "Ġplanted": 34251, - "IFI": 34252, - "Ġconceptually": 34253, - "Ġfillers": 34254, - "icola": 34255, - "lean": 34256, - "Ġclump": 34257, - "Ġwriters": 34258, - "Generally": 34259, - "Ġost": 34260, - "opening": 34261, - "CLASS": 34262, - "Ġherpesvirus": 34263, - "Instit": 34264, - "Ġdrinks": 34265, - "ĠIntensive": 34266, - "Ġmusician": 34267, - "Ġanchors": 34268, - "Series": 34269, - "ĠFAM": 34270, - "ĠBott": 34271, - "ĠECC": 34272, - "Ġinversions": 34273, - "Ġacres": 34274, - "Ġswabs": 34275, - "ĠÍī": 34276, - "ĠBerkeley": 34277, - "Ġplum": 34278, - "Ġempower": 34279, - "Ġphotoemission": 34280, - "ĠRabi": 34281, - "East": 34282, - "Taylor": 34283, - "OSE": 34284, - "Ġdenied": 34285, - "ĠHTTP": 34286, - "MU": 34287, - "hew": 34288, - "Ġthri": 34289, - "ĠCERN": 34290, - "Ġsuffice": 34291, - "functionalized": 34292, - "Ġcrabs": 34293, - "Ġidempotent": 34294, - "Ġpostulate": 34295, - "ĠCBF": 34296, - "discrim": 34297, - "Character": 34298, - "ĠRecombination": 34299, - "Cache": 34300, - "omit": 34301, - "ĠAda": 34302, - "Ġcursor": 34303, - "EMT": 34304, - "Ġmesoscale": 34305, - "guide": 34306, - "Hyper": 34307, - "Ġht": 34308, - "renes": 34309, - "ussen": 34310, - "whereas": 34311, - "Ġintegrator": 34312, - "Ġsyncy": 34313, - "arous": 34314, - "Ġcounteract": 34315, - "halose": 34316, - "ĠNotation": 34317, - "ĠRelevance": 34318, - "vf": 34319, - "Ġinbred": 34320, - "Ġrecirc": 34321, - "Ġende": 34322, - "Ġpresidential": 34323, - "Ġlactose": 34324, - "acional": 34325, - "ospi": 34326, - "ĠVGG": 34327, - "oselectivity": 34328, - "ĠConfig": 34329, - "Ġfingerprints": 34330, - "Interface": 34331, - "purple": 34332, - "etus": 34333, - "ĠNin": 34334, - "ĠKras": 34335, - "ĠReports": 34336, - "ĠSeattle": 34337, - "ADC": 34338, - "Ġlipoproteins": 34339, - "cyclohexyl": 34340, - "opressin": 34341, - "Ġwavefront": 34342, - "tetrazol": 34343, - "thys": 34344, - "Ġdivor": 34345, - "aminophen": 34346, - "ĠPerry": 34347, - "ĠConsiderations": 34348, - "ĠHalo": 34349, - "Ġreflexive": 34350, - "thiazolidin": 34351, - "oxycycline": 34352, - "CW": 34353, - "odim": 34354, - "ĠChong": 34355, - "Ġequilibrated": 34356, - "rime": 34357, - "ymology": 34358, - "Ġdevoid": 34359, - "rigel": 34360, - "amatergic": 34361, - "Ġidentifications": 34362, - "Ġcontrollability": 34363, - "ecticut": 34364, - "ĠSynchronization": 34365, - "ulatus": 34366, - "Ġcorrelating": 34367, - "Ġmuons": 34368, - "Ġcompartmental": 34369, - "Ġinhomogeneities": 34370, - "Ġevacuation": 34371, - "respiratory": 34372, - "dimethoxy": 34373, - "Ġinterferometric": 34374, - "Ġastronomy": 34375, - "ZD": 34376, - "ĦĦ": 34377, - "elia": 34378, - "bler": 34379, - "Ġpioneering": 34380, - "Ġpits": 34381, - "Ġmansoni": 34382, - "ĠCOND": 34383, - "Ġcodeword": 34384, - "imura": 34385, - "ĠDopamine": 34386, - "ĠGiov": 34387, - "ĠCameroon": 34388, - "Sem": 34389, - "dong": 34390, - "otto": 34391, - "emies": 34392, - "Ġinterquartile": 34393, - "llbracket": 34394, - "otropies": 34395, - "Ġhappening": 34396, - "ĠPalm": 34397, - "Ġstuff": 34398, - "Ġparking": 34399, - "egal": 34400, - "ĠCOP": 34401, - "Ġorganizing": 34402, - "Ġpolyhedral": 34403, - "Ġprovenance": 34404, - "Js": 34405, - "chains": 34406, - "egu": 34407, - "mercap": 34408, - "leveland": 34409, - "Ġerythroid": 34410, - "ymptomatic": 34411, - "Ġzigzag": 34412, - "Ġinferring": 34413, - "Ġapprox": 34414, - "Ġdownlink": 34415, - "ĠDeficiency": 34416, - "rbracket": 34417, - "ĠTIM": 34418, - "STS": 34419, - "ainen": 34420, - "Ġunloading": 34421, - "ĠXP": 34422, - "ĠWhilst": 34423, - "ĠIDH": 34424, - "ĠTIMP": 34425, - "rrbracket": 34426, - "acities": 34427, - "Ġwhale": 34428, - "ĠWAR": 34429, - "Ġinfl": 34430, - "ĠPresentation": 34431, - "authorbsnm": 34432, - "Ġbactericidal": 34433, - "SPEC": 34434, - "Ġdysregulated": 34435, - "ĠICAM": 34436, - "nano": 34437, - "Ġwafers": 34438, - "ĠMUC": 34439, - "Ġalien": 34440, - "chke": 34441, - "Ġslabs": 34442, - "Ġbacking": 34443, - "nsis": 34444, - "Ġbalances": 34445, - "ethane": 34446, - "Linked": 34447, - "Chen": 34448, - "Hymenoptera": 34449, - "itations": 34450, - "ĠOUT": 34451, - "transplant": 34452, - "conditioned": 34453, - "ĠBenefits": 34454, - "Tyr": 34455, - "atmosp": 34456, - "ĠAdhesion": 34457, - "Ġthorac": 34458, - "activator": 34459, - "Ġphosphatidylinositol": 34460, - "Ġreportedly": 34461, - "ĠCLASS": 34462, - "Ġrenewed": 34463, - "ĠPharmacological": 34464, - "Ġminimise": 34465, - "glucosidase": 34466, - "adenosyl": 34467, - "Ġovip": 34468, - "initializer": 34469, - "Ġforage": 34470, - "rms": 34471, - "ĠImag": 34472, - "ĠAnnexin": 34473, - "ĠVehicles": 34474, - "Ġfles": 34475, - "sta": 34476, - "ĠGBS": 34477, - "ĠChat": 34478, - "measurements": 34479, - "ĠAuditory": 34480, - "Cut": 34481, - "Fv": 34482, - "Ġmaker": 34483, - "application": 34484, - "Ġreversing": 34485, - "Ġstip": 34486, - "Ġfaecalis": 34487, - "icycle": 34488, - "Ġtrimmed": 34489, - "Ġexacerbation": 34490, - "Ġtranscranial": 34491, - "ĠMomentum": 34492, - "Ġfc": 34493, - "ĠFOV": 34494, - "Ġangina": 34495, - "Ġnanostructure": 34496, - "Ġantagonism": 34497, - "ĠLEDs": 34498, - "ìĹIJ": 34499, - "Ġfals": 34500, - "aporation": 34501, - "ĠInvasive": 34502, - "ĠKm": 34503, - "ertation": 34504, - "Ġharness": 34505, - "Ġfertile": 34506, - "ĠTRUE": 34507, - "Ġshelter": 34508, - "ĠWolbachia": 34509, - "shoot": 34510, - "Ġsess": 34511, - "ĠHous": 34512, - "ĠAce": 34513, - "ĠCML": 34514, - "Ġproactive": 34515, - "Ġshots": 34516, - "Ġcoup": 34517, - "restling": 34518, - "uniformly": 34519, - "yam": 34520, - "olase": 34521, - "ĠICS": 34522, - "ĠEbola": 34523, - "rolling": 34524, - "trunc": 34525, - "ĠRepresentatives": 34526, - "Ġgrasping": 34527, - "ĠAnomaly": 34528, - "ĠMine": 34529, - "ĠMPO": 34530, - "leright": 34531, - "Ġinstitute": 34532, - "Ġsugarcane": 34533, - "ÑĢа": 34534, - "Ġoccluded": 34535, - "ĠMagellanic": 34536, - "BEC": 34537, - "Wi": 34538, - "oA": 34539, - "Ġgapped": 34540, - "ĠPRC": 34541, - "ĠMAE": 34542, - "Ġmusicians": 34543, - "ĠSignificantly": 34544, - "Ġforthcoming": 34545, - "Ġacclimation": 34546, - "required": 34547, - "verbal": 34548, - "ĠFX": 34549, - "ĠMLE": 34550, - "Ġcompass": 34551, - "ĠMultimodal": 34552, - "Grant": 34553, - "Ġtvb": 34554, - "Instruction": 34555, - "Ġsenses": 34556, - "urbed": 34557, - "hamn": 34558, - "Ġframed": 34559, - "Ġurothel": 34560, - "orin": 34561, - "seal": 34562, - "Ġflasks": 34563, - "shops": 34564, - "Ġwheels": 34565, - "ĠRadon": 34566, - "ĠPlanetary": 34567, - "Ġhedge": 34568, - "Ġdk": 34569, - "Ġevidently": 34570, - "threads": 34571, - "Ġtad": 34572, - "elim": 34573, - "imov": 34574, - "istem": 34575, - "andi": 34576, - "Ġleisure": 34577, - "ostom": 34578, - "Ġcaring": 34579, - "ĠSmoking": 34580, - "Ġcompetitors": 34581, - "AFS": 34582, - "xl": 34583, - "ĠSatur": 34584, - "ĠFerg": 34585, - "Ġchin": 34586, - "ĠCDR": 34587, - "ĠSOM": 34588, - "osaccharide": 34589, - "MODEL": 34590, - "ECC": 34591, - "Ġdas": 34592, - "agonist": 34593, - "stery": 34594, - "Ġrelays": 34595, - "zek": 34596, - "Ġneoplasm": 34597, - "Chip": 34598, - "Ġgill": 34599, - "lamed": 34600, - "cerning": 34601, - "Ġinconsistencies": 34602, - "aceans": 34603, - "ĠAdri": 34604, - "ĠAfghan": 34605, - "Ġniches": 34606, - "Ġtunnelling": 34607, - "gus": 34608, - "ĠIan": 34609, - "Ġburial": 34610, - "Transform": 34611, - "ocompatible": 34612, - "Ġseldom": 34613, - "Ġdisclosed": 34614, - "âĪķ": 34615, - "Ġrefining": 34616, - "Ġtyph": 34617, - "Ġcooperate": 34618, - "Ġasphalt": 34619, - "ĠConstitution": 34620, - "flavor": 34621, - "Ġwarp": 34622, - "ż": 34623, - "Ġcraw": 34624, - "ĠIndigenous": 34625, - "ĠPrevent": 34626, - "Ġtrigeminal": 34627, - "ĠFriedrich": 34628, - "ĠInterferon": 34629, - "iosity": 34630, - "warm": 34631, - "uson": 34632, - "Ġunderlies": 34633, - "Ġmultiplets": 34634, - "ĠSUPER": 34635, - "ĠManufacturing": 34636, - "Ġvimentin": 34637, - "ramine": 34638, - "Ġefficacious": 34639, - "iced": 34640, - "ĠVall": 34641, - "othorax": 34642, - "Ġaudi": 34643, - "Qs": 34644, - "ĠPAL": 34645, - "ĠHold": 34646, - "hattan": 34647, - "idding": 34648, - "wana": 34649, - "Ġpending": 34650, - "Ġperennial": 34651, - "Ġtouching": 34652, - "xpected": 34653, - "Distance": 34654, - "nav": 34655, - "Ġisomeric": 34656, - "ĠMCI": 34657, - "numbers": 34658, - "Ġreverses": 34659, - "Ġpolycystic": 34660, - "Hem": 34661, - "uities": 34662, - "optional": 34663, - "Ġsubcortical": 34664, - "ĠSupply": 34665, - "ĠCalder": 34666, - "Ġmangrove": 34667, - "Ġpads": 34668, - "urfaces": 34669, - "ĠFaster": 34670, - "Ġunderneath": 34671, - "Ġprolactin": 34672, - "Ġclearer": 34673, - "Ġscintillation": 34674, - "Ġhumidified": 34675, - "ĠWound": 34676, - "ĠHPA": 34677, - "Ġcollapsing": 34678, - "Ġbaryonic": 34679, - "ĠMEASU": 34680, - "ĠGü": 34681, - "Ġdetr": 34682, - "Ġsubstituent": 34683, - "ĠRomania": 34684, - "ĠInvolved": 34685, - "Ġduodenal": 34686, - "ĠAmp": 34687, - "ĠSIS": 34688, - "scher": 34689, - "auth": 34690, - "ĠRespond": 34691, - "ĠRanking": 34692, - "trip": 34693, - "xF": 34694, - "istin": 34695, - "Ġpauc": 34696, - "reflection": 34697, - "Ġcornea": 34698, - "Ġbolus": 34699, - "Ġpivot": 34700, - "October": 34701, - "ĠSERS": 34702, - "ĠXing": 34703, - "ANET": 34704, - "Chinese": 34705, - "ĠMusc": 34706, - "Dynamic": 34707, - "Mesh": 34708, - "Ġdiphosphate": 34709, - "Ġconspecific": 34710, - "lector": 34711, - "ĠEcu": 34712, - "ĠCoverage": 34713, - "ĠãĢĪ": 34714, - "COD": 34715, - "among": 34716, - "Ġposit": 34717, - "imumab": 34718, - "ĠpN": 34719, - "Ġcoaching": 34720, - "exports": 34721, - "Ġrealm": 34722, - "ĠFerreira": 34723, - "Ġnationally": 34724, - "Ġturtle": 34725, - "ubtedly": 34726, - "ĠDraft": 34727, - "Ġendl": 34728, - "ĠContinuum": 34729, - "embeddings": 34730, - "Ġá¹½": 34731, - "ĠCrime": 34732, - "Ġimmigration": 34733, - "ĠFilip": 34734, - "Ġgarnet": 34735, - "Ġobscure": 34736, - "ĠTYPE": 34737, - "Ġultrastructural": 34738, - "caemia": 34739, - "ĠSeman": 34740, - "rink": 34741, - "tiff": 34742, - "uccal": 34743, - "kee": 34744, - "itudinally": 34745, - "ĠAlloy": 34746, - "ĠAnalyzer": 34747, - "continue": 34748, - "ĠAlabama": 34749, - "QOL": 34750, - "Ġpollin": 34751, - "Ġcorrespondences": 34752, - "ĠResol": 34753, - "FIR": 34754, - "ulare": 34755, - "tawa": 34756, - "URCE": 34757, - "Ġurbanization": 34758, - "zd": 34759, - "Ġgloss": 34760, - "ERA": 34761, - "ĠDetermine": 34762, - "Date": 34763, - "ĠPSP": 34764, - "ĠShig": 34765, - "repta": 34766, - "ĠGait": 34767, - "neutrino": 34768, - "Ġpervasive": 34769, - "ĠâĢ¢âĢ¢âĢ¢": 34770, - "Ġhomozyg": 34771, - "Ġadaptively": 34772, - "graphic": 34773, - "ĠJohnston": 34774, - "zt": 34775, - "explicit": 34776, - "Ġhelmin": 34777, - "Ġpes": 34778, - "ARF": 34779, - "ĠFram": 34780, - "ĠAmsterdam": 34781, - "Ġlogarithms": 34782, - "ĠCreative": 34783, - "PageIndex": 34784, - "Ġpacing": 34785, - "ĠPCS": 34786, - "Ġforebrain": 34787, - "ĠCTCF": 34788, - "decomposition": 34789, - "Ġbearings": 34790, - "Ġanhydrous": 34791, - "Ġcb": 34792, - "ĠMON": 34793, - "ĠNodes": 34794, - "strum": 34795, - "ĠJans": 34796, - "Ġdelineate": 34797, - "Ġdichroism": 34798, - "conformal": 34799, - "Ġretreat": 34800, - "glial": 34801, - "Ġnuclease": 34802, - "ĠBaltimore": 34803, - "Ġpaying": 34804, - "Ġboreal": 34805, - "tipation": 34806, - "Root": 34807, - "SQL": 34808, - "sources": 34809, - "endo": 34810, - "ĠOrion": 34811, - "Plus": 34812, - "ĠDEL": 34813, - "ĠThan": 34814, - "Ġmonoph": 34815, - "Ġreflector": 34816, - "Ze": 34817, - "ĠLinking": 34818, - "sync": 34819, - "ĠCREB": 34820, - "national": 34821, - "urized": 34822, - "ĠPeptides": 34823, - "ĠBegin": 34824, - "borg": 34825, - "piperidyl": 34826, - "Ġoverestimation": 34827, - "RGB": 34828, - "TK": 34829, - "Ġbeings": 34830, - "Ġattains": 34831, - "Ġreservation": 34832, - "ĠMotivation": 34833, - "Ġtrimethyl": 34834, - "ĠTerminal": 34835, - "Ġintentional": 34836, - "Negative": 34837, - "ĠCronbach": 34838, - "dorferi": 34839, - "Daw": 34840, - "VAR": 34841, - "dP": 34842, - "imath": 34843, - "overex": 34844, - "Ġfibrotic": 34845, - "Ġsmartphones": 34846, - "Ġontologies": 34847, - "Good": 34848, - "utively": 34849, - "ĠVB": 34850, - "SPE": 34851, - "ĠMcDonald": 34852, - "galaxies": 34853, - "Ġbiochar": 34854, - "ĠEMS": 34855, - "ĠNf": 34856, - "orship": 34857, - "Ġbackscattering": 34858, - "Ġп": 34859, - "Ġanthocyanin": 34860, - "ĠPhoenix": 34861, - "contained": 34862, - "ĠPSII": 34863, - "hlung": 34864, - "ĠLAI": 34865, - "Ġlectures": 34866, - "Ġdispatch": 34867, - "VF": 34868, - "ĠMEC": 34869, - "ĠWes": 34870, - "Ġbackscatter": 34871, - "otite": 34872, - "ĠSRC": 34873, - "Ġcurrency": 34874, - "onyms": 34875, - "aspartate": 34876, - "Ġcoset": 34877, - "ĠCPP": 34878, - "orbing": 34879, - "ĠEmbeddings": 34880, - "ĠSurveys": 34881, - "Ġneurodevelopmental": 34882, - "ĠSRE": 34883, - "ĠInterior": 34884, - "ĠARDS": 34885, - "experiments": 34886, - "bromophenyl": 34887, - "ĠECL": 34888, - "ĠOPE": 34889, - "mediation": 34890, - "Ġthermoc": 34891, - "Ġinterpretable": 34892, - "ĠMicrobiome": 34893, - "eastern": 34894, - "¿": 34895, - "ĠTDP": 34896, - "athon": 34897, - "ĠByzantine": 34898, - "anyon": 34899, - "Ġepitaxy": 34900, - "Ġcriticized": 34901, - "Millipore": 34902, - "ĠDEP": 34903, - "ĠFreedom": 34904, - "junctions": 34905, - "ĠASM": 34906, - "ĠGren": 34907, - "Ġsigning": 34908, - "Ġconstituting": 34909, - "oproterozoic": 34910, - "ĠSynech": 34911, - "ĠVoice": 34912, - "Ġcholecyst": 34913, - "bilities": 34914, - "online": 34915, - "ĠEdd": 34916, - "ĠKup": 34917, - "ĠLett": 34918, - "ĠMarin": 34919, - "ĠGoal": 34920, - "ĠSYM": 34921, - "introduced": 34922, - "naphthyl": 34923, - "ĠLü": 34924, - "Ġmx": 34925, - "Ġblu": 34926, - "Ġrm": 34927, - "ĠDeletion": 34928, - "ĠConnecticut": 34929, - "Coleoptera": 34930, - "try": 34931, - "Ġsoot": 34932, - "ĠCountries": 34933, - "Ġsickle": 34934, - "Meta": 34935, - "ĠSib": 34936, - "ĠHNO": 34937, - "ĠUD": 34938, - "Ġexpr": 34939, - "Ġallowable": 34940, - "ĠIndirect": 34941, - "tisation": 34942, - "Ġadenomas": 34943, - "electronics": 34944, - "RNN": 34945, - "ĠTCF": 34946, - "Ġglucagon": 34947, - "ĠCitation": 34948, - "Ġgamb": 34949, - "andez": 34950, - "Ġtransmits": 34951, - "ajima": 34952, - "Ġholonomy": 34953, - "ìł": 34954, - "actam": 34955, - "ĠThreat": 34956, - "ĠPearl": 34957, - "Ġeruptions": 34958, - "ĠImmunohistochemistry": 34959, - "Yes": 34960, - "patrick": 34961, - "Ġama": 34962, - "Ġdrew": 34963, - "ĠTasks": 34964, - "ĠPIM": 34965, - "Ġdispat": 34966, - "ĠDetroit": 34967, - "Ġcoexist": 34968, - "arboxylase": 34969, - "IBM": 34970, - "ĠTUNEL": 34971, - "ĠUF": 34972, - "ĠANG": 34973, - "Ġsarcopenia": 34974, - "Ġhaptic": 34975, - "Ġcarbonates": 34976, - "Ġmitophagy": 34977, - "Ġcitizen": 34978, - "ĠCONTROL": 34979, - "fif": 34980, - "Ġwi": 34981, - "ĠGLO": 34982, - "ensored": 34983, - "ĠPara": 34984, - "ĠAbdel": 34985, - "oietin": 34986, - "Ġtoe": 34987, - "ĠSQU": 34988, - "ĠRag": 34989, - "Ġxylem": 34990, - "Ġliberal": 34991, - "ĠMargaret": 34992, - "Wa": 34993, - "kp": 34994, - "ĠPEM": 34995, - "ĠDDR": 34996, - "Ġgenotypic": 34997, - "ĠYM": 34998, - "INGS": 34999, - "keras": 35000, - "ĠEducational": 35001, - "ĠCultures": 35002, - "instr": 35003, - "ĠFuchs": 35004, - "agasc": 35005, - "factant": 35006, - "Ġtenth": 35007, - "ABL": 35008, - "Ġpermeable": 35009, - "ĠCameron": 35010, - "BrN": 35011, - "ĠMuller": 35012, - "ĠReversible": 35013, - "wild": 35014, - "Ġfusions": 35015, - "osulf": 35016, - "ĠEoS": 35017, - "ĠKö": 35018, - "detected": 35019, - "ĠCollagen": 35020, - "Ġdescendants": 35021, - "election": 35022, - "arange": 35023, - "Ġbounce": 35024, - "Ġcontag": 35025, - "Invalid": 35026, - "ĠCoating": 35027, - "tasks": 35028, - "arma": 35029, - "ĠKC": 35030, - "Ġdiar": 35031, - "ĠSuppress": 35032, - "Ġfractionated": 35033, - "Ġsnail": 35034, - "Ġmicrophone": 35035, - "ĠScienti": 35036, - "Ġchemiluminescence": 35037, - "software": 35038, - "Ġburgdorferi": 35039, - "Ġboot": 35040, - "ĠCSCs": 35041, - "ĠMSI": 35042, - "tsev": 35043, - "Ġheater": 35044, - "fractal": 35045, - "Ġendosomes": 35046, - "Uniform": 35047, - "Ġathlete": 35048, - "ĠDriven": 35049, - "Ġvivax": 35050, - "Kind": 35051, - "satisfies": 35052, - "Ġcorticosteroid": 35053, - "ĠEstablishment": 35054, - "calibration": 35055, - "Ġdimeric": 35056, - "Ġcereal": 35057, - "ĠSupervised": 35058, - "ĠSPM": 35059, - "MBER": 35060, - "Ġhemispheres": 35061, - "Ġpercentiles": 35062, - "Leu": 35063, - "Major": 35064, - "Ġexagger": 35065, - "ĠdsRNA": 35066, - "December": 35067, - "ĠZrO": 35068, - "Ġasymmetrical": 35069, - "ĠVAS": 35070, - "ĠJM": 35071, - "Ġintegrations": 35072, - "Ġhandover": 35073, - "Cycl": 35074, - "implant": 35075, - "Ġquote": 35076, - "Ġcyclone": 35077, - "ĠStephan": 35078, - "ĠFranco": 35079, - "Ġawake": 35080, - "Ġfeeder": 35081, - "CHAR": 35082, - "Condition": 35083, - "ĠCharl": 35084, - "ĠBrigade": 35085, - "Ġremediation": 35086, - "cig": 35087, - "ĠBohr": 35088, - "ĠVacuum": 35089, - "ĠToxoplasma": 35090, - "Ġghrelin": 35091, - "ĠTRAF": 35092, - "aye": 35093, - "Client": 35094, - "iliation": 35095, - "xyz": 35096, - "mingham": 35097, - "ĠSUB": 35098, - "ïĢł": 35099, - "Ġconversions": 35100, - "Ġmultipath": 35101, - "missive": 35102, - "Ġeqn": 35103, - "bulk": 35104, - "myc": 35105, - "Ġexacerbated": 35106, - "ت": 35107, - "Ġproteinase": 35108, - "Ġbuilder": 35109, - "ahara": 35110, - "Ġinvert": 35111, - "ĠReception": 35112, - "axanthin": 35113, - "Ġprimed": 35114, - "Ġcopula": 35115, - "Ġproceedings": 35116, - "Ġnondegenerate": 35117, - "Ġintox": 35118, - "Ġneedles": 35119, - "lengths": 35120, - "Ġtransposon": 35121, - "hon": 35122, - "ĠTPC": 35123, - "pland": 35124, - "oxyn": 35125, - "ICH": 35126, - "Ġintrauterine": 35127, - "Ġlaminated": 35128, - "ĠOBSERV": 35129, - "Match": 35130, - "ĠInsur": 35131, - "ĠAmyloid": 35132, - "Ġwarped": 35133, - "ematical": 35134, - "ĠPractices": 35135, - "ãģ®": 35136, - "ĠBrassica": 35137, - "Ġhyperthermia": 35138, - "Ġdn": 35139, - "ĠLIF": 35140, - "ĠMetropolitan": 35141, - "ĠBrdU": 35142, - "impact": 35143, - "filtered": 35144, - "ĠReagent": 35145, - "vp": 35146, - "ĠTip": 35147, - "ĠProportional": 35148, - "Ġbloodstream": 35149, - "Simple": 35150, - "Ġtyros": 35151, - "ĠHenri": 35152, - "Ġretrotrans": 35153, - "aciens": 35154, - "Ġmistakes": 35155, - "acylglycerol": 35156, - "ĠMirror": 35157, - "VERSION": 35158, - "vre": 35159, - "Ġbact": 35160, - "ocked": 35161, - "epsis": 35162, - "Ġsonication": 35163, - "ĠPurkinje": 35164, - "Ġmismatches": 35165, - "ĠAOD": 35166, - "Ġhypergraph": 35167, - "ĠMiami": 35168, - "ammed": 35169, - "Ġconversely": 35170, - "ĠGabor": 35171, - "ĠGDM": 35172, - "Ġcoiled": 35173, - "onica": 35174, - "Ġevolutions": 35175, - "ĠRBM": 35176, - "ĠReef": 35177, - "ĠAbram": 35178, - "ĠPrecise": 35179, - "increase": 35180, - "ĠPlatelet": 35181, - "Generator": 35182, - "Arch": 35183, - "ĠBened": 35184, - "preceq": 35185, - "measurable": 35186, - "CAS": 35187, - "ĠTourn": 35188, - "Ġgiants": 35189, - "Ġeddies": 35190, - "Ġcolumnar": 35191, - "aggregation": 35192, - "Ġzirconia": 35193, - "ducibility": 35194, - "Ġservo": 35195, - "Ġbeauty": 35196, - "Ġheap": 35197, - "ĠâĪĴâĪĴâĪĴ": 35198, - "Ġconductivities": 35199, - "Ġdarkness": 35200, - "Ġoccupying": 35201, - "ĠClean": 35202, - "bash": 35203, - "ulans": 35204, - "appy": 35205, - "ĠMarker": 35206, - "runtime": 35207, - "Ġhaemoglobin": 35208, - "Ġdesktop": 35209, - "mis": 35210, - "ĠSof": 35211, - "osse": 35212, - "Ġcomoving": 35213, - "Ġclutter": 35214, - "ourced": 35215, - "Ġsubj": 35216, - "arching": 35217, - "ĠSolomon": 35218, - "locking": 35219, - "Ġparap": 35220, - "Ġrotator": 35221, - "ĠACKNOWLEDGMENTS": 35222, - "Ter": 35223, - "yster": 35224, - "ĠWebb": 35225, - "Ġsubsample": 35226, - "osilicate": 35227, - "Training": 35228, - "orpha": 35229, - "Ġtimeout": 35230, - "otinamide": 35231, - "ĠFabry": 35232, - "ĠReceiver": 35233, - "Ġconjunctiv": 35234, - "ĠEcuador": 35235, - "ĠIda": 35236, - "Ġcasein": 35237, - "Ġïģ¸": 35238, - "ĠBarn": 35239, - "ĠSchools": 35240, - "elona": 35241, - "dip": 35242, - "ĠChrys": 35243, - "ICI": 35244, - "Ġposteriori": 35245, - "Ġbleaching": 35246, - "ĠPersonality": 35247, - "umbers": 35248, - "ĠModes": 35249, - "Ġnotification": 35250, - "Ġsupine": 35251, - "alued": 35252, - "keep": 35253, - "ĠFranz": 35254, - "Ġwounded": 35255, - "YL": 35256, - "Ġdilemma": 35257, - "ĠClara": 35258, - "ĠCarroll": 35259, - "Ġsickness": 35260, - "Ġproxies": 35261, - "ecks": 35262, - "ĠÏ«": 35263, - "Ġplanting": 35264, - "Ġciphertext": 35265, - "ĠFamilies": 35266, - "iesel": 35267, - "Ġincongru": 35268, - "ĠExcitation": 35269, - "Ġconferred": 35270, - "ĠButter": 35271, - "Impl": 35272, - "collision": 35273, - "idol": 35274, - "Ġacquires": 35275, - "ĠOwen": 35276, - "SAM": 35277, - "ĠGUT": 35278, - "lects": 35279, - "Ġdeleg": 35280, - "Shot": 35281, - "Ġanthrac": 35282, - "Russian": 35283, - "ĠPCE": 35284, - "ĠâĥĹ": 35285, - "ĠKab": 35286, - "NAC": 35287, - "Ġargparse": 35288, - "ĠViol": 35289, - "Ġanticoagulation": 35290, - "Ġcredibility": 35291, - "Ġrotavirus": 35292, - "ĠInvest": 35293, - "Ġrecol": 35294, - "variety": 35295, - "Ġdeformable": 35296, - "Ġenergetics": 35297, - "Ġconsultations": 35298, - "letics": 35299, - "ĠFoss": 35300, - "ĠLIGO": 35301, - "php": 35302, - "ĠChal": 35303, - "ĠMalawi": 35304, - "Ġstrokes": 35305, - "horm": 35306, - "Ġbs": 35307, - "Ġplural": 35308, - "strategy": 35309, - "Ġmisalignment": 35310, - "previous": 35311, - "filters": 35312, - "ĠDemographics": 35313, - "deterministic": 35314, - "Ġcyclophosphamide": 35315, - "Ġstreak": 35316, - "ĠBiosynthesis": 35317, - "Ġsubcutaneously": 35318, - "jn": 35319, - "Ġampicillin": 35320, - "ĠChag": 35321, - "iformes": 35322, - "IFICATION": 35323, - "Ġyourself": 35324, - "Ġtolerability": 35325, - "Ġautocl": 35326, - "rhs": 35327, - "Ġpupils": 35328, - "Ġgauged": 35329, - "Lay": 35330, - "ĠSanti": 35331, - "ĠDBP": 35332, - "ĠGary": 35333, - "drive": 35334, - "Ġtrustworth": 35335, - "Ġcontingency": 35336, - "Cube": 35337, - "Host": 35338, - "fu": 35339, - "Ġhsa": 35340, - "issner": 35341, - "ITT": 35342, - "ĠSrTiO": 35343, - "Ġcounselling": 35344, - "integrable": 35345, - "Ġunderway": 35346, - "Ġstandardised": 35347, - "bius": 35348, - "Firstly": 35349, - "Ġporphyrin": 35350, - "Area": 35351, - "iw": 35352, - "Ġub": 35353, - "ĠLynch": 35354, - "ĠWBC": 35355, - "ilden": 35356, - "Ġhomeless": 35357, - "Ġmagnetosphere": 35358, - "Ġnighttime": 35359, - "ncbi": 35360, - "Ġdownt": 35361, - "lethal": 35362, - "Ġinterim": 35363, - "ĠResil": 35364, - "Ġcontinually": 35365, - "ĠImmunofluorescence": 35366, - "Design": 35367, - "Ġadvocate": 35368, - "reptavidin": 35369, - "fw": 35370, - "story": 35371, - "ĠPSS": 35372, - "Ġfiled": 35373, - "Ġbedrock": 35374, - "Ġisoflurane": 35375, - "Ġreluct": 35376, - "eward": 35377, - "ĠIndependence": 35378, - "ĠBurkholder": 35379, - "Ġcinn": 35380, - "Ġcaptive": 35381, - "Ġcomposing": 35382, - "Ġrestraint": 35383, - "Ġquestionable": 35384, - "ĠTomato": 35385, - "Ġzeroth": 35386, - "rins": 35387, - "omez": 35388, - "Ġglia": 35389, - "ĠGlac": 35390, - "Independent": 35391, - "Ġobjectively": 35392, - "pA": 35393, - "Ġfavoring": 35394, - "ipelago": 35395, - "Ġincontinence": 35396, - "bium": 35397, - "ĠLZ": 35398, - "ĠLed": 35399, - "hexyl": 35400, - "Ġceased": 35401, - "Ġoleic": 35402, - "ĠImpairment": 35403, - "Ñĸ": 35404, - "ongo": 35405, - "Ġrunner": 35406, - "Ġcucumber": 35407, - "ĠPerform": 35408, - "Ġdoublets": 35409, - "Ġeigenfunction": 35410, - "Ġ̺": 35411, - "ĠHenderson": 35412, - "Klein": 35413, - "Tab": 35414, - "Ġbeer": 35415, - "ocom": 35416, - "unciation": 35417, - "------": 35418, - "ĠTSC": 35419, - "ogas": 35420, - "Ġrud": 35421, - "Ġincis": 35422, - "ĠLOG": 35423, - "FBQ": 35424, - "Ġinterconnection": 35425, - "î": 35426, - "arbox": 35427, - "ĠIBS": 35428, - "ĠNCT": 35429, - "ĠGand": 35430, - "Ġyaw": 35431, - "ĠTransverse": 35432, - "ĠSudan": 35433, - "Ġconstriction": 35434, - "Hor": 35435, - "Ġevasion": 35436, - "Ġmeromorphic": 35437, - "ĠPBMC": 35438, - "IUM": 35439, - "reed": 35440, - "ĠBö": 35441, - "ĠEMB": 35442, - "ukh": 35443, - "Ġwinners": 35444, - "Ġascites": 35445, - "Mes": 35446, - "Ġeclipse": 35447, - "ĠEocene": 35448, - "adiazol": 35449, - "Ġrecoveries": 35450, - "Starting": 35451, - "rema": 35452, - "ĠÃİ": 35453, - "monotonic": 35454, - "ĠMeOH": 35455, - "ĠFlood": 35456, - "Ġwatching": 35457, - "GTP": 35458, - "iel": 35459, - "müller": 35460, - "åħ": 35461, - "Ġpolyphenol": 35462, - "ĠLMI": 35463, - "redit": 35464, - "therm": 35465, - "Ġneurite": 35466, - "Quantum": 35467, - "rachlor": 35468, - "ĠRubin": 35469, - "Ġbfnm": 35470, - "Are": 35471, - "arachn": 35472, - "Ġduck": 35473, - "ĠTrajectory": 35474, - "ĠNitric": 35475, - "lv": 35476, - "uid": 35477, - "imag": 35478, - "ĠMULT": 35479, - "Ġgenre": 35480, - "arie": 35481, - "Ġtrifluor": 35482, - "ĠCorpus": 35483, - "oliosis": 35484, - "ĠCCK": 35485, - "Kit": 35486, - "father": 35487, - "Ġtennis": 35488, - "itsch": 35489, - "HCV": 35490, - "lantic": 35491, - "ĠAQ": 35492, - "izu": 35493, - "astatin": 35494, - "othio": 35495, - "ĠAnatomy": 35496, - "Ġáŀ": 35497, - "globulin": 35498, - "Ġinterpol": 35499, - "Ġtunnels": 35500, - "Ġnatri": 35501, - "imed": 35502, - "ĠDew": 35503, - "Ġsubscripts": 35504, - "tites": 35505, - "Ġhistologically": 35506, - "Opt": 35507, - "xn": 35508, - "Ġresampling": 35509, - "aney": 35510, - "Ġtrast": 35511, - "Ġsinensis": 35512, - "Ġsenescent": 35513, - "Fast": 35514, - "Ġhampered": 35515, - "Ġblocker": 35516, - "ushima": 35517, - "Ġhospitalizations": 35518, - "Lim": 35519, - "oons": 35520, - "ÿ": 35521, - "ĠAPS": 35522, - "ĠYok": 35523, - "ĠZam": 35524, - "Ġexperimenter": 35525, - "ĠDisks": 35526, - "Ġà¬": 35527, - "ĠScop": 35528, - "ĠAph": 35529, - "ĠParents": 35530, - "ĠPlots": 35531, - "ĠCONT": 35532, - "ĠÐĪ": 35533, - "Ġhomologue": 35534, - "ĠCooling": 35535, - "reth": 35536, - "Ġovari": 35537, - "ĠTamil": 35538, - "vrule": 35539, - "ĠPCP": 35540, - "arious": 35541, - "Active": 35542, - "oprotection": 35543, - "ĠAlfv": 35544, - "Ġinfra": 35545, - "ĠCoherence": 35546, - "closures": 35547, - "hydroxymethyl": 35548, - "EH": 35549, - "Ġmaser": 35550, - "ĠNIST": 35551, - "leck": 35552, - "concat": 35553, - "Ġtraine": 35554, - "Ġmixes": 35555, - "Ġribosomes": 35556, - "lia": 35557, - "puls": 35558, - "Ġascer": 35559, - "ĠBanks": 35560, - "ellin": 35561, - "applied": 35562, - "Ġclips": 35563, - "Ġmetap": 35564, - "Ġcopro": 35565, - "Ġepidid": 35566, - "ĠEpidemiological": 35567, - "ĠNicholas": 35568, - "ĠKings": 35569, - "Ġlarva": 35570, - "BsAg": 35571, - "ĠSánchez": 35572, - "ĠâĪİ": 35573, - "AMD": 35574, - "ĠHao": 35575, - "ĠBillboard": 35576, - "ĠAboriginal": 35577, - "Ġnylon": 35578, - "ĠNAN": 35579, - "cores": 35580, - "ĠCrop": 35581, - "Ġcommittees": 35582, - "Ġdihedral": 35583, - "ĠJuli": 35584, - "ĠAndy": 35585, - "hydration": 35586, - "corresponds": 35587, - "Mut": 35588, - "Ġtorn": 35589, - "ĠFEV": 35590, - "Ġxs": 35591, - "amphen": 35592, - "Ġsummarization": 35593, - "ĠErg": 35594, - "ËĨ": 35595, - "ĠJunction": 35596, - "ancouver": 35597, - "ĠExamining": 35598, - "ĠMarco": 35599, - "Pointer": 35600, - "Ġscarcity": 35601, - "uncing": 35602, - "Ġbijective": 35603, - "ĠMaine": 35604, - "ĠRHIC": 35605, - "Ġtowers": 35606, - "Ġgentamicin": 35607, - "Ġtonic": 35608, - "ĠkT": 35609, - "Ġclimbing": 35610, - "Ġrecruits": 35611, - "ĠHotel": 35612, - "ĠJews": 35613, - "ĠRUNX": 35614, - "Ġaustenite": 35615, - "ĠOfficer": 35616, - "inent": 35617, - "ucc": 35618, - "ĠBidirectional": 35619, - "Ġmayor": 35620, - "ĠAssays": 35621, - "ĠERG": 35622, - "SNPs": 35623, - "dine": 35624, - "China": 35625, - "starting": 35626, - "Ġirrational": 35627, - "ĠDIFFE": 35628, - "Ġmilliseconds": 35629, - "Lik": 35630, - "inone": 35631, - "ĠâģĦ": 35632, - "Ġconspicuous": 35633, - "Ġsurplus": 35634, - "ĠXiong": 35635, - "Ġupgrade": 35636, - "Ġtimep": 35637, - "ĠÄĮ": 35638, - "TeV": 35639, - "orbidities": 35640, - "invalid": 35641, - "Ġvide": 35642, - "terra": 35643, - "Ġantin": 35644, - "emens": 35645, - "ocese": 35646, - "ĠKI": 35647, - "Ġevolutionarily": 35648, - "Ker": 35649, - "ĠLES": 35650, - "clamp": 35651, - "Ġslowed": 35652, - "glycoprotein": 35653, - "entieth": 35654, - "Ġabroad": 35655, - "Ġinterpolating": 35656, - "Ġcatalyze": 35657, - "ĠBelgian": 35658, - "Ġphotographed": 35659, - "Ġpector": 35660, - "ĠSIV": 35661, - "ĠELECT": 35662, - "Ġdesal": 35663, - "oneph": 35664, - "ĠClos": 35665, - "Ġaffordable": 35666, - "birds": 35667, - "gom": 35668, - "Ġrr": 35669, - "Ġuni": 35670, - "ĠGenus": 35671, - "ĠRegge": 35672, - "ĠMultidimensional": 35673, - "Ġpsychopathology": 35674, - "Ġcertification": 35675, - "Pattern": 35676, - "ĠTower": 35677, - "Ġstern": 35678, - "Ġsublattice": 35679, - "Ġgrat": 35680, - "Ġlyrics": 35681, - "fmt": 35682, - "oceptive": 35683, - "ĠdP": 35684, - "ĠHolmes": 35685, - "Ġbudgets": 35686, - "Ġeutectic": 35687, - "ĠPv": 35688, - "ĠGott": 35689, - "Ġdisinfection": 35690, - "Ġretinoic": 35691, - "ĠObst": 35692, - "Ġreplen": 35693, - "Ġâĸł": 35694, - "Kutta": 35695, - "Please": 35696, - "ĠCAG": 35697, - "ĠStir": 35698, - "speaking": 35699, - "Ġinsecticides": 35700, - "ĠFungi": 35701, - "Hod": 35702, - "RON": 35703, - "coil": 35704, - "ĠVisible": 35705, - "Ġinception": 35706, - "ĠeGFR": 35707, - "Ġreionization": 35708, - "Ġdomination": 35709, - "ĠMetro": 35710, - "Ġswept": 35711, - "MDS": 35712, - "Ġsubsidence": 35713, - "ĠFalls": 35714, - "ĠDrum": 35715, - "ĠConserved": 35716, - "ĠMyers": 35717, - "Ġadaptability": 35718, - "Ġlyophil": 35719, - "ulina": 35720, - "arelli": 35721, - "ocycles": 35722, - "ĠSOA": 35723, - "ĠdsDNA": 35724, - "ĠCEO": 35725, - "Ġanchoring": 35726, - "Ġdeactivation": 35727, - "yler": 35728, - "Ġinterestingly": 35729, - "Ġiliac": 35730, - "ĠBorg": 35731, - "ĠPTC": 35732, - "ocyanin": 35733, - "Ġunused": 35734, - "ĠCarrier": 35735, - "Which": 35736, - "Ġintervening": 35737, - "Ġprivile": 35738, - "hit": 35739, - "Ġcheaper": 35740, - "ĠCyclin": 35741, - "plying": 35742, - "ĠCleveland": 35743, - "ĠHahn": 35744, - "Ġagglut": 35745, - "ĠAnch": 35746, - "ĠRedox": 35747, - "Will": 35748, - "ĠLinn": 35749, - "rones": 35750, - "ĠNewcastle": 35751, - "ĠExpected": 35752, - "ĠOpportunities": 35753, - "ĠLarger": 35754, - "Ġleach": 35755, - "Ġpepper": 35756, - "Sha": 35757, - "sector": 35758, - "you": 35759, - "Ġreplications": 35760, - "cholesterolem": 35761, - "ĠInvasion": 35762, - "Ġbony": 35763, - "ĠHuber": 35764, - "thend": 35765, - "Ġrealised": 35766, - "Ġinvestments": 35767, - "Cataly": 35768, - "ĠWitt": 35769, - "ĠKai": 35770, - "Ġetched": 35771, - "ĠSTEM": 35772, - "Ġexcludes": 35773, - "Exec": 35774, - "ĠStrongly": 35775, - "ĠSymposium": 35776, - "ĠTuberculosis": 35777, - "ilance": 35778, - "ĠRIS": 35779, - "apia": 35780, - "ensated": 35781, - "neb": 35782, - "ĠChains": 35783, - "Ġenthus": 35784, - "quadrup": 35785, - "decl": 35786, - "Ġbinned": 35787, - "Ġsynergistically": 35788, - "Ġgauges": 35789, - "whether": 35790, - "disease": 35791, - "Western": 35792, - "Ġhypothermia": 35793, - "ĠGardner": 35794, - "Ġaberration": 35795, - "Rod": 35796, - "Íĺ": 35797, - "Ġfd": 35798, - "Ġstood": 35799, - "Ġconditionally": 35800, - "Ġthrombol": 35801, - "PSC": 35802, - "Ġmk": 35803, - "ĠTER": 35804, - "odds": 35805, - "ĠKri": 35806, - "ĠIVF": 35807, - "Ġmites": 35808, - "ĠCHE": 35809, - "Ġqq": 35810, - "ĠInfants": 35811, - "ĠCharlot": 35812, - "becco": 35813, - "etom": 35814, - "ĠCDS": 35815, - "Ġarchaeal": 35816, - "ĠHNSCC": 35817, - "Ġmonodromy": 35818, - "amphenicol": 35819, - "apers": 35820, - "reactivity": 35821, - "Ġunderm": 35822, - "Internal": 35823, - "ĠLandsat": 35824, - "German": 35825, - "Ġcervix": 35826, - "idazole": 35827, - "ĠSketch": 35828, - "ĠLAM": 35829, - "ĠNerve": 35830, - "ĠTeh": 35831, - "Ġmussel": 35832, - "з": 35833, - "ĠMicroarray": 35834, - "wei": 35835, - "Ġwhey": 35836, - "Ġmixer": 35837, - "Ġreconfigurable": 35838, - "Ġvasculitis": 35839, - "Ġkwargs": 35840, - "Ġreus": 35841, - "correlations": 35842, - "Ġwoody": 35843, - "carbonate": 35844, - "ectomized": 35845, - "Ġretrans": 35846, - "Ġcytometric": 35847, - "ĠWildlife": 35848, - "ĠAnswering": 35849, - "Ġpencil": 35850, - "ĠDAS": 35851, - "akrish": 35852, - "CEPT": 35853, - "ĠÄĿ": 35854, - "ĠPersian": 35855, - "converting": 35856, - "Ġcater": 35857, - "Ġmeanwhile": 35858, - "TPA": 35859, - "Ġrum": 35860, - "ĠGros": 35861, - "upe": 35862, - "Ġregurg": 35863, - "Ġpenalties": 35864, - "Positive": 35865, - "****************************************************************************": 35866, - "XF": 35867, - "eenth": 35868, - "ĠCory": 35869, - "odulation": 35870, - "Ġquorum": 35871, - "codes": 35872, - "aram": 35873, - "ĠTSA": 35874, - "ĠPn": 35875, - "âĪij": 35876, - "prison": 35877, - "Ġconfidentiality": 35878, - "EPS": 35879, - "Xiv": 35880, - "iensis": 35881, - "estones": 35882, - "ĠZag": 35883, - "Ġpredecessor": 35884, - "Ġprize": 35885, - "Ġâݨ": 35886, - "steroidal": 35887, - "opard": 35888, - "Ġimpractical": 35889, - "Ġdemonstrations": 35890, - "Ġpredisposition": 35891, - "Ġkk": 35892, - "Ġmodifiers": 35893, - "Ġpreca": 35894, - "Ġexecutes": 35895, - "Ġbinning": 35896, - "Ġpedig": 35897, - "ĠKLF": 35898, - "ĠSkeletal": 35899, - "ĠCIN": 35900, - "atured": 35901, - "Ġdecomposes": 35902, - "Ġaphid": 35903, - "Bern": 35904, - "Pur": 35905, - "ĠEPO": 35906, - "merge": 35907, - "ĠCOSM": 35908, - "amyloid": 35909, - "monia": 35910, - "ĠScores": 35911, - "ĠRegistration": 35912, - "ĠAgrobacterium": 35913, - "Ġenterprises": 35914, - "locality": 35915, - "ĠITO": 35916, - "Ġtess": 35917, - "Ġfcc": 35918, - "ĠNc": 35919, - "Ġcoaxial": 35920, - "ĠAdvant": 35921, - "APC": 35922, - "ĠDemand": 35923, - "adjust": 35924, - "Points": 35925, - "Ġheterostructure": 35926, - "iffiffiffiffiffiffiffiffiffiffiffiffiffiffiffiff": 35927, - "DQ": 35928, - "Ġtensions": 35929, - "abund": 35930, - "ĠHutch": 35931, - "brew": 35932, - "Ġvitreous": 35933, - "ĠEZH": 35934, - "Ġmerc": 35935, - "Ġdebated": 35936, - "Ġpalate": 35937, - "ocolate": 35938, - "Ġevapotranspiration": 35939, - "ĠẼ": 35940, - "ĠHoffman": 35941, - "ĠGALAXIES": 35942, - "CAL": 35943, - "caps": 35944, - "legal": 35945, - "died": 35946, - "ĠIsolates": 35947, - "Ġaggrav": 35948, - "qs": 35949, - "ĠICT": 35950, - "Ġseals": 35951, - "Ġspinel": 35952, - "ĠGeor": 35953, - "Blue": 35954, - "Ġureter": 35955, - "spline": 35956, - "ĠIntroducing": 35957, - "thendieck": 35958, - "opper": 35959, - "Ġafterglow": 35960, - "Ġendosomal": 35961, - "Ġrealizes": 35962, - "solving": 35963, - "Ġmistake": 35964, - "ĠAtheros": 35965, - "ĠSBS": 35966, - "ĠRut": 35967, - "exist": 35968, - "Prof": 35969, - "ĠNeisser": 35970, - "MSG": 35971, - "ĠEarlier": 35972, - "ĠdT": 35973, - "ĠSpread": 35974, - "ĠReflection": 35975, - "secondary": 35976, - "approximate": 35977, - "Ġnigra": 35978, - "Solution": 35979, - "anone": 35980, - "ĠItems": 35981, - "Ġwavelets": 35982, - "ĠSoluble": 35983, - "Ġcircularly": 35984, - "ĠCUDA": 35985, - "Ġregenerated": 35986, - "SPI": 35987, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 35988, - "aturing": 35989, - "REQ": 35990, - "Ġinteroper": 35991, - "reev": 35992, - "ONT": 35993, - "ischen": 35994, - "ĠChoosing": 35995, - "phosphorylated": 35996, - "áĪ": 35997, - "Ġdress": 35998, - "ĠConform": 35999, - "Ġrememb": 36000, - "Ġischaemic": 36001, - "Basic": 36002, - "ĠPang": 36003, - "Ġcrit": 36004, - "ĠOrn": 36005, - "Ġgm": 36006, - "ĠFog": 36007, - "ĠBd": 36008, - "racheal": 36009, - "Ġphenols": 36010, - "ĠDistingu": 36011, - "Ġâİ©": 36012, - "ĠGRBs": 36013, - "ĠCeO": 36014, - "ĠBiomass": 36015, - "Ġaptamer": 36016, - "visc": 36017, - "hetically": 36018, - "Ġsid": 36019, - "omeg": 36020, - "Ġproportionality": 36021, - "ÃŃs": 36022, - "toplasmic": 36023, - "ĠConnected": 36024, - "Ġlaminin": 36025, - "strahlung": 36026, - "ĠLad": 36027, - "TRAN": 36028, - "är": 36029, - "Ġbasalt": 36030, - "ĠCurvature": 36031, - "Ġmitigating": 36032, - "opaedic": 36033, - "ĠMuhammad": 36034, - "CAR": 36035, - "Gi": 36036, - "Ġetch": 36037, - "hair": 36038, - "Ġpurine": 36039, - "Ġbenchmarking": 36040, - "reich": 36041, - "Ġmethicillin": 36042, - "âĪ¥": 36043, - "Ġmanages": 36044, - "solvent": 36045, - "ĠShao": 36046, - "hc": 36047, - "Ġstruck": 36048, - "Ġnucleosome": 36049, - "ĠPublication": 36050, - "Metric": 36051, - "Ġwines": 36052, - "ĠMBL": 36053, - "ĠHub": 36054, - "ĠAssistant": 36055, - "Ġreliance": 36056, - "Ġrouters": 36057, - "ĠHerz": 36058, - "ĠTobacco": 36059, - "rogram": 36060, - "ĠHSD": 36061, - "ĠLBP": 36062, - "Ġinflection": 36063, - "school": 36064, - "Ġsponsored": 36065, - "ĠCenozoic": 36066, - "Ġentertainment": 36067, - "atian": 36068, - "architecture": 36069, - "browse": 36070, - "REC": 36071, - "isture": 36072, - "ĠCholesterol": 36073, - "ĠSimplified": 36074, - "Ġpolypeptides": 36075, - "Ġpunctures": 36076, - "arachnoid": 36077, - "Self": 36078, - "Ġanorexia": 36079, - "ĠOle": 36080, - "ĉĉĠĠĠĠ": 36081, - "GBT": 36082, - "Ġcardiomyocyte": 36083, - "ĠFloquet": 36084, - "analog": 36085, - "Ġsensitized": 36086, - "ĠCephe": 36087, - "catch": 36088, - "chial": 36089, - "Ġceremony": 36090, - "Ġterat": 36091, - "Ġameliorate": 36092, - "olysin": 36093, - "etooth": 36094, - "akin": 36095, - "haem": 36096, - "Ġentropies": 36097, - "Ġargu": 36098, - "Ġcopied": 36099, - "lington": 36100, - "ĠHerpes": 36101, - "ĠSchwann": 36102, - "yk": 36103, - "ĠCEA": 36104, - "ĠICH": 36105, - "Ġwrink": 36106, - "Ġrunners": 36107, - "Ġgalvan": 36108, - "Ġconsolidated": 36109, - "ĠâĢ¡": 36110, - "ĠClassic": 36111, - "Ġepidemiologic": 36112, - "ĠDriving": 36113, - "Ġtrastuzumab": 36114, - "CYP": 36115, - "NCT": 36116, - "tability": 36117, - "Ġslee": 36118, - "ĠNeck": 36119, - "Ġassesses": 36120, - "Ġsymmetrically": 36121, - "ĠPotts": 36122, - "ĠRibosomal": 36123, - "diction": 36124, - "gall": 36125, - "ĠAcceleration": 36126, - "CLA": 36127, - "ACTER": 36128, - "xed": 36129, - "Ġgeriatric": 36130, - "threonine": 36131, - "Ġabort": 36132, - "Ġartem": 36133, - "ĠDisney": 36134, - "ĠCorrespondence": 36135, - "Ġrent": 36136, - "ĠNUM": 36137, - "ĠChun": 36138, - "ĠRecogn": 36139, - "Ġcrystallized": 36140, - "Ġcontradicting": 36141, - "visors": 36142, - "malignant": 36143, - "rophysiology": 36144, - "Infrared": 36145, - "gz": 36146, - "Ġsublim": 36147, - "omatosis": 36148, - "osyltransferase": 36149, - "Ġholography": 36150, - "orenstein": 36151, - "¾±": 36152, - "ĠSebas": 36153, - "accum": 36154, - "Upper": 36155, - "antenna": 36156, - "Ġblur": 36157, - "Ġsmell": 36158, - "Ġthreefold": 36159, - "ĠPlayers": 36160, - "Ġalleviated": 36161, - "Bin": 36162, - "Ġninet": 36163, - "ĠDna": 36164, - "Ġgeneralizing": 36165, - "Ġbreakage": 36166, - "ĠMorrison": 36167, - "macro": 36168, - "Reader": 36169, - "ogravimetric": 36170, - "Ġdh": 36171, - "lew": 36172, - "xton": 36173, - "Ġdeceleration": 36174, - "ĠCorrelated": 36175, - "ĠLegion": 36176, - "Ġgambling": 36177, - "Binding": 36178, - "ĠInAs": 36179, - "lowering": 36180, - "Ġeuthanized": 36181, - "ĠDallas": 36182, - "ĠDw": 36183, - "ĠDijk": 36184, - "ĠPolic": 36185, - "ĠTIME": 36186, - "ĠHEL": 36187, - "ĠLanguages": 36188, - "Ġparabol": 36189, - "porating": 36190, - "Ġfrustration": 36191, - "μM": 36192, - "balls": 36193, - "ĠArmstrong": 36194, - "Ġcontractility": 36195, - "Ġmetalloproteinases": 36196, - "americ": 36197, - "ĠZak": 36198, - "ĠCosts": 36199, - "Alex": 36200, - "dog": 36201, - "pw": 36202, - "ĠTight": 36203, - "ĠAnterior": 36204, - "Ġpeaking": 36205, - "Ġnegativity": 36206, - "Ġhydride": 36207, - "ĠLiv": 36208, - "Ġsterilized": 36209, - "Ġverbatim": 36210, - "Alternatively": 36211, - "REQU": 36212, - "ĠTyphimurium": 36213, - "ĠWeinberg": 36214, - "DSC": 36215, - "rq": 36216, - "Ġcorrug": 36217, - "Ġmicrons": 36218, - "coord": 36219, - "ioid": 36220, - "sat": 36221, - "Ġflocc": 36222, - "ĠAccelerated": 36223, - "Ġsixteen": 36224, - "absence": 36225, - "ĠSpeaker": 36226, - "omological": 36227, - "ĠApr": 36228, - "Ġmatroid": 36229, - "tight": 36230, - "ogenetically": 36231, - "rump": 36232, - "ĠInhibits": 36233, - "ĠOlympus": 36234, - "Ġpossession": 36235, - "Ġsupervisor": 36236, - "Ġconcise": 36237, - "optimized": 36238, - "vivo": 36239, - "Ġstepped": 36240, - "ocyanine": 36241, - "Five": 36242, - "anas": 36243, - "arten": 36244, - "ĠCaco": 36245, - "Ġsolutes": 36246, - "ITAL": 36247, - "ĠReddy": 36248, - "Ġwarping": 36249, - "Ġoligomer": 36250, - "Ġcapped": 36251, - "Ġvoted": 36252, - "ĠRico": 36253, - "ĠTrem": 36254, - "Ġlime": 36255, - "ĠISP": 36256, - "ĠLayers": 36257, - "skin": 36258, - "ranged": 36259, - "áz": 36260, - "Ġbioactivity": 36261, - "Ġdurable": 36262, - "Ġhn": 36263, - "ĠCAB": 36264, - "Ġva": 36265, - "ĠUWB": 36266, - "ĠStuart": 36267, - "Ġlengthy": 36268, - "Ġinvasiveness": 36269, - "ĠâĩĶ": 36270, - "joining": 36271, - "ĠRBCs": 36272, - "Ġresilient": 36273, - "ĠManipulation": 36274, - "Germ": 36275, - "contribution": 36276, - "Ġqualify": 36277, - "ĠDashed": 36278, - "Ġaccelerations": 36279, - "ĠCytochrome": 36280, - "Ġcircumstellar": 36281, - "cavity": 36282, - "Ġanatase": 36283, - "ĠDevi": 36284, - "Ġpursu": 36285, - "ĠMicroRNAs": 36286, - "Ġnorthward": 36287, - "Ġsunflower": 36288, - "ĠEntertainment": 36289, - "Pacific": 36290, - "ĠHolographic": 36291, - "uj": 36292, - "erell": 36293, - "methanol": 36294, - "Surface": 36295, - "opositive": 36296, - "Ġthreatening": 36297, - "Ġtranscend": 36298, - "Depend": 36299, - "Ġqi": 36300, - "tised": 36301, - "ĠBristol": 36302, - "ummation": 36303, - "Ġextractor": 36304, - "Ġfavoured": 36305, - "ĠPyro": 36306, - "ĠEngineers": 36307, - "flatten": 36308, - "tolerance": 36309, - "Ġxt": 36310, - "ĠTot": 36311, - "Ġtestbed": 36312, - "ICU": 36313, - "ĠSwarm": 36314, - "Ġinternationally": 36315, - "Ġantine": 36316, - "ĠInsurance": 36317, - "bai": 36318, - "nh": 36319, - "Ñĭ": 36320, - "osac": 36321, - "ĠLec": 36322, - "thor": 36323, - "Ġoutermost": 36324, - "Ġdoors": 36325, - "Ġbiometric": 36326, - "glutamate": 36327, - "ĠWoods": 36328, - "ĠMunich": 36329, - "uximab": 36330, - "places": 36331, - "Ġamyotrophic": 36332, - "ĠParam": 36333, - "ĠChristensen": 36334, - "Age": 36335, - "enne": 36336, - "Ġanim": 36337, - "Ġrecrystallization": 36338, - "ĠPropositions": 36339, - "Ġsnails": 36340, - "Secondly": 36341, - "ĠPUFA": 36342, - "France": 36343, - "Src": 36344, - "vitro": 36345, - "omass": 36346, - "uru": 36347, - "ĠLever": 36348, - "ectonic": 36349, - "embl": 36350, - "PCL": 36351, - "Ġcoordinator": 36352, - "ĠFoxp": 36353, - "ĠBirmingham": 36354, - "ĠLiberal": 36355, - "Ġcruise": 36356, - "Ġiθ": 36357, - "Ġsymp": 36358, - "azaki": 36359, - "ĠParse": 36360, - "Ġhydrologic": 36361, - "Ġprolongation": 36362, - "ĠHayes": 36363, - "Ġsubmuc": 36364, - "Ġagglomeration": 36365, - "ARE": 36366, - "ĠFMR": 36367, - "ĠLomb": 36368, - "mathchar": 36369, - "Ġstructuring": 36370, - "Ġelectrophoretic": 36371, - "Ġdiminishing": 36372, - "Ġbrake": 36373, - "chenko": 36374, - "ĠPereira": 36375, - "lens": 36376, - "Ġbackend": 36377, - "Ġillustrations": 36378, - "Ġdemanded": 36379, - "Ġnoticeably": 36380, - "ĠKaiser": 36381, - "ĠDavidson": 36382, - "Ġbraking": 36383, - "Tp": 36384, - "Forward": 36385, - "μν": 36386, - "ĠCdS": 36387, - "Ġasteroids": 36388, - "Provider": 36389, - "ĠEut": 36390, - "Ġtril": 36391, - "ungs": 36392, - "Ġdiving": 36393, - "ĠUAVs": 36394, - "ĠiPSC": 36395, - "iint": 36396, - "Ġ×": 36397, - "thrombin": 36398, - "Ġcoordinating": 36399, - "extrem": 36400, - "Ġembolization": 36401, - "ĠAdip": 36402, - "plated": 36403, - "ĠHag": 36404, - "ĠETS": 36405, - "Ġbrood": 36406, - "Ang": 36407, - "ĠPCV": 36408, - "detail": 36409, - "RSS": 36410, - "bens": 36411, - "Ġtier": 36412, - "ĠCock": 36413, - "Ġgay": 36414, - "Ġquint": 36415, - "Ġagenda": 36416, - "Ġaffairs": 36417, - "ĠModerate": 36418, - "helical": 36419, - "ĠEquivalent": 36420, - "Ġproportionally": 36421, - "Column": 36422, - "FWHM": 36423, - "Air": 36424, - "Enum": 36425, - "ifice": 36426, - "arcsec": 36427, - "ĠTRIM": 36428, - "ĠLabeling": 36429, - "QAM": 36430, - "pies": 36431, - "Ġisotropy": 36432, - "ĠGó": 36433, - "Ġpointers": 36434, - "tigraphy": 36435, - "ramers": 36436, - "Ġmacaque": 36437, - "Ġmisses": 36438, - "Ġellipticity": 36439, - "presented": 36440, - "galactosidase": 36441, - "ÉĽ": 36442, - "inion": 36443, - "Ġmite": 36444, - "lll": 36445, - "Objective": 36446, - "Ġprisoners": 36447, - "ĠHercules": 36448, - "Ġantis": 36449, - "Ġclosures": 36450, - "ĠMartian": 36451, - "Ġterpen": 36452, - "robust": 36453, - "Ġsequelae": 36454, - "alarial": 36455, - "ĠCSA": 36456, - "ĠBland": 36457, - "ĠGent": 36458, - "Ġorphan": 36459, - "Ġindent": 36460, - "bigwedge": 36461, - "Ġdefinable": 36462, - "Ġoligosaccharides": 36463, - "ĠBattalion": 36464, - "Ġisometries": 36465, - "azolin": 36466, - "ĠShown": 36467, - "spectra": 36468, - "Visual": 36469, - "<<<<<<<<": 36470, - "Ġlentiviral": 36471, - "othelioma": 36472, - "Ġtedious": 36473, - "ĠBCI": 36474, - "Ġgeologic": 36475, - "Ġconsumes": 36476, - "ĠAblation": 36477, - "least": 36478, - "Ġthigh": 36479, - "Ġsecrecy": 36480, - "covering": 36481, - "eiro": 36482, - "õ": 36483, - "ĠTBS": 36484, - "Ġisomerase": 36485, - "Ġrecommends": 36486, - "ĠVortex": 36487, - "ĠBray": 36488, - "Ġsubd": 36489, - "ĠOptions": 36490, - "Ġmetamaterial": 36491, - "ĠSquares": 36492, - "trap": 36493, - "imon": 36494, - "Ġhesit": 36495, - "Ġabc": 36496, - "cessing": 36497, - "ĠRET": 36498, - "Ġpinned": 36499, - "Ġketones": 36500, - "Ġwelded": 36501, - "ĠMitochondria": 36502, - "Ġingested": 36503, - "ĠQFT": 36504, - "Ġcomparator": 36505, - "Ġoxidoreductase": 36506, - "Ġtetrad": 36507, - "ĠSensitive": 36508, - "Ġcatchments": 36509, - "Ġrefugees": 36510, - "Ġpuberty": 36511, - "Arab": 36512, - "Ġinterannual": 36513, - "scattered": 36514, - "ĠMetam": 36515, - "Ġcyclization": 36516, - "pertures": 36517, - "ĠLINC": 36518, - "rules": 36519, - "ĠPont": 36520, - "PTH": 36521, - "ĉĉĉĉĉĉĉĉ": 36522, - "Santa": 36523, - "ĠLNC": 36524, - "Ġsubmodular": 36525, - "rective": 36526, - "Ġtrif": 36527, - "Ġsentinel": 36528, - "ĠTwin": 36529, - "keletons": 36530, - "miral": 36531, - "aming": 36532, - "ĠGay": 36533, - "Ġinterspecific": 36534, - "Ġrelieve": 36535, - "Ġendomorphism": 36536, - "ĠExpanding": 36537, - "ĠRuntime": 36538, - "yang": 36539, - "requires": 36540, - "odine": 36541, - "ometabolic": 36542, - "Store": 36543, - "planet": 36544, - "Ġrenov": 36545, - "___": 36546, - "adenosine": 36547, - "uitive": 36548, - "Ġkel": 36549, - "ĠProlong": 36550, - "ĠAdvance": 36551, - "Ġantimicrobials": 36552, - "ĠMunicipal": 36553, - "ĠNeutrophil": 36554, - "FAs": 36555, - "ĠFame": 36556, - "ibus": 36557, - "ETE": 36558, - "Ġstepping": 36559, - "ĠBlot": 36560, - "ĠLaura": 36561, - "Ġrocky": 36562, - "ĠLima": 36563, - "Ġmitigated": 36564, - "ĠLambert": 36565, - "Ġunexplored": 36566, - "Ġtrigonometric": 36567, - "pig": 36568, - "ĠHeli": 36569, - "Ġfinely": 36570, - "Ġoxidizing": 36571, - "Ġcolonoscopy": 36572, - "activities": 36573, - "ĠEasy": 36574, - "Ġunexplained": 36575, - "aky": 36576, - "ASM": 36577, - "worker": 36578, - "ĠCrist": 36579, - "ãĢģ": 36580, - "ulk": 36581, - "ĠSugg": 36582, - "ĠMim": 36583, - "Ġiterates": 36584, - "Ġsulfoxide": 36585, - "glucan": 36586, - "Ġreactant": 36587, - "Ġphagocytic": 36588, - "Brain": 36589, - "ucted": 36590, - "ĠScand": 36591, - "ĠCaCO": 36592, - "Ġaffiliation": 36593, - "Policy": 36594, - "ĠInfantry": 36595, - "Functional": 36596, - "rtimes": 36597, - "Ġwond": 36598, - "ardment": 36599, - "ĠWeil": 36600, - "Ġdirectors": 36601, - "uffix": 36602, - "ĠRuiz": 36603, - "ĠPhenomena": 36604, - "Ġmicrob": 36605, - "cosm": 36606, - "Ġutilisation": 36607, - "persed": 36608, - "Ġconsole": 36609, - "ticulate": 36610, - "Ġdesens": 36611, - "Ġreplicas": 36612, - "Ġpluripotency": 36613, - "ĠUkrainian": 36614, - "Ġhydrolyzed": 36615, - "ĠBiodiversity": 36616, - "Efficient": 36617, - "ĠKash": 36618, - "minor": 36619, - "Ġconclusive": 36620, - "Ġtentative": 36621, - "jira": 36622, - "Ġmb": 36623, - "ĠIPA": 36624, - "ĠPis": 36625, - "Ġgoverns": 36626, - "ĠSouthwest": 36627, - "oeba": 36628, - "ĠMohammad": 36629, - "albumin": 36630, - "circles": 36631, - "ĠHedge": 36632, - "ĠAmph": 36633, - "BACK": 36634, - "Old": 36635, - "histor": 36636, - "acular": 36637, - "ĠNOR": 36638, - "henius": 36639, - "visions": 36640, - "missibility": 36641, - "Ġthromboembolism": 36642, - "atized": 36643, - "Ġwil": 36644, - "awing": 36645, - "ASI": 36646, - "Ġheterodimer": 36647, - "Ġbuffering": 36648, - "ĠIdeally": 36649, - "ĠEgg": 36650, - "ographies": 36651, - "ĠAppl": 36652, - "ĠCIs": 36653, - "meaning": 36654, - "ĠSMAD": 36655, - "Ġphenylalanine": 36656, - "ĠTitanium": 36657, - "ĠZariski": 36658, - "Ġnymph": 36659, - "Ġhired": 36660, - "ĠPPC": 36661, - "ĠKG": 36662, - "ĠGuill": 36663, - "oglycans": 36664, - "erial": 36665, - "Dele": 36666, - "ilus": 36667, - "ĠFitness": 36668, - "Ġwhales": 36669, - "grant": 36670, - "mostly": 36671, - "Ġclimates": 36672, - "ĠCampaign": 36673, - "MgO": 36674, - "Ġepistemic": 36675, - "Lipschitz": 36676, - "ĠLAT": 36677, - "Ġcladding": 36678, - "vacuum": 36679, - "agglutinin": 36680, - "kill": 36681, - "Ġsail": 36682, - "Ġartistic": 36683, - "answ": 36684, - "ĠSDF": 36685, - "ĠKeith": 36686, - "Ġsorafenib": 36687, - "Ġgallbladder": 36688, - "directory": 36689, - "Ġphotoreceptors": 36690, - "ĠFokker": 36691, - "DU": 36692, - "Ġeditors": 36693, - "Ġtelecommun": 36694, - "ardia": 36695, - "ĠPublications": 36696, - "Ġscrews": 36697, - "ĠMathematica": 36698, - "RSV": 36699, - "ĠApply": 36700, - "ĠSTS": 36701, - "ĠMurine": 36702, - "Ġdump": 36703, - "Ġlingu": 36704, - "ĠDixon": 36705, - "Ġovercomes": 36706, - "ĠPreoperative": 36707, - "Ġmigrant": 36708, - "Ġbelieves": 36709, - "BK": 36710, - "actively": 36711, - "ĠISC": 36712, - "quas": 36713, - "Ġalga": 36714, - "ichael": 36715, - "Ġdisasters": 36716, - "Ġpracticed": 36717, - "hydrophobic": 36718, - "ĠNiño": 36719, - "ĠEthanol": 36720, - "QE": 36721, - "ĠSJ": 36722, - "ĠDengue": 36723, - "Ġappl": 36724, - "ĠYoon": 36725, - "enzo": 36726, - "IFY": 36727, - "Ġchronological": 36728, - "erin": 36729, - "ĠPeg": 36730, - "ĠRelevant": 36731, - "Ġqualification": 36732, - "evine": 36733, - "Ġdendrite": 36734, - "DTD": 36735, - "cholinesterase": 36736, - "watch": 36737, - "ĠSanchez": 36738, - "Ġwashes": 36739, - "Ġpermafrost": 36740, - "ĠTertiary": 36741, - "Ġsynthesizing": 36742, - "Ġexpedition": 36743, - "routine": 36744, - "ĠSearching": 36745, - "ĠSé": 36746, - "residual": 36747, - "ĠLCD": 36748, - "entities": 36749, - "Ġendovascular": 36750, - "Ġparamount": 36751, - "pher": 36752, - "Ġstraightforwardly": 36753, - "Ġvasodil": 36754, - "ĠSchistosoma": 36755, - "Ġpermissions": 36756, - "centred": 36757, - "Ġfrustrated": 36758, - "structuring": 36759, - "ĠSchl": 36760, - "ĠInitiation": 36761, - "Ġcuticle": 36762, - "Ġforgetting": 36763, - "ĠSas": 36764, - "ĠSult": 36765, - "uno": 36766, - "Ġdisintegration": 36767, - "ĠVG": 36768, - "Ġwards": 36769, - "ĠIRE": 36770, - "upro": 36771, - "Ġsubgen": 36772, - "Ġsubclasses": 36773, - "ĠStand": 36774, - "ĠHeight": 36775, - "interpretation": 36776, - "Ġglycan": 36777, - "ĠSolvent": 36778, - "ĠMalignant": 36779, - "Ġunsuitable": 36780, - "ĠCoxeter": 36781, - "Ġspermatogenesis": 36782, - "Ġfullerene": 36783, - "Fox": 36784, - "SOC": 36785, - "wet": 36786, - "armstadt": 36787, - "Ġpropofol": 36788, - "indexed": 36789, - "Ġsnakes": 36790, - "Edit": 36791, - "ĠmJy": 36792, - "RIB": 36793, - "Ġey": 36794, - "ĠAlkal": 36795, - "Ġtriaxial": 36796, - "PSK": 36797, - "neo": 36798, - "Ġendo": 36799, - "Ġglycosides": 36800, - "Ġsyllables": 36801, - "Ġsorghum": 36802, - "loor": 36803, - "Ġgeothermal": 36804, - "guinal": 36805, - "ĠSerbia": 36806, - "æĸ": 36807, - "ĠSentinel": 36808, - "ighters": 36809, - "Ġkeyboard": 36810, - "Ġbanana": 36811, - "granular": 36812, - "Ġdeciduous": 36813, - "ĠHAR": 36814, - "neuron": 36815, - "ĠCarn": 36816, - "Ġburns": 36817, - "Boost": 36818, - "ĠDeterministic": 36819, - "pipe": 36820, - "ĠFAD": 36821, - "ĠBovine": 36822, - "ĠRou": 36823, - "Ġkan": 36824, - "autonomous": 36825, - "utrients": 36826, - "Ġhypothyroidism": 36827, - "ĠSINR": 36828, - "stret": 36829, - "Ġunaltered": 36830, - "ĠZika": 36831, - "valley": 36832, - "Ġlongitudinally": 36833, - "Ġfluorescein": 36834, - "catheter": 36835, - "ĠCongenital": 36836, - "Ġpiez": 36837, - "Ġabbreviated": 36838, - "ĠChlamydia": 36839, - "Ġaired": 36840, - "Ġqueen": 36841, - "Ġinstructive": 36842, - "Ġabruptly": 36843, - "Ġrecurrences": 36844, - "IMP": 36845, - "Ġexosome": 36846, - "ĠHSCs": 36847, - "Writer": 36848, - "elis": 36849, - "ĠArithmetic": 36850, - "enarios": 36851, - "Ġligated": 36852, - "ĠLocalized": 36853, - "ĠFreeman": 36854, - "Ġcarniv": 36855, - "ĠCereb": 36856, - "Ġgrac": 36857, - "ĠGond": 36858, - "ĠVancouver": 36859, - "obox": 36860, - "Ġtyped": 36861, - "ĠÄ¥": 36862, - "Upon": 36863, - "Future": 36864, - "ENG": 36865, - "dead": 36866, - "Ġserpent": 36867, - "ĠAssignment": 36868, - "ĠUpdated": 36869, - "Ġhistorian": 36870, - "Ġtropospheric": 36871, - "Cloud": 36872, - "bumin": 36873, - "ĠPras": 36874, - "ĠBasket": 36875, - "ĠâĪĴâĪĴ": 36876, - "benzodi": 36877, - "ĠTrauma": 36878, - "ĠBehaviors": 36879, - "Ġpter": 36880, - "irradiation": 36881, - "Ġspoke": 36882, - "ariatric": 36883, - "Ġplugin": 36884, - "Ġsupersonic": 36885, - "Ġdocetaxel": 36886, - "itigation": 36887, - "Ġdigestibility": 36888, - "nem": 36889, - "Ġpb": 36890, - "ĠCSR": 36891, - "Ġfouling": 36892, - "Ġrheology": 36893, - "Ġfloods": 36894, - "Ġgluing": 36895, - "agascar": 36896, - "jets": 36897, - "pti": 36898, - "eston": 36899, - "ĠKü": 36900, - "Ġopenings": 36901, - "Ġisolating": 36902, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 36903, - "Ġsemiconducting": 36904, - "rative": 36905, - "ecology": 36906, - "urization": 36907, - "Ġmultifactorial": 36908, - "shadow": 36909, - "Ġcrosslinked": 36910, - "Ġphyla": 36911, - "Ġpremises": 36912, - "ĠLOW": 36913, - "generalized": 36914, - "ĠPolynomials": 36915, - "Ġbismuth": 36916, - "ĠRoz": 36917, - "ĠDecoding": 36918, - "ĠClassifier": 36919, - "conducting": 36920, - "Ġlitterm": 36921, - "Mann": 36922, - "Ġfant": 36923, - "ĠCZ": 36924, - "ĠPSNR": 36925, - "Ġstarring": 36926, - "ĠPolyg": 36927, - "ĠHolm": 36928, - "rg": 36929, - "additional": 36930, - "guan": 36931, - "professional": 36932, - "Ġinquiry": 36933, - "ĠPg": 36934, - "ĠSchmid": 36935, - "Ġheaded": 36936, - "chaft": 36937, - "ĠExpand": 36938, - "Ġcompanions": 36939, - "Van": 36940, - "ĠSie": 36941, - "Ġcanals": 36942, - "oredoxin": 36943, - "Ġcolliding": 36944, - "absolute": 36945, - "ĠPhotos": 36946, - "ĠLegacy": 36947, - "Ġrevascularization": 36948, - "ĠPSM": 36949, - "Ġexpenses": 36950, - "ISMA": 36951, - "intervals": 36952, - "Ġmulticellular": 36953, - "Ġnonsm": 36954, - "Ġresemblance": 36955, - "Hep": 36956, - "Ġwool": 36957, - "Ġniger": 36958, - "essa": 36959, - "asci": 36960, - "Ġrotates": 36961, - "Ġcompetitions": 36962, - "Ġarrivals": 36963, - "Ġlutein": 36964, - "Ġscholarship": 36965, - "Fran": 36966, - "Ġreused": 36967, - "ĠEquivalence": 36968, - "ĠGLUT": 36969, - "grading": 36970, - "salt": 36971, - "Ġcommensal": 36972, - "Ġfraud": 36973, - "oxib": 36974, - "Ġgastroenter": 36975, - "Ġrainy": 36976, - "Ġasserts": 36977, - "Operation": 36978, - "Ġflattening": 36979, - "Put": 36980, - "XB": 36981, - "ĠpM": 36982, - "Ġconic": 36983, - "obtain": 36984, - "ĠRober": 36985, - "November": 36986, - "ĠJP": 36987, - "Ġfebrile": 36988, - "ĠBarriers": 36989, - "================================================================": 36990, - "Ġhemicell": 36991, - "ĠSCS": 36992, - "ĠNem": 36993, - "Ġraster": 36994, - "clude": 36995, - "Ġïģ¦": 36996, - "ĠElliott": 36997, - "border": 36998, - "ĠdÏĨ": 36999, - "ribose": 37000, - "ĠEnv": 37001, - "ĠDiffuse": 37002, - "ĠSupersymmetry": 37003, - "Pearson": 37004, - "FETs": 37005, - "yah": 37006, - "ulia": 37007, - "ĠDwarf": 37008, - "ĠHull": 37009, - "ĠAttribution": 37010, - "Ġrepositories": 37011, - "ĠGNSS": 37012, - "ĠVectors": 37013, - "Ġsuccesses": 37014, - "ĠManhattan": 37015, - "umbent": 37016, - "digit": 37017, - "Ġcircumferential": 37018, - "Between": 37019, - "Deg": 37020, - "oue": 37021, - "й": 37022, - "ĠDere": 37023, - "ĠRf": 37024, - "Ġride": 37025, - "ĠVoc": 37026, - "Ġprotest": 37027, - "Ġpurpos": 37028, - "ĠProofs": 37029, - "namese": 37030, - "Ġbanking": 37031, - "ĠGastrointestinal": 37032, - "ĠUnt": 37033, - "Ġwhence": 37034, - "ĠYue": 37035, - "ĠRehabilitation": 37036, - "Ġexchanging": 37037, - "ĠACTH": 37038, - "Ġcapping": 37039, - "amido": 37040, - "ĠBap": 37041, - "Ġplat": 37042, - "toString": 37043, - "Ġelectroencephal": 37044, - "Ġelectrospun": 37045, - "Mpc": 37046, - "jord": 37047, - "onv": 37048, - "Ġcraft": 37049, - "ĠCCl": 37050, - "ĠStrip": 37051, - "Ġmeditation": 37052, - "oxidative": 37053, - "ĠReduce": 37054, - "ĠCommonwealth": 37055, - "Ġrifamp": 37056, - "Flu": 37057, - "Ġreanalysis": 37058, - "otrich": 37059, - "ĠESA": 37060, - "Ġjth": 37061, - "helin": 37062, - "ĠGenotype": 37063, - "Ġdiagonalization": 37064, - "ĠGabriel": 37065, - "Ġquarantine": 37066, - "ĠCrab": 37067, - "ĠDict": 37068, - "accumulation": 37069, - "bek": 37070, - "ĠDifferentially": 37071, - "Ġlactis": 37072, - "tetrahydrofuran": 37073, - "laser": 37074, - "ĠUm": 37075, - "Ġmega": 37076, - "rme": 37077, - "ĠIndians": 37078, - "ĠLeonard": 37079, - "Ġcommodity": 37080, - "Ġfumigatus": 37081, - "iou": 37082, - "ĠEchin": 37083, - "ostream": 37084, - "Ġmembran": 37085, - "simulations": 37086, - "backend": 37087, - "ĠOBJECT": 37088, - "giving": 37089, - "ÅĻ": 37090, - "Ġinfective": 37091, - "Alg": 37092, - "ĠHuh": 37093, - "ĠMICR": 37094, - "Ġfollowers": 37095, - "ferro": 37096, - "Ġcyanide": 37097, - "Present": 37098, - "ĠEND": 37099, - "ĠMCs": 37100, - "Ġtimeline": 37101, - "ĠEmbryonic": 37102, - "Identifier": 37103, - "Ġinconclusive": 37104, - "ĠGammaproteobacteria": 37105, - "nets": 37106, - "ĠHeating": 37107, - "ankar": 37108, - "thr": 37109, - "ĠKIT": 37110, - "ĠChip": 37111, - "Ġblob": 37112, - "Ġcalculator": 37113, - "Ġtextural": 37114, - "Ġalloying": 37115, - "Application": 37116, - "ĠProteomic": 37117, - "Ġantidepressants": 37118, - "urk": 37119, - "Ġcrystallography": 37120, - "Ġcredits": 37121, - "Ġmussels": 37122, - "Tom": 37123, - "ĠFST": 37124, - "ĠFold": 37125, - "ĠHew": 37126, - "Ann": 37127, - "brook": 37128, - "Ġglycolytic": 37129, - "Torch": 37130, - "Ġvm": 37131, - "ĠMare": 37132, - "ĠJy": 37133, - "Ġheterojunction": 37134, - "ĠBorrelia": 37135, - "Risk": 37136, - "ĠNaturally": 37137, - "Ġsupplying": 37138, - "signature": 37139, - "lk": 37140, - "Ġarachid": 37141, - "olov": 37142, - "ĠSok": 37143, - "ĠHö": 37144, - "ĠRaz": 37145, - "ĠVander": 37146, - "Ġdelib": 37147, - "Ġmyth": 37148, - "Ġmidbrain": 37149, - "Ġdeceased": 37150, - "ĠSCO": 37151, - "ĠThromb": 37152, - "Ġcurr": 37153, - "Ġsummit": 37154, - "miRNAs": 37155, - "dimethylamino": 37156, - "Ġphotocatalyst": 37157, - "verbose": 37158, - "gomery": 37159, - "Ġwed": 37160, - "ĠMate": 37161, - "Ġsigni": 37162, - "rastructures": 37163, - "Ġreciprocity": 37164, - "bner": 37165, - "mast": 37166, - "neck": 37167, - "Ġcoins": 37168, - "ĠHistogram": 37169, - "crit": 37170, - "Bbbk": 37171, - "AW": 37172, - "town": 37173, - "displacement": 37174, - "ĠNeph": 37175, - "separable": 37176, - "Ġdiastere": 37177, - "ĠMODELS": 37178, - "Depth": 37179, - "ĠNeisseria": 37180, - "pdev": 37181, - "uvial": 37182, - "ĠBMS": 37183, - "ĠDennis": 37184, - "Ġrp": 37185, - "Ġnanometer": 37186, - "rocyt": 37187, - "ĠRomanian": 37188, - "Ġconceivable": 37189, - "COS": 37190, - "alveolar": 37191, - "astig": 37192, - "abwe": 37193, - "encode": 37194, - "rolactone": 37195, - "Ġreadmission": 37196, - "intersection": 37197, - "Ġamplicons": 37198, - "timulated": 37199, - "Ġcollapses": 37200, - "ochromatin": 37201, - "Haw": 37202, - "ectrum": 37203, - "ftype": 37204, - "rica": 37205, - "Ġamid": 37206, - "MPO": 37207, - "ĠExtensions": 37208, - "Ġvaric": 37209, - "Ġdiminishes": 37210, - "Ġcatheters": 37211, - "Nodes": 37212, - "Ġbbox": 37213, - "emination": 37214, - "Ġtsunami": 37215, - "diagnosis": 37216, - "cod": 37217, - "qr": 37218, - "ĠFen": 37219, - "Ġworthy": 37220, - "ĠâĩIJ": 37221, - "informatic": 37222, - "ographer": 37223, - "Ġundetected": 37224, - "ĠNCAA": 37225, - "Ġcarcinogenic": 37226, - "RU": 37227, - "Ġaneu": 37228, - "plitudes": 37229, - "keeper": 37230, - "ĠÄģ": 37231, - "Ġautistic": 37232, - "Ġcompromising": 37233, - "Ġunimodal": 37234, - "Ġrumin": 37235, - "apa": 37236, - "Ġintolerance": 37237, - "Ġdirecting": 37238, - "Ġpea": 37239, - "Ġcommenced": 37240, - "Ġshadowing": 37241, - "Center": 37242, - "Ġclad": 37243, - "Ġblues": 37244, - "binits": 37245, - "Ġmisclassification": 37246, - "ĠFAST": 37247, - "Wat": 37248, - "ĠmCherry": 37249, - "Ġbrig": 37250, - "estradiol": 37251, - "Ġwavefunctions": 37252, - "Ġblooms": 37253, - "Ġaccent": 37254, - "aji": 37255, - "occurring": 37256, - "arrest": 37257, - "Ġspecialty": 37258, - "Ġunconditional": 37259, - "Ġsponges": 37260, - "Ġdysfunctional": 37261, - "ĠNOX": 37262, - "Ġultracold": 37263, - "Ġmartensite": 37264, - "OUS": 37265, - "nier": 37266, - "isic": 37267, - "ĠMatsum": 37268, - "Ġleukemic": 37269, - "ĠBradley": 37270, - "Density": 37271, - "ĠSemiconductor": 37272, - "ĠCause": 37273, - "ĠInset": 37274, - "ĠKem": 37275, - "ĠUPR": 37276, - "para": 37277, - "echst": 37278, - "ymet": 37279, - "Ġagro": 37280, - "ĠYY": 37281, - "ĠRegeneration": 37282, - "Ġancestors": 37283, - "ĠTissues": 37284, - "Ġsulfuric": 37285, - "kd": 37286, - "Ġlasing": 37287, - "ĠPup": 37288, - "aei": 37289, - "Ġmammal": 37290, - "ĠBradford": 37291, - "Ġsegregated": 37292, - "isolated": 37293, - "ĠCuba": 37294, - "Ġblockage": 37295, - "Ġseamless": 37296, - "Ġperoxisome": 37297, - "hui": 37298, - "Ġinaug": 37299, - "Ġinfecting": 37300, - "ĠChampion": 37301, - "ĠAttitudes": 37302, - "calculate": 37303, - "Ġtighter": 37304, - "ĠSAC": 37305, - "ĠEpi": 37306, - "Ġatm": 37307, - "Ġphysico": 37308, - "Ġnth": 37309, - "ĠCanyon": 37310, - "Ġseroprevalence": 37311, - "Ġhomo": 37312, - "ĠUniversit": 37313, - "Evaluation": 37314, - "ĠAPOE": 37315, - "job": 37316, - "ĠmK": 37317, - "Ġreign": 37318, - "abo": 37319, - "ĠRugby": 37320, - "ĠNets": 37321, - "Ġrituximab": 37322, - "ativeness": 37323, - "Ġphy": 37324, - "ornis": 37325, - "Ġfeedbacks": 37326, - "United": 37327, - "Princ": 37328, - "imbabwe": 37329, - "ĠGirls": 37330, - "Ġunavoidable": 37331, - "ĠSemantics": 37332, - "Break": 37333, - "FISH": 37334, - "Mix": 37335, - "Ġnx": 37336, - "ĠBao": 37337, - "dimethylphenyl": 37338, - "ĠTOF": 37339, - "ĠCrown": 37340, - "ĠGGA": 37341, - "ĠJH": 37342, - "Ġsuperstring": 37343, - "ĠCRY": 37344, - "Ġkindly": 37345, - "YN": 37346, - "Ġundoped": 37347, - "excluding": 37348, - "ĠLeo": 37349, - "ĠPROPERT": 37350, - "peritoneally": 37351, - "mant": 37352, - "ê°": 37353, - "Ġfranch": 37354, - "ĠProst": 37355, - "DEs": 37356, - "Ġcotrans": 37357, - "Ġrk": 37358, - "Ġgeneralizability": 37359, - "Author": 37360, - "ĠAndrea": 37361, - "ĠConfocal": 37362, - "ĠAdipose": 37363, - "îĹ": 37364, - "erjee": 37365, - "Ġanimated": 37366, - "ĠFad": 37367, - "ĠCorrosion": 37368, - "ĠCircadian": 37369, - "Ġaccelerators": 37370, - "ĠArkansas": 37371, - "Ġmars": 37372, - "ĠCuc": 37373, - "ĠInterfaces": 37374, - "Ġretrievals": 37375, - "Ġmelanin": 37376, - "ĠssDNA": 37377, - "vastava": 37378, - "Ġallergens": 37379, - "bud": 37380, - "Ġinaccessible": 37381, - "ictions": 37382, - "ĠMood": 37383, - "inda": 37384, - "Ġameric": 37385, - "Ġsymbiosis": 37386, - "bersome": 37387, - "occur": 37388, - "ĠMarcus": 37389, - "ĠSuperconductivity": 37390, - "ĠCort": 37391, - "ĠHMS": 37392, - "Ġphased": 37393, - "ĠJess": 37394, - "Ġpropulsion": 37395, - "extract": 37396, - "Ġsuccinate": 37397, - "ĠÖĴ": 37398, - "inkel": 37399, - "Ġsilence": 37400, - "ĠSUV": 37401, - "Ġconstituency": 37402, - "Ġbacteriophage": 37403, - "gem": 37404, - "ĠMCL": 37405, - "orene": 37406, - "ĠGoss": 37407, - "ICD": 37408, - "Ġglutamic": 37409, - "Ġcoexisting": 37410, - "STEMS": 37411, - "opotential": 37412, - "ĠEy": 37413, - "ĠLecture": 37414, - "ellae": 37415, - "Ġimmunoprec": 37416, - "Ġtimber": 37417, - "ĠVulner": 37418, - "Ġaroma": 37419, - "Ġsands": 37420, - "ĠSpan": 37421, - "Ġhern": 37422, - "Ġincubating": 37423, - "Ġtransmitters": 37424, - "ĠHomogeneous": 37425, - "ĠConstructing": 37426, - "dit": 37427, - "Ġtc": 37428, - "alass": 37429, - "Ġstents": 37430, - "ĠMID": 37431, - "Ġanoxic": 37432, - "Ġprovisions": 37433, - "ĠCapac": 37434, - "neutron": 37435, - "ĠVOCs": 37436, - "January": 37437, - "VAS": 37438, - "once": 37439, - "ĠCache": 37440, - "opulation": 37441, - "ĠVTE": 37442, - "Ġinterphase": 37443, - "Ġblog": 37444, - "ocusing": 37445, - "hiro": 37446, - "ĠREC": 37447, - "Ġanisotropies": 37448, - "benef": 37449, - "Ġconstipation": 37450, - "ĠCanal": 37451, - "Ġportrait": 37452, - "silyl": 37453, - "ĠLinked": 37454, - "ĠBowl": 37455, - "Ġmonopoles": 37456, - "ĠPerez": 37457, - "WIN": 37458, - "ĠTAP": 37459, - "Ġruthenium": 37460, - "ĠAdherence": 37461, - "ĠEnzymatic": 37462, - "Ġspecificities": 37463, - "Ġski": 37464, - "ĠCST": 37465, - "Ġpoetry": 37466, - "ATES": 37467, - "rama": 37468, - "lores": 37469, - "ALU": 37470, - "Ġvasoconstr": 37471, - "Ġgranulocyte": 37472, - "ibi": 37473, - "Ġopts": 37474, - "avesdrop": 37475, - "eptin": 37476, - "··": 37477, - "ĠJeong": 37478, - "Ġmedullary": 37479, - "ĠDemonstration": 37480, - "ĠFIB": 37481, - "ĠBRD": 37482, - "ĠVV": 37483, - "Ġallo": 37484, - "Rule": 37485, - "Tf": 37486, - "Ġunrealistic": 37487, - "Ġlatitudinal": 37488, - "ROP": 37489, - "ĠCorrelates": 37490, - "IU": 37491, - "ĠPore": 37492, - "ocrit": 37493, - "ĠKall": 37494, - "Ġcharcoal": 37495, - "ĠMongolia": 37496, - "âĪħ": 37497, - "ĠEntity": 37498, - "Ġgrams": 37499, - "graphene": 37500, - "mine": 37501, - "entric": 37502, - "ĠPp": 37503, - "ĠWelfare": 37504, - "ĠJets": 37505, - "Ġaffirm": 37506, - "ĠBelle": 37507, - "ĠStrategic": 37508, - "APIENTR": 37509, - "KH": 37510, - "rmann": 37511, - "Ġassociating": 37512, - "ĠSurviv": 37513, - "Ġnicotinic": 37514, - "ĠWLAN": 37515, - "п": 37516, - "Ġtears": 37517, - "ĠRevised": 37518, - "Ġphosphodies": 37519, - "Ġhorseradish": 37520, - "ĠLAR": 37521, - "took": 37522, - "ĠDescent": 37523, - "ĠNOx": 37524, - "ĠSteiner": 37525, - "ĠPermian": 37526, - "ĠVenezuela": 37527, - "Ġdesiccation": 37528, - "DIS": 37529, - "ĠMSP": 37530, - "Ġpopl": 37531, - "rels": 37532, - "Ġ": 37533, - "Ġlearnt": 37534, - "ĠBiofilm": 37535, - "ĠPCNA": 37536, - "ĠAttribute": 37537, - "ĠGrothendieck": 37538, - "ĠAdolescent": 37539, - "nv": 37540, - "stderr": 37541, - "obalt": 37542, - "ĠYamamoto": 37543, - "Ġaliquot": 37544, - "rater": 37545, - "ĠOre": 37546, - "ĠKIR": 37547, - "acker": 37548, - "Ġïĥ»": 37549, - "Ġstratosphere": 37550, - "ĠCust": 37551, - "respect": 37552, - "Ġglutamatergic": 37553, - "Ġencourages": 37554, - "ctic": 37555, - "itched": 37556, - "phins": 37557, - "Ġsuburb": 37558, - "Ġhomeomorphic": 37559, - "hexah": 37560, - "Ġminiatur": 37561, - "CAN": 37562, - "ahead": 37563, - "ĠBLE": 37564, - "ĠRBF": 37565, - "Ġacutely": 37566, - "Ġ": 37567, - "Ġantenn": 37568, - "URN": 37569, - "ĠGirl": 37570, - "Ġbioreactor": 37571, - "ĠLeibniz": 37572, - "Ġvial": 37573, - "ĠLich": 37574, - "obac": 37575, - "ĠWhenever": 37576, - "inhibition": 37577, - "Cast": 37578, - "Ġstripped": 37579, - "ĠAstrophysics": 37580, - "presence": 37581, - "ĠFloer": 37582, - "ipotent": 37583, - "dichloro": 37584, - "CLE": 37585, - "finger": 37586, - "onates": 37587, - "stri": 37588, - "ĠSperm": 37589, - "ĠDBS": 37590, - "opeptide": 37591, - "separation": 37592, - "athing": 37593, - "mathp": 37594, - "ouples": 37595, - "Ġentropic": 37596, - "Ġswollen": 37597, - "Ġdonated": 37598, - "Ġsettlements": 37599, - "ovenous": 37600, - "Perm": 37601, - "ĠSard": 37602, - "egen": 37603, - "ĠAlph": 37604, - "ĠCooperation": 37605, - "ĠPDAC": 37606, - "Final": 37607, - "lapse": 37608, - "Ġrevol": 37609, - "ĠIx": 37610, - "ĠLens": 37611, - "Ġkth": 37612, - "relaxation": 37613, - "ClO": 37614, - "ichloro": 37615, - "Ġwrapper": 37616, - "ĠSimultaneously": 37617, - "Compute": 37618, - "ëĬ": 37619, - "implantation": 37620, - "ĠVLA": 37621, - "heme": 37622, - "ĠMayor": 37623, - "ĠFacilit": 37624, - "Ġbatt": 37625, - "immer": 37626, - "Ġcurated": 37627, - "Ġconfluent": 37628, - "generational": 37629, - "starts": 37630, - "Ġgranulosa": 37631, - "arboxylate": 37632, - "ĠRiesz": 37633, - "Ġtextbook": 37634, - "Ġconstitutional": 37635, - "ĠPeace": 37636, - "ĠCommander": 37637, - "Ġobscured": 37638, - "vil": 37639, - "addition": 37640, - "ĠWasserstein": 37641, - "coords": 37642, - "ĠProbes": 37643, - "Ġdelineated": 37644, - "TZVP": 37645, - "ĠINF": 37646, - "Ġdosages": 37647, - "Ġoligomerization": 37648, - "ĠNADP": 37649, - "MKII": 37650, - "omin": 37651, - "Ġlhs": 37652, - "ughen": 37653, - "ĠJong": 37654, - "ancel": 37655, - "letter": 37656, - "ĠANC": 37657, - "FUNCTION": 37658, - "Ġtram": 37659, - "Their": 37660, - "ĠGenerated": 37661, - "Ġpolycyclic": 37662, - "Ġculmin": 37663, - "Ġrectum": 37664, - "Ġceft": 37665, - "Ġmetamaterials": 37666, - "ĠBiotech": 37667, - "Ġmyself": 37668, - "Ġunifying": 37669, - "Ġeman": 37670, - "ĠSinger": 37671, - "triangleright": 37672, - "omel": 37673, - "ĠCFA": 37674, - "ocha": 37675, - "ĠGSM": 37676, - "Ġcentrifuge": 37677, - "ĠIndo": 37678, - "Ġtransporting": 37679, - "LIB": 37680, - "Ġoxalate": 37681, - "ĠDulbecco": 37682, - "Ġali": 37683, - "arginal": 37684, - "hoo": 37685, - "ischem": 37686, - "APIENTRYP": 37687, - "Apart": 37688, - "LDA": 37689, - "ensile": 37690, - "settings": 37691, - "Ġephem": 37692, - "ampa": 37693, - "Ġduplications": 37694, - "ĠWheeler": 37695, - "Physical": 37696, - "ĠCompletion": 37697, - "ĠOrdered": 37698, - "Logger": 37699, - "Ġinterferences": 37700, - "ĠPollution": 37701, - "Optimal": 37702, - "Sv": 37703, - "aicin": 37704, - "Ġpicks": 37705, - "diversity": 37706, - "tigens": 37707, - "Ġdimorphism": 37708, - "feres": 37709, - "ĠRobotic": 37710, - "Ġconfirmatory": 37711, - "Ġcathodic": 37712, - "Ġspirals": 37713, - "Ġspruce": 37714, - "Lagrange": 37715, - "wat": 37716, - "ĠAllan": 37717, - "denote": 37718, - "CID": 37719, - "always": 37720, - "ithe": 37721, - "ĠChim": 37722, - "conditional": 37723, - "barrier": 37724, - "Ġvisualizing": 37725, - "Ġïĥ¹": 37726, - "Schmidt": 37727, - "Ġconventionally": 37728, - "ĠQUANT": 37729, - "GROUND": 37730, - "Ġug": 37731, - "ĠCWE": 37732, - "ĠInspired": 37733, - "Ġbuyer": 37734, - "Ġthermost": 37735, - "Ġkinematical": 37736, - "anolic": 37737, - "Ġdif": 37738, - "Ġ": 37739, - "ĠGeo": 37740, - "Examples": 37741, - "consistency": 37742, - "ĠPalace": 37743, - "ĠVaccination": 37744, - "Ġnatriuretic": 37745, - "YAG": 37746, - "ĠCTCs": 37747, - "Univers": 37748, - "ĠAcknowledgement": 37749, - "membered": 37750, - "vv": 37751, - "ĠSession": 37752, - "Ġinstar": 37753, - "ĠLevin": 37754, - "AVI": 37755, - "Ġproliferator": 37756, - "oliths": 37757, - "ĠTemperatures": 37758, - "imming": 37759, - "ĠToeplitz": 37760, - "ICATIONS": 37761, - "ĠIntegrals": 37762, - "Ġspliced": 37763, - "Dest": 37764, - "resulting": 37765, - "ĠHope": 37766, - "Ġenclosure": 37767, - "ieves": 37768, - "flav": 37769, - "ĠAbdul": 37770, - "Ġleishmaniasis": 37771, - "ò": 37772, - "oskeleton": 37773, - "Ġadduct": 37774, - "ĠInfluences": 37775, - "EQU": 37776, - "ĠSitu": 37777, - "Ġseas": 37778, - "ĠReich": 37779, - "cyst": 37780, - "ĠEVOLUTION": 37781, - "Ġwithstand": 37782, - "ĠGinzburg": 37783, - "RNAi": 37784, - "ĠNonparametric": 37785, - "ĠPrincess": 37786, - "Ġintravascular": 37787, - "UTIONS": 37788, - "Ġglutar": 37789, - "Ġcoincided": 37790, - "ĠSaito": 37791, - "pretrained": 37792, - "combined": 37793, - "ĠTAM": 37794, - "Ġalarms": 37795, - "Ġcyclooxygenase": 37796, - "Ġbn": 37797, - "Ġplagi": 37798, - "Particle": 37799, - "GGG": 37800, - "etics": 37801, - "amber": 37802, - "ABSTRACT": 37803, - "ĠExtracts": 37804, - "ĉĉĉĠĠĠĠ": 37805, - "ĠPhylogeny": 37806, - "tow": 37807, - "ĠContaining": 37808, - "Ġendonuclease": 37809, - "incubation": 37810, - "Ġofficinal": 37811, - "Ġexplosions": 37812, - "layout": 37813, - "Ġtouchdown": 37814, - "ĠRevealed": 37815, - "Ġinfiltrate": 37816, - "enith": 37817, - "timulation": 37818, - "ĠKind": 37819, - "ervices": 37820, - "PDA": 37821, - "Ġcereus": 37822, - "Env": 37823, - "Ġlapa": 37824, - "kamp": 37825, - "mult": 37826, - "enthal": 37827, - "ĠGoldstone": 37828, - "siRNA": 37829, - "strept": 37830, - "Qual": 37831, - "mother": 37832, - "dio": 37833, - "Ġinfrequent": 37834, - "Ġcyclospor": 37835, - "hepatitis": 37836, - "thrombotic": 37837, - "GST": 37838, - "ĠLj": 37839, - "ĠUR": 37840, - "ofect": 37841, - "ĠArrow": 37842, - "ethnic": 37843, - "ĠBarcelona": 37844, - "Care": 37845, - "titious": 37846, - "Ġeta": 37847, - "Ġvirions": 37848, - "smash": 37849, - "ĠâIJ¤": 37850, - "Ġavenues": 37851, - "obarb": 37852, - "ĠComments": 37853, - "Ġanyway": 37854, - "afil": 37855, - "ĠBea": 37856, - "ĠBoys": 37857, - "ĠAutomata": 37858, - "ĠSuperconducting": 37859, - "Pic": 37860, - "kHz": 37861, - "Ġnorepinephrine": 37862, - "ĠGPC": 37863, - "Ġunderlined": 37864, - "brahim": 37865, - "Ġelectrospray": 37866, - "Ġsesqu": 37867, - "ĠTournament": 37868, - "Austr": 37869, - "ĠGrowing": 37870, - "ĠWebsite": 37871, - "LDH": 37872, - "covariance": 37873, - "several": 37874, - "stabilized": 37875, - "Ġdecarboxylase": 37876, - "Ġremed": 37877, - "rhoe": 37878, - "ĠSRS": 37879, - "ĠTreated": 37880, - "ĠMadagascar": 37881, - "ĠMagic": 37882, - "Ġweapon": 37883, - "ĠYoshida": 37884, - "Ġhypoglycemia": 37885, - "ĠBifidobacterium": 37886, - "entitious": 37887, - ":::": 37888, - "ĠSingles": 37889, - "Ġnicely": 37890, - "Ġunexpectedly": 37891, - "ibles": 37892, - "ariae": 37893, - "Ġcentroids": 37894, - "Ġbroadened": 37895, - "ĠJohns": 37896, - "ĠBacteroid": 37897, - "Ġframing": 37898, - "Primary": 37899, - "ĠPicture": 37900, - "government": 37901, - "Ġreq": 37902, - "ĠTry": 37903, - "ibo": 37904, - "Ġliquef": 37905, - "osensitivity": 37906, - "Ġslaughter": 37907, - "ĠDAR": 37908, - "Ġlogit": 37909, - "Ġpromises": 37910, - "Ġlawyer": 37911, - "ĠFPG": 37912, - "TCP": 37913, - "Ġintercalation": 37914, - "ĠBoe": 37915, - "Ġwideband": 37916, - "Ġjudgement": 37917, - "romagnets": 37918, - "Lastly": 37919, - "ĠIschemic": 37920, - "IMA": 37921, - "food": 37922, - "much": 37923, - "Ġavenue": 37924, - "Ġschistosomiasis": 37925, - "ĠExecution": 37926, - "DQU": 37927, - "GIS": 37928, - "kines": 37929, - "akage": 37930, - "echt": 37931, - "ĠScaff": 37932, - "ĠStrings": 37933, - "ĠMultilevel": 37934, - "Ġcumbersome": 37935, - "ĠRaymond": 37936, - "Ġirregularities": 37937, - "ĠAGNs": 37938, - "ĠMetastatic": 37939, - "ĠIberian": 37940, - "Mb": 37941, - "RNP": 37942, - "hong": 37943, - "isinin": 37944, - "Ġthirteen": 37945, - "ĠFAS": 37946, - "Ġsealing": 37947, - "Ġapatite": 37948, - "Ġserially": 37949, - "ĠÅĿ": 37950, - "DEL": 37951, - "Fo": 37952, - "ĠSoph": 37953, - "ĠBear": 37954, - "ĠJosh": 37955, - "reck": 37956, - "uller": 37957, - "Ġexcursion": 37958, - "Ġembodied": 37959, - "Ġhybridized": 37960, - "ĠLieutenant": 37961, - "Period": 37962, - "Ġmollus": 37963, - "CVD": 37964, - "Ren": 37965, - "REAM": 37966, - "ĠBACK": 37967, - "Ġaccreting": 37968, - "Ġculturing": 37969, - "ĠBurst": 37970, - "ĠSegment": 37971, - "Ġasterisk": 37972, - "ĠIdeal": 37973, - "Ġintertw": 37974, - "ĠAtoms": 37975, - "ĠSTE": 37976, - "Ġïģª": 37977, - "Ġremarked": 37978, - "Ġhairs": 37979, - "âľ": 37980, - "ĠMetropolis": 37981, - "ĠPartially": 37982, - "ĠObserver": 37983, - "Ġhematologic": 37984, - "obilization": 37985, - "ĠBergman": 37986, - "Ġcartesian": 37987, - "Ġclathrin": 37988, - "ĠSung": 37989, - "Ġration": 37990, - "Ġscoliosis": 37991, - "ohl": 37992, - "mutant": 37993, - "NNs": 37994, - "ĠRahman": 37995, - "ĠSpatially": 37996, - "PIP": 37997, - "Yb": 37998, - "Ġdiaz": 37999, - "vertebral": 38000, - "adzu": 38001, - "alski": 38002, - "answer": 38003, - "Ġgeochemistry": 38004, - "Ġstemming": 38005, - "wes": 38006, - "oxys": 38007, - "Ġmats": 38008, - "eva": 38009, - "ĠHyperbolic": 38010, - "arbage": 38011, - "Ġclipping": 38012, - "ĠSugar": 38013, - "ĠCognition": 38014, - "ĠDIV": 38015, - "Ġtempt": 38016, - "ĠPathogen": 38017, - "ĠPedro": 38018, - "Ġwak": 38019, - "entries": 38020, - "ĠGCM": 38021, - "projective": 38022, - "Ġproficiency": 38023, - "ĠKnown": 38024, - "Ġlexicon": 38025, - "ĠMendelian": 38026, - "Ġzoonotic": 38027, - "leans": 38028, - "ĠTalk": 38029, - "Ġkurtosis": 38030, - "NAS": 38031, - "ĠNowadays": 38032, - "ĠLil": 38033, - "ĠWMAP": 38034, - "Ġdisperse": 38035, - "Ġcolloids": 38036, - "ebra": 38037, - "OMET": 38038, - "ĠDCT": 38039, - "ĠRise": 38040, - "Ġintergenic": 38041, - "GTH": 38042, - "Ġtapered": 38043, - "Markovian": 38044, - "Protocol": 38045, - "ĠVegetation": 38046, - "rats": 38047, - "Ġdivalent": 38048, - "ĠCrust": 38049, - "zyg": 38050, - "Ġpigmentation": 38051, - "graduate": 38052, - "ĠRicc": 38053, - "Ġcounterexample": 38054, - "Ġsativ": 38055, - "Ġls": 38056, - "ĠCirculation": 38057, - "isotropic": 38058, - "ĠENSO": 38059, - "Ġtroponin": 38060, - "Ġdissolving": 38061, - "Ġcosmetic": 38062, - "Hf": 38063, - "further": 38064, - "Ġpanc": 38065, - "Ġhops": 38066, - "intra": 38067, - "ĠZhe": 38068, - "ĠReliable": 38069, - "ivolumab": 38070, - "MX": 38071, - "Rab": 38072, - "ĠPES": 38073, - "ĠBü": 38074, - "Ġadhered": 38075, - "Ġfluency": 38076, - "ĠClaus": 38077, - "Ġdelamination": 38078, - "Ġguanine": 38079, - "ĠMultiscale": 38080, - "ĠEquip": 38081, - "ĠIllustr": 38082, - "Ġtetrahydro": 38083, - "fel": 38084, - "lists": 38085, - "Îŀ": 38086, - "emulsion": 38087, - "ĠNZ": 38088, - "Ġwasn": 38089, - "aira": 38090, - "Ġarguing": 38091, - "miRNA": 38092, - "ĠExpressed": 38093, - "Ġspectrophotometric": 38094, - "Ġileum": 38095, - "Ġflames": 38096, - "Fit": 38097, - "Gon": 38098, - "ĠCulex": 38099, - "Ġunweighted": 38100, - "Ġnanob": 38101, - "SHV": 38102, - "Ġaligning": 38103, - "Ġshuttle": 38104, - "Ġchloroquine": 38105, - "Ġpyrite": 38106, - "ĠRica": 38107, - "Ġrift": 38108, - "Ġcathepsin": 38109, - "ĠPROCESS": 38110, - "Pf": 38111, - "Raw": 38112, - "rayfish": 38113, - "SAL": 38114, - "collapse": 38115, - "................": 38116, - "atases": 38117, - "Ġworkshops": 38118, - "ophile": 38119, - "ĠâĬĥ": 38120, - "Ġbifurcations": 38121, - "Trace": 38122, - "Ġpause": 38123, - "Ġorbiting": 38124, - "oliubov": 38125, - "ĠCurtis": 38126, - "ĠRevisiting": 38127, - "oret": 38128, - "Ġinfused": 38129, - "luents": 38130, - "Ġplastid": 38131, - "Ġïģ¹": 38132, - "Ġexecutions": 38133, - "ĠGraves": 38134, - "locally": 38135, - "ĠAtmosphere": 38136, - "diabetes": 38137, - "ĠPradesh": 38138, - "ĠCofactor": 38139, - "isomorphic": 38140, - "Ġbod": 38141, - "ĠCBD": 38142, - "Ġincap": 38143, - "Ġretrovirus": 38144, - "Ġlipophilic": 38145, - "Ġlinoleic": 38146, - "Ġtravelled": 38147, - "covalent": 38148, - "pick": 38149, - "upl": 38150, - "ĠPole": 38151, - "ĠThym": 38152, - "ĠTeich": 38153, - "Ġcollaborators": 38154, - "Ġinstantons": 38155, - "ĠMEGA": 38156, - "ĠHepatocellular": 38157, - "Ġinfestation": 38158, - "ĠPiezo": 38159, - "ĠLub": 38160, - "ĠNCs": 38161, - "Ġnucleoside": 38162, - "Ġosteogenesis": 38163, - "Eigen": 38164, - "RMSE": 38165, - "Ġlax": 38166, - "ĠKost": 38167, - "ĠVero": 38168, - "ĠChou": 38169, - "electrochemical": 38170, - "Ġcompeti": 38171, - "chia": 38172, - "Ġsubmodule": 38173, - "ĠAllow": 38174, - "Ġresolvent": 38175, - "Ġsweeps": 38176, - "Ġsuperconformal": 38177, - "pyrrolidine": 38178, - "lofen": 38179, - "åŃ": 38180, - "Ġdeserves": 38181, - "ĠZimbabwe": 38182, - "azines": 38183, - "ĠConsult": 38184, - "Ġcastle": 38185, - "Ġpharmaceuticals": 38186, - "Ġparacrine": 38187, - "Ġjejuni": 38188, - "Ġarguably": 38189, - "ĠeNOS": 38190, - "Ġherds": 38191, - "Ġvehicular": 38192, - "Ġtriangulated": 38193, - "Ġîµ": 38194, - "ĠGrande": 38195, - "Ġanthocyanins": 38196, - "ĠDuan": 38197, - "ĠVibration": 38198, - "Ġtriad": 38199, - "Ġhousekeeping": 38200, - "Bor": 38201, - "Ġpub": 38202, - "Ġmalformation": 38203, - "glucosamine": 38204, - "inhibitory": 38205, - "Dirac": 38206, - "ĠCSD": 38207, - "ĠRotating": 38208, - "ĠHTLV": 38209, - "Ġdemol": 38210, - "infiltr": 38211, - "Ġhemolytic": 38212, - "Ġcarbapenem": 38213, - "Ġluminescent": 38214, - "ĠPlanets": 38215, - "Ġmellifera": 38216, - "Ġcorticosterone": 38217, - "ĠAddress": 38218, - "Ġhubs": 38219, - "omethacin": 38220, - "åIJ": 38221, - "ĠChampions": 38222, - "ĠRevision": 38223, - "ĠHerbert": 38224, - "Ġambiguities": 38225, - "KERN": 38226, - "Ġdé": 38227, - "Ġlp": 38228, - "Ġenvis": 38229, - "ĠChol": 38230, - "ropin": 38231, - "Ġdrone": 38232, - "meyer": 38233, - "Ġisotype": 38234, - "ĠVu": 38235, - "ERC": 38236, - "Ġversatility": 38237, - "Speed": 38238, - "Ġaetiology": 38239, - "Ġgonadotropin": 38240, - "Ġcognate": 38241, - "ĠCotton": 38242, - "reasonable": 38243, - "disable": 38244, - "Ġdevastating": 38245, - "Pier": 38246, - "POL": 38247, - "ĠBé": 38248, - "incter": 38249, - "aluable": 38250, - "Ġpolyhedron": 38251, - "ĠRelay": 38252, - "Ġworkflows": 38253, - "FEM": 38254, - "inp": 38255, - "Ġmph": 38256, - "softmax": 38257, - "mur": 38258, - "vr": 38259, - "Ġerent": 38260, - "ĠKN": 38261, - "Ġstatin": 38262, - "Ġflatness": 38263, - "ĠArchitectures": 38264, - "ĠVeterinary": 38265, - "Ġnosocomial": 38266, - "Sk": 38267, - "XML": 38268, - "ĠFos": 38269, - "ĠLor": 38270, - "Ġradiography": 38271, - "ĠBlum": 38272, - "ĠDiscrimination": 38273, - "Ġpunc": 38274, - "Ġexits": 38275, - "ĠBilateral": 38276, - "msstrahlung": 38277, - "Ġcolonized": 38278, - "ĠFibrosis": 38279, - "Ġchaperones": 38280, - "aboratory": 38281, - "ĠPersistence": 38282, - "Ġlumped": 38283, - "Ġrabies": 38284, - "ĠBurns": 38285, - "Dense": 38286, - "ontium": 38287, - "acetylation": 38288, - "ĠFET": 38289, - "Ġhandful": 38290, - "biology": 38291, - "Ġundesired": 38292, - "Limit": 38293, - "ĠNBA": 38294, - "ĠSeoul": 38295, - "APT": 38296, - "ĠTransgenic": 38297, - "oxygenation": 38298, - "Button": 38299, - "ĠTreatments": 38300, - "ZV": 38301, - "isomorphism": 38302, - "octa": 38303, - "iffe": 38304, - "odeoxy": 38305, - "Ġorganelle": 38306, - "Ġcolloid": 38307, - "Ġceramide": 38308, - "Ġtqdm": 38309, - "GPS": 38310, - "ĠISR": 38311, - "oclinic": 38312, - "ĠLyme": 38313, - "Ġepig": 38314, - "ĠTrail": 38315, - "IPS": 38316, - "Ġsorts": 38317, - "ĠZebrafish": 38318, - "Ġhydroxylase": 38319, - "Smirnov": 38320, - "Bax": 38321, - "ĠDance": 38322, - "ĠHors": 38323, - "Ġreachability": 38324, - "Parallel": 38325, - "ĠESBL": 38326, - "Ġuplink": 38327, - "Ġpostprandial": 38328, - "solar": 38329, - "itabine": 38330, - "ordism": 38331, - "Neasy": 38332, - "Ġabandon": 38333, - "IMI": 38334, - "fake": 38335, - "statistical": 38336, - "ĠCars": 38337, - "ibia": 38338, - "ĠÃĩ": 38339, - "spc": 38340, - "MDP": 38341, - "tizations": 38342, - "International": 38343, - "ularis": 38344, - "Ġvacuoles": 38345, - "KC": 38346, - "ĠAPT": 38347, - "ĠBt": 38348, - "ĠBom": 38349, - "ĠGMP": 38350, - "Ġpioneer": 38351, - "ĠChairman": 38352, - "ĠTucker": 38353, - "ĠRAF": 38354, - "ĠNASH": 38355, - "ĠWIT": 38356, - "ynyl": 38357, - "Ġsupplier": 38358, - "ansky": 38359, - "Ġdecomposing": 38360, - "ĠUVB": 38361, - "ophenol": 38362, - "Ġbarium": 38363, - "ĠSMT": 38364, - "otocin": 38365, - "lytic": 38366, - "ranking": 38367, - "ĠDirections": 38368, - "Ġinnervation": 38369, - "switching": 38370, - "dac": 38371, - "ĠhT": 38372, - "Ġdoctr": 38373, - "ĠIncremental": 38374, - "ĠEarthquake": 38375, - "Has": 38376, - "Lee": 38377, - "mates": 38378, - "proline": 38379, - "ĠREE": 38380, - "Ġviolates": 38381, - "ðx": 38382, - "Ġhomogenates": 38383, - "Boolean": 38384, - "Ġdoxycycline": 38385, - "ĠMOF": 38386, - "iophen": 38387, - "Ġappreciation": 38388, - "finals": 38389, - "characteristic": 38390, - "ĠContinental": 38391, - "Bus": 38392, - "Esc": 38393, - "XP": 38394, - "ÛĮ": 38395, - "ĠCTA": 38396, - "Maxwell": 38397, - "Ġarchaea": 38398, - "Nik": 38399, - "NONE": 38400, - "TW": 38401, - "tering": 38402, - "ĠPerman": 38403, - "Ġrestores": 38404, - "opathogenic": 38405, - "ĠMontgomery": 38406, - "Ġglucocorticoids": 38407, - "Ġud": 38408, - "ĠNuss": 38409, - "ĠNé": 38410, - "ĠSturm": 38411, - "Ġattaching": 38412, - "Ġintraperitoneally": 38413, - "lasov": 38414, - "Ġstellate": 38415, - "Ġantiproliferative": 38416, - "Ġmicroorganism": 38417, - "Ġvisu": 38418, - "Ġjudges": 38419, - "randomized": 38420, - "allowed": 38421, - "Ġdeprived": 38422, - "development": 38423, - "scribed": 38424, - "etherian": 38425, - "ĠFraser": 38426, - "Ram": 38427, - "bib": 38428, - "Ġliner": 38429, - "Ġguns": 38430, - "resnet": 38431, - "ĠLTR": 38432, - "ighting": 38433, - "Initi": 38434, - "ĠZimm": 38435, - "ĠGeology": 38436, - "Ġantioxidative": 38437, - "Ġmagenta": 38438, - "ĠNigerian": 38439, - "galaxy": 38440, - "ĠMelanoma": 38441, - "Found": 38442, - "Ġbum": 38443, - "ĠTrop": 38444, - "ĠDos": 38445, - "Ġmetab": 38446, - "Ġinvoking": 38447, - "ĠSchizophrenia": 38448, - "CFG": 38449, - "Ġgelation": 38450, - "Ġopioids": 38451, - "pis": 38452, - "Ġchurches": 38453, - "Ġcanonically": 38454, - "Ġjug": 38455, - "Ġacceptors": 38456, - "DMEM": 38457, - "Ġobliqu": 38458, - "ĠMedicare": 38459, - "arpoon": 38460, - "ZIP": 38461, - "oreactive": 38462, - "Ġimprinting": 38463, - "ĠVinc": 38464, - "Ġ¿": 38465, - "Ġrestart": 38466, - "Ġdentate": 38467, - "enzymatic": 38468, - "Ġinguinal": 38469, - "ĠNt": 38470, - "Ġunobserved": 38471, - "uctuation": 38472, - "Ġbiasing": 38473, - "Ġintegrins": 38474, - "Ġurl": 38475, - "FPGAM": 38476, - "ĠCLUST": 38477, - "omatology": 38478, - "Ġmetallicities": 38479, - "Ġintentionally": 38480, - "FPGAMGR": 38481, - "Typ": 38482, - "Ġally": 38483, - "Ġcomic": 38484, - "ĠLions": 38485, - "Ġimputed": 38486, - "ĠÃŁ": 38487, - "lexia": 38488, - "ĠJanus": 38489, - "Ġbrass": 38490, - "ĠDownloaded": 38491, - "BUFF": 38492, - "identical": 38493, - "Ġpsychiatry": 38494, - "CCT": 38495, - "ifar": 38496, - "ĠMandel": 38497, - "Ġoptoelectronic": 38498, - "Ġisomerization": 38499, - "ĠFant": 38500, - "ĠLion": 38501, - "ĠLov": 38502, - "ĠNaf": 38503, - "esta": 38504, - "Ġbiocompatible": 38505, - "Ġsecretions": 38506, - "sci": 38507, - "ĠRetro": 38508, - "oisomerase": 38509, - "ĠSnap": 38510, - "Ġsplittings": 38511, - "Ġscavenger": 38512, - "procedure": 38513, - "Dawley": 38514, - "ëĭ¤": 38515, - "unate": 38516, - "ĠDye": 38517, - "ĠNEC": 38518, - "Ġnanocl": 38519, - "Ġplanetes": 38520, - "ĠTRPM": 38521, - "Ġvoices": 38522, - "ĠHierarchy": 38523, - "mv": 38524, - "Ġlasts": 38525, - "Ġhoped": 38526, - "Ġmedians": 38527, - "ĠAndreev": 38528, - "Ġheightened": 38529, - "ä»": 38530, - "Ġindefinite": 38531, - "ĠKamp": 38532, - "angel": 38533, - "grids": 38534, - "archae": 38535, - "Ġtherapists": 38536, - "ĠMiR": 38537, - "Ġnegotiation": 38538, - "HSP": 38539, - "ĠCustom": 38540, - "Ġstria": 38541, - "Ġunacceptable": 38542, - "retin": 38543, - "penet": 38544, - "ĠORR": 38545, - "ĠLifetime": 38546, - "ĠPhosphate": 38547, - "Ġtropics": 38548, - "ĠWelch": 38549, - "ĠPyr": 38550, - "Ġamputation": 38551, - "ĠArtin": 38552, - "ĠCaO": 38553, - "Ġconjectures": 38554, - "Ġatrium": 38555, - "ĠComplementary": 38556, - "ĠAluminum": 38557, - "Ġmicrow": 38558, - "iliated": 38559, - "ĠImmuno": 38560, - "Ġbinocular": 38561, - "ĠWeakly": 38562, - "Ġimmunogenic": 38563, - "Ġbathym": 38564, - "ĠPhenotype": 38565, - "Ġsialic": 38566, - "Six": 38567, - "Ġakin": 38568, - "rotor": 38569, - "helm": 38570, - "CCESS": 38571, - "Ġneuroprotection": 38572, - "ĠFifth": 38573, - "Ġcontingent": 38574, - "Ġsketched": 38575, - "Imp": 38576, - "Ġcached": 38577, - "urement": 38578, - "ĠBic": 38579, - "ĠKah": 38580, - "beration": 38581, - "atterson": 38582, - "Ġglycation": 38583, - "Ġinvestors": 38584, - "Assisted": 38585, - "iales": 38586, - "science": 38587, - "Ġpilots": 38588, - "uscripts": 38589, - "MICS": 38590, - "Ġorthopedic": 38591, - "warfs": 38592, - "greater": 38593, - "ĠArtery": 38594, - "Video": 38595, - "Ġarrange": 38596, - "avar": 38597, - "charges": 38598, - "dialdehyde": 38599, - "ĠTPA": 38600, - "Ġspelling": 38601, - "ĠSeiberg": 38602, - "Ġnavigate": 38603, - "ĠPowder": 38604, - "ĠRings": 38605, - "ĠChron": 38606, - "ĠAtg": 38607, - "Ġhomocysteine": 38608, - "ĠIdentify": 38609, - "Ġoak": 38610, - "Ġliability": 38611, - "Ġoperands": 38612, - "ĠCTD": 38613, - "Ġalleviates": 38614, - "mA": 38615, - "ĠLanger": 38616, - "Ġsubmanifolds": 38617, - "ĠJag": 38618, - "Ġradiance": 38619, - "constants": 38620, - "ĠMorocco": 38621, - "Engine": 38622, - "á¸": 38623, - "âĤ¬": 38624, - "revers": 38625, - "PCI": 38626, - "unsqueeze": 38627, - "oconversion": 38628, - "Ġintensified": 38629, - "Ġrefinements": 38630, - "ofectamine": 38631, - "ayas": 38632, - "Ġincidental": 38633, - "ĠThur": 38634, - "Ġoverd": 38635, - "Ġbitter": 38636, - "Ġignores": 38637, - "ан": 38638, - "ĠOTU": 38639, - "Ġserr": 38640, - "aby": 38641, - "ĠGCN": 38642, - "ĠConsumer": 38643, - "Ġconcordant": 38644, - "ĠMRC": 38645, - "ĠEconomy": 38646, - "satisfying": 38647, - "Ġbiotinylated": 38648, - "Numerical": 38649, - "ĠRashba": 38650, - "stochastic": 38651, - "ĠLal": 38652, - "Ġburdens": 38653, - "Alloc": 38654, - "ĠGraphics": 38655, - "ĠLRRK": 38656, - "AIC": 38657, - "ĠTed": 38658, - "ĠSark": 38659, - "owl": 38660, - "Ġhemost": 38661, - "ĠAnat": 38662, - "Ġhoming": 38663, - "ĠCharlie": 38664, - "ĠBruc": 38665, - "ihara": 38666, - "ingen": 38667, - "ĠVern": 38668, - "ĠYers": 38669, - "Ġids": 38670, - "ĠcircRNAs": 38671, - "Ġconducive": 38672, - "ĠBRST": 38673, - "Ġgallium": 38674, - "Ġdichotomy": 38675, - "Fr": 38676, - "etition": 38677, - "Ġcesarean": 38678, - "olan": 38679, - "Ġrn": 38680, - "ubstituted": 38681, - "ĠLeaves": 38682, - "ĠLeader": 38683, - "coloring": 38684, - "Draw": 38685, - "Ġserous": 38686, - "Err": 38687, - "Ġinnermost": 38688, - "ĠHamburg": 38689, - "Stor": 38690, - "jes": 38691, - "Ġtol": 38692, - "idade": 38693, - "Ġrv": 38694, - "ĠInversion": 38695, - "Ġmultiphase": 38696, - "Ġpseudor": 38697, - "ĠGoodman": 38698, - "ĠJSON": 38699, - "Ġcorridor": 38700, - "Ġpork": 38701, - "ĠSale": 38702, - "ĠNatal": 38703, - "Ġattacking": 38704, - "ĠSheet": 38705, - "Ġstreamwise": 38706, - "Ġatomistic": 38707, - "Ġfirmly": 38708, - "ĠAchie": 38709, - "Ġpir": 38710, - "ĠIKK": 38711, - "ĠFalk": 38712, - "ileptic": 38713, - "ĠTRPC": 38714, - "Ġadhesions": 38715, - "HRP": 38716, - "Ġpaucity": 38717, - "Split": 38718, - "UDI": 38719, - "ĠSend": 38720, - "ĠPine": 38721, - "ĠLon": 38722, - "ĠLost": 38723, - "efer": 38724, - "concaten": 38725, - "Ġloyal": 38726, - "Ġglycop": 38727, - "ĠObserving": 38728, - "ĠMohamed": 38729, - "YR": 38730, - "ĠFilters": 38731, - "cas": 38732, - "pages": 38733, - "ĠdA": 38734, - "Ġareal": 38735, - "adis": 38736, - "ĠLHS": 38737, - "ĠThereby": 38738, - "Ġvisualizations": 38739, - "Ġtwistor": 38740, - "unitary": 38741, - "Ġarchives": 38742, - "Ġphenolics": 38743, - "hik": 38744, - "sson": 38745, - "ĠIK": 38746, - "ĠStudying": 38747, - "Ġtwisting": 38748, - "ĠHydrodynamic": 38749, - "Ġsplitter": 38750, - "Ġurothelial": 38751, - "Ġalken": 38752, - "ĠGPI": 38753, - "Ġcortices": 38754, - "Ġcropping": 38755, - "Patient": 38756, - "ĠChlamyd": 38757, - "inberg": 38758, - "ĠAircraft": 38759, - "cele": 38760, - "ectral": 38761, - "Ġconferences": 38762, - "Ġcreatine": 38763, - "alty": 38764, - "proportional": 38765, - "Ġleptonic": 38766, - "Ġovulation": 38767, - "uerre": 38768, - "tezomib": 38769, - "dle": 38770, - "initeness": 38771, - "ĠSpecimens": 38772, - "Ġcoma": 38773, - "inephrine": 38774, - "Ġepim": 38775, - "ĠPercent": 38776, - "CoO": 38777, - "ĠLoading": 38778, - "Ġvenue": 38779, - "ĠTNM": 38780, - "Ġpacemaker": 38781, - "ĠHoffmann": 38782, - "Tech": 38783, - "nie": 38784, - "ĠOrleans": 38785, - "Ġmagnetron": 38786, - "Ġhospitality": 38787, - "ĠNordic": 38788, - "oproliferative": 38789, - "Ġundoubtedly": 38790, - "ĠSrin": 38791, - "Ġhumic": 38792, - "ĠIntegrative": 38793, - "ĠCampus": 38794, - "Ġplantarum": 38795, - "radiative": 38796, - "Ġiterator": 38797, - "ĠMesozoic": 38798, - "APs": 38799, - "carinic": 38800, - "Ġcheckpoints": 38801, - "ĠïĤ£": 38802, - "ĠmAbs": 38803, - "ĠLiverpool": 38804, - "ìĿ´": 38805, - "ĠEcosystem": 38806, - "Ġneovascularization": 38807, - "Ġdemoc": 38808, - "loops": 38809, - "ĠSURF": 38810, - "Ġpassivation": 38811, - "Ġconsecutively": 38812, - "ĠAlfvén": 38813, - "ĠSSE": 38814, - "Ġouts": 38815, - "stimulation": 38816, - "Ġphilosophical": 38817, - "ĠSask": 38818, - "Ġflakes": 38819, - "Ġfingerprinting": 38820, - "Ġbuffalo": 38821, - "ĠWikimedia": 38822, - "Ġreconstitution": 38823, - "Ġepithelia": 38824, - "onk": 38825, - "eny": 38826, - "ĠMQ": 38827, - "ĠFork": 38828, - "endance": 38829, - "Ġgeneralisation": 38830, - "Ġpeoples": 38831, - "Ġconnector": 38832, - "gesia": 38833, - "interference": 38834, - "Ġcoloration": 38835, - "calculation": 38836, - "ĠAxial": 38837, - "ĠDESIGN": 38838, - "Ġrecession": 38839, - "Ġdissolve": 38840, - "ĠPartitioning": 38841, - "QxMD": 38842, - "GES": 38843, - "Vo": 38844, - "khar": 38845, - "ĠEAE": 38846, - "Ġcoarser": 38847, - "Ġposttraumatic": 38848, - "Ġsynthesised": 38849, - "silica": 38850, - "tetrahydropy": 38851, - "ĠPorter": 38852, - "vark": 38853, - "entanyl": 38854, - "Ġconve": 38855, - "Ġrafts": 38856, - "brecht": 38857, - "Ġrectifier": 38858, - "Ġoroph": 38859, - "ĠCEP": 38860, - "Ġhistones": 38861, - "Ġstandpoint": 38862, - "Ġancillary": 38863, - "ĠHurricane": 38864, - "cro": 38865, - "Ġreb": 38866, - "ĠiT": 38867, - "Ġgeography": 38868, - "olarization": 38869, - "ĠManaging": 38870, - "Ġxylose": 38871, - "utherland": 38872, - "ĠTaqMan": 38873, - "KN": 38874, - "Ġtm": 38875, - "ĠTAS": 38876, - "istle": 38877, - "âĢ«": 38878, - "Ġmycorrhizal": 38879, - "ĠTerrestrial": 38880, - "hausen": 38881, - "observable": 38882, - "Brien": 38883, - "Ġneutropenia": 38884, - "Taken": 38885, - "ĠSMI": 38886, - "Ġpolishing": 38887, - "Ġphotop": 38888, - "Ġthermalization": 38889, - "Ġpseudoscalar": 38890, - "ĠDominic": 38891, - "romyalgia": 38892, - "Ġechocardiographic": 38893, - "Illumina": 38894, - "ĠIPC": 38895, - "ĠHuss": 38896, - "essive": 38897, - "uptake": 38898, - "Ġweekend": 38899, - "Ġcorroborate": 38900, - "ĠTasman": 38901, - "herty": 38902, - "Ġperine": 38903, - "Ġtransports": 38904, - "Ġglance": 38905, - "retinal": 38906, - "Proto": 38907, - "igenes": 38908, - "Ġprohibited": 38909, - "behavioral": 38910, - "opherol": 38911, - "ë¡": 38912, - "ĠNecess": 38913, - "obiology": 38914, - "okk": 38915, - "Ġtraversal": 38916, - "ĠAndes": 38917, - "Resource": 38918, - "olitic": 38919, - "ça": 38920, - "irie": 38921, - "arctan": 38922, - "Ġmorphogenetic": 38923, - "ĠHui": 38924, - "losses": 38925, - "Ġfulfilling": 38926, - "Ġhurricane": 38927, - "ombo": 38928, - "Ġgs": 38929, - "ĠLv": 38930, - "ĠNerv": 38931, - "ellosis": 38932, - "Ġconfront": 38933, - "Ġorthologous": 38934, - "Ġwettability": 38935, - "Ġcyanobacterial": 38936, - "Ġcassava": 38937, - "AUT": 38938, - "avi": 38939, - "hlen": 38940, - "ĠSLA": 38941, - "Ġconvol": 38942, - "Ġintermetallic": 38943, - "inside": 38944, - "Ġpolarizability": 38945, - "Ġensuing": 38946, - "Ġchloroplasts": 38947, - "lid": 38948, - "lips": 38949, - "Ġrebound": 38950, - "ĠCary": 38951, - "ĠLambda": 38952, - "ĠViv": 38953, - "Ġcalcination": 38954, - "ĠÌĨ": 38955, - "Ġcounterfactual": 38956, - "ĠSilica": 38957, - "Referee": 38958, - "Ġhomologues": 38959, - "ĠSpatiotemporal": 38960, - "ĠArrhenius": 38961, - "Ġinflamed": 38962, - "ĠZambia": 38963, - "Ġantipsychotic": 38964, - "helper": 38965, - "Blood": 38966, - "Ġpurchasing": 38967, - "ĠSchwinger": 38968, - "ĠWilkinson": 38969, - "Ġfainter": 38970, - "Ġrash": 38971, - "ĠJang": 38972, - "ĠConductivity": 38973, - "ropoda": 38974, - "ĠSeq": 38975, - "Ġpropolis": 38976, - "Ġtubule": 38977, - "ĠLieb": 38978, - "optimization": 38979, - "mounted": 38980, - "emes": 38981, - "canic": 38982, - "oradiotherapy": 38983, - "ĠJenkins": 38984, - "Nc": 38985, - "Together": 38986, - "Ġfove": 38987, - "Ġmv": 38988, - "ĠDefect": 38989, - "ät": 38990, - "ĠFinance": 38991, - "umarin": 38992, - "mittance": 38993, - "erel": 38994, - "ĠFren": 38995, - "ĠRhyth": 38996, - "ramified": 38997, - "Ġhypercholesterolem": 38998, - "Ġstimulatory": 38999, - "ĠRichmond": 39000, - "Ġadvancements": 39001, - "bles": 39002, - "xu": 39003, - "allation": 39004, - "Ġintral": 39005, - "iterpene": 39006, - "Concerning": 39007, - "Ġbulky": 39008, - "Ġá¾±": 39009, - "computation": 39010, - "ĠAgarwal": 39011, - "Central": 39012, - "XPS": 39013, - "Ġtalks": 39014, - "ĠTap": 39015, - "imilar": 39016, - "ĠNCI": 39017, - "Ġaccused": 39018, - "Ġtranscriptomes": 39019, - "Ġprovisioning": 39020, - "ĠEtOH": 39021, - "gm": 39022, - "Ġtid": 39023, - "ĠPOC": 39024, - "ffman": 39025, - "ĠIner": 39026, - "ĠUB": 39027, - "incubated": 39028, - "ĠAtrial": 39029, - "Ġfourteen": 39030, - "ĠAstronomical": 39031, - "ĠMiguel": 39032, - "ĠKov": 39033, - "Ġscipy": 39034, - "Ġthermoplastic": 39035, - "ĠManuel": 39036, - "ĠPromotion": 39037, - "ĠAccessed": 39038, - "Ġterritorial": 39039, - "inas": 39040, - "ĠMPs": 39041, - "monitoring": 39042, - "ĠSimulating": 39043, - "Ġpanor": 39044, - "Ġrheumatic": 39045, - "selectin": 39046, - "ĠLaparoscopic": 39047, - "HLA": 39048, - "ĠYale": 39049, - "spread": 39050, - "ETS": 39051, - "Ġglycans": 39052, - "Ġimmigrant": 39053, - "Donald": 39054, - "ĠCASE": 39055, - "ĠHII": 39056, - "glomer": 39057, - "Ġïĥİ": 39058, - "ĠExperiences": 39059, - "ĠVietnamese": 39060, - "Hodgkin": 39061, - "oader": 39062, - "heart": 39063, - "Ġremedy": 39064, - "Ġfacilitators": 39065, - "openhagen": 39066, - "dodec": 39067, - "ĠFriend": 39068, - "ĠTouch": 39069, - "arms": 39070, - "CRs": 39071, - "Ġultrahigh": 39072, - "ĠDriver": 39073, - "GEMENTS": 39074, - "ĠOu": 39075, - "Ġendocarditis": 39076, - "Ġautoencoder": 39077, - "Ġich": 39078, - "Ġfetch": 39079, - "urian": 39080, - "ĠORFs": 39081, - "Ġpermeabilized": 39082, - "ĠWiFi": 39083, - "ĠLithuan": 39084, - "Structure": 39085, - "Ln": 39086, - "houses": 39087, - "Ġought": 39088, - "ĠConcluding": 39089, - "Ġanniversary": 39090, - "ĠCreation": 39091, - "Ġblindness": 39092, - "ĠpcDNA": 39093, - "ĠSusan": 39094, - "ĠBenjamini": 39095, - "ĠSentence": 39096, - "Ġsnd": 39097, - "Ġfins": 39098, - "phis": 39099, - "ĠModules": 39100, - "Ġneuropsychiatric": 39101, - "ĠPotassium": 39102, - "Ġsacrifice": 39103, - "Ġdyspnea": 39104, - "Ġdeliberately": 39105, - "omegaly": 39106, - "Media": 39107, - "Temporal": 39108, - "Ġshark": 39109, - "SCAN": 39110, - "splitting": 39111, - "Ġmisuse": 39112, - "Ġbirefringence": 39113, - "ĠÖĴâĨĴ": 39114, - "Ġpier": 39115, - "Ġnurs": 39116, - "ĠSclerosis": 39117, - "adhy": 39118, - "Ġundetermined": 39119, - "Ġcomplementation": 39120, - "ĠAffect": 39121, - "ĠHamps": 39122, - "Ġgob": 39123, - "ĠFate": 39124, - "ĠHAL": 39125, - "ĠKiss": 39126, - "Ġmicrobe": 39127, - "Ġcarbonaceous": 39128, - "Ġliposome": 39129, - "ĠUsage": 39130, - "Ġquasiparticles": 39131, - "Ġcasp": 39132, - "ĠNarrow": 39133, - "Ġoutlook": 39134, - "ĠChord": 39135, - "Ġclaiming": 39136, - "Ġdiverging": 39137, - "ĠBioinformatics": 39138, - "ĠPsychiatric": 39139, - "ĠMasters": 39140, - "Ġllvm": 39141, - "ĠIQR": 39142, - "phases": 39143, - "ĠThy": 39144, - "erger": 39145, - "ĠDipl": 39146, - "SFR": 39147, - "Ġcredited": 39148, - "ĠTetra": 39149, - "âĭ¯": 39150, - "Ġamniotic": 39151, - "ĠCharlotte": 39152, - "Cox": 39153, - "Hard": 39154, - "article": 39155, - "ĠDEA": 39156, - "ĠEclipse": 39157, - "ĠLMP": 39158, - "Ġimprison": 39159, - "ĠVarying": 39160, - "ESCs": 39161, - "ĠTHEO": 39162, - "Ġnervosa": 39163, - "Ġprecedes": 39164, - "Ġgyro": 39165, - "ĠWORDS": 39166, - "ĠDakota": 39167, - "utory": 39168, - "ĠEmer": 39169, - "adam": 39170, - "ĠNah": 39171, - "ĠVirgo": 39172, - "Setting": 39173, - "PQ": 39174, - "å®": 39175, - "erus": 39176, - "Ġcep": 39177, - "Ġbd": 39178, - "dier": 39179, - "Ġimbalanced": 39180, - "Ġtimestep": 39181, - "än": 39182, - "ĠRabbit": 39183, - "Ġhamsters": 39184, - "Ġmedulla": 39185, - "ĠChromatography": 39186, - "INPUT": 39187, - "Ġlossy": 39188, - "Pseud": 39189, - "ĠPBL": 39190, - "ĠDomestic": 39191, - "iau": 39192, - "ancell": 39193, - "Ġmultilayers": 39194, - "Ġsubsidi": 39195, - "ĠUtilizing": 39196, - "tune": 39197, - "rehend": 39198, - "arte": 39199, - "Ġburs": 39200, - "ĠNHE": 39201, - "Ġcloseness": 39202, - "ĠColour": 39203, - "ĠHomo": 39204, - "Equations": 39205, - "Ġsutures": 39206, - "acus": 39207, - "Ġknocked": 39208, - "Ġsecretary": 39209, - "Ġascertained": 39210, - "Ġinpatients": 39211, - "irts": 39212, - "Ġplut": 39213, - "ansson": 39214, - "rami": 39215, - "Ġosteotomy": 39216, - "ĠPrimers": 39217, - "ĠLegislative": 39218, - "ĠCardiology": 39219, - "Ġadmitting": 39220, - "Ġexcavation": 39221, - "ĠHedgehog": 39222, - "WG": 39223, - "frozen": 39224, - "Ġliber": 39225, - "ĠICE": 39226, - "chosen": 39227, - "ĠKohn": 39228, - "Stop": 39229, - "Phil": 39230, - "phagia": 39231, - "ĠBCA": 39232, - "Ġempt": 39233, - "Ġzz": 39234, - "opers": 39235, - "ĠSixty": 39236, - "eckman": 39237, - "Ġtransferrin": 39238, - "Ġpenalized": 39239, - "Being": 39240, - "Ġextruded": 39241, - "Ġminiature": 39242, - "Ġeditorial": 39243, - "Ġinterconnect": 39244, - "gro": 39245, - "kv": 39246, - "olen": 39247, - "ĠSYSTEMS": 39248, - "ĠColonel": 39249, - "ĠMediated": 39250, - "ĠEMD": 39251, - "Ġknife": 39252, - "Ġcytogenetic": 39253, - "Ġdigitized": 39254, - "abinoids": 39255, - "arterial": 39256, - "Ġdiarrhoea": 39257, - "bag": 39258, - "Ġbuccal": 39259, - "stay": 39260, - "ĠLAMP": 39261, - "oko": 39262, - "ĠPolyt": 39263, - "masked": 39264, - "ĠTunable": 39265, - "Ġcoagul": 39266, - "paras": 39267, - "Ġterminating": 39268, - "ICAg": 39269, - "ĠExcellence": 39270, - "Ġregurgitation": 39271, - "DQUFD": 39272, - "Jack": 39273, - "Ġapertures": 39274, - "ĠIp": 39275, - "ĠHCMV": 39276, - "ĠGom": 39277, - "Ġnucleophilic": 39278, - "Ġparenteral": 39279, - "TIM": 39280, - "oine": 39281, - "ĠnT": 39282, - "ĠSense": 39283, - "ĠFocal": 39284, - "ranges": 39285, - "Ġhept": 39286, - "ĠPlat": 39287, - "Ġmyx": 39288, - "Ġcodebook": 39289, - "Expl": 39290, - "ĠRhoA": 39291, - "Ġrhinitis": 39292, - "ĠErratum": 39293, - "Oriented": 39294, - "Well": 39295, - "doping": 39296, - "Ġbup": 39297, - "ĠImpedance": 39298, - "Ġsubstitutes": 39299, - "actorily": 39300, - "Ġcollaborations": 39301, - "ĠWayne": 39302, - "Ġvowels": 39303, - "ĠShadow": 39304, - "Ġphenology": 39305, - "Ġconcurrency": 39306, - "having": 39307, - "ĠCES": 39308, - "ĠFIN": 39309, - "ĠLoh": 39310, - "oxa": 39311, - "ĠAlN": 39312, - "ĠAlvarez": 39313, - "instit": 39314, - "Ġgermplasm": 39315, - "ĠBoliv": 39316, - "ĠRCP": 39317, - "assador": 39318, - "Ġesp": 39319, - "Ġphenotyping": 39320, - "Ġskipping": 39321, - "ĠFractal": 39322, - "ĠPEDOT": 39323, - "wake": 39324, - "ĠFIT": 39325, - "ĠESD": 39326, - "ĠAntif": 39327, - "ubiquitin": 39328, - "ĠAerial": 39329, - "ĠPrognosis": 39330, - "ĠRELATED": 39331, - "Ġstratigraphy": 39332, - "vatron": 39333, - "ĠPROPERTIES": 39334, - "Ġicon": 39335, - "isers": 39336, - "Ġwal": 39337, - "Ġstamp": 39338, - "ĠOptimum": 39339, - "Ġoligomeric": 39340, - "Ġinnerv": 39341, - "YA": 39342, - "Abcam": 39343, - "Ġvials": 39344, - "ĠGrig": 39345, - "Ġunaware": 39346, - "Ġopera": 39347, - "ĠWarner": 39348, - "Ġprotonated": 39349, - "ĠDRG": 39350, - "Ġtroubles": 39351, - "Ġpropositional": 39352, - "ĠAfghanistan": 39353, - "ĠHampshire": 39354, - "Gd": 39355, - "lung": 39356, - "Ġaviation": 39357, - "Ġapartment": 39358, - "Ġinfusions": 39359, - "Ġbroilers": 39360, - "ĠDisability": 39361, - "ĠRobots": 39362, - "Ġdebugging": 39363, - "ĠìĿ": 39364, - "Wilson": 39365, - "uprofen": 39366, - "obarbital": 39367, - "JB": 39368, - "isance": 39369, - "itizer": 39370, - "MIS": 39371, - "ĠARF": 39372, - "Ġprostheses": 39373, - "Ġdichloromethane": 39374, - "mCherry": 39375, - "ĠSSS": 39376, - "ĠLPA": 39377, - "SCF": 39378, - "attract": 39379, - "Ġcalibrations": 39380, - "Ġfibril": 39381, - "Ġhaploid": 39382, - "usalem": 39383, - "ĠNut": 39384, - "Ġdeut": 39385, - "chronic": 39386, - "NAP": 39387, - "ĠCytokines": 39388, - "rageen": 39389, - "ĠCategories": 39390, - "rains": 39391, - "Ġsummands": 39392, - "Ġproliferate": 39393, - "rylov": 39394, - "Ġpleasure": 39395, - "Ġdensit": 39396, - "ĠSURVE": 39397, - "HIP": 39398, - "hall": 39399, - "ĠFUS": 39400, - "Ġwasting": 39401, - "ERY": 39402, - "Ġstatins": 39403, - "Ġeastward": 39404, - "sometimes": 39405, - "Ġwrapping": 39406, - "ĠTWO": 39407, - "vine": 39408, - "Ġsacchar": 39409, - "Ġamateur": 39410, - "ĠÃĽ": 39411, - "Ġmyster": 39412, - "ĠMyo": 39413, - "Ġrhabd": 39414, - "ĠProtease": 39415, - "Ġcholera": 39416, - "ĠGov": 39417, - "ĠGCC": 39418, - "Ġclays": 39419, - "transmission": 39420, - "ĠHollywood": 39421, - "Ġxenob": 39422, - "FLOAT": 39423, - "Ġascent": 39424, - "Ġsharks": 39425, - "Ġinterferes": 39426, - "ĠFormer": 39427, - "ĠHartmann": 39428, - "sha": 39429, - "ĠSave": 39430, - "Ġparks": 39431, - "ĠVenn": 39432, - "Ġunions": 39433, - "Ġdiscour": 39434, - "Ġsuperlattices": 39435, - "Ġcoupler": 39436, - "proteins": 39437, - "ĠStationary": 39438, - "ĠEthernet": 39439, - "ĠFréchet": 39440, - "Ġkines": 39441, - "Ġjazz": 39442, - "Asn": 39443, - "Ġextensional": 39444, - "Ġtelomeres": 39445, - "Ġpermitting": 39446, - "Ġexhausted": 39447, - "ĠSphing": 39448, - "Turn": 39449, - "mind": 39450, - "Ġsf": 39451, - "ĠHak": 39452, - "ranolol": 39453, - "portation": 39454, - "Consistent": 39455, - "Ġventilated": 39456, - "ĠDISTRIB": 39457, - "Ġtelling": 39458, - "Ġmannose": 39459, - "ÃŃaz": 39460, - "Ġborne": 39461, - "Ġintensification": 39462, - "Ġenjoyed": 39463, - "ĠBruno": 39464, - "ĠSaturday": 39465, - "Ġcocycle": 39466, - "itate": 39467, - "Ġgolf": 39468, - "approved": 39469, - "ĠNikol": 39470, - "itri": 39471, - "ĠSentiment": 39472, - "Ġglow": 39473, - "Ġgyp": 39474, - "ĠPCT": 39475, - "aber": 39476, - "ĠWis": 39477, - "porum": 39478, - "Ġhyphae": 39479, - "feas": 39480, - "ĠTraits": 39481, - "ĠConflicts": 39482, - "degrading": 39483, - "Raman": 39484, - "pharmac": 39485, - "Ġimmunocyt": 39486, - "ĠBlake": 39487, - "Ġpseudoc": 39488, - "ĠCharacterisation": 39489, - "ĠGalileo": 39490, - "Enabl": 39491, - "Jy": 39492, - "Ġclav": 39493, - "Ġϳ": 39494, - "Ġcommunicated": 39495, - "eutical": 39496, - "Ġnanotechnology": 39497, - "ĠHassan": 39498, - "ĠTec": 39499, - "Ġhanging": 39500, - "ĠBSD": 39501, - "ĠContour": 39502, - "Ġfragility": 39503, - "Ġdisruptions": 39504, - "Ġfiniteness": 39505, - "ĠPhilippine": 39506, - "nicity": 39507, - "Ùĩ": 39508, - "ĠCrim": 39509, - "ĠCNF": 39510, - "ĠISI": 39511, - "adapter": 39512, - "ĠUCP": 39513, - "Ġtextured": 39514, - "AAV": 39515, - "keto": 39516, - "Np": 39517, - "counting": 39518, - "hynchus": 39519, - "Ġprosec": 39520, - "ĠAnnot": 39521, - "ĠHarbor": 39522, - "degrees": 39523, - "akar": 39524, - "ĠVik": 39525, - "bfd": 39526, - "Ġdrip": 39527, - "ĠCaucas": 39528, - "Ġtrench": 39529, - "Ġweed": 39530, - "Ġdistractor": 39531, - "genetic": 39532, - "specifically": 39533, - "ulfite": 39534, - "ĠConsistently": 39535, - "Ġbreakfast": 39536, - "Ġbullet": 39537, - "Ġlegisl": 39538, - "ĠTraumatic": 39539, - "Ġcollectors": 39540, - "ĠBullet": 39541, - "ĠMYB": 39542, - "ĠPink": 39543, - "versive": 39544, - "ĠAttem": 39545, - "Ġculturally": 39546, - "Bell": 39547, - "undef": 39548, - "vii": 39549, - "Ġhistocompatibility": 39550, - "letcher": 39551, - "ĠStef": 39552, - "Amp": 39553, - "ĠRid": 39554, - "ĠEucl": 39555, - "Ġdecryption": 39556, - "ĠSpencer": 39557, - "ĠBitcoin": 39558, - "wic": 39559, - "Ġcomplicate": 39560, - "ĠProposal": 39561, - "ĠÄĪ": 39562, - "aviruses": 39563, - "ĠFay": 39564, - "ĠRd": 39565, - "ĠGale": 39566, - "ĠMetastasis": 39567, - "ĠImprovements": 39568, - "©": 39569, - "Ġpolyester": 39570, - "Ġstratospheric": 39571, - "ĠSAH": 39572, - "Ġamphip": 39573, - "ĠAFP": 39574, - "ĠHair": 39575, - "ĠEPI": 39576, - "ĠUltrast": 39577, - "Ġâĭ¯": 39578, - "Ġgapless": 39579, - "Ham": 39580, - "etto": 39581, - "Ġthreonine": 39582, - "ĠECO": 39583, - "Ġia": 39584, - "Ġundist": 39585, - "Ġradiology": 39586, - "Ġsuperlattice": 39587, - "ibraries": 39588, - "Ġturbid": 39589, - "ĠPotentials": 39590, - "ĠPipeline": 39591, - "Ġwarfarin": 39592, - "WISE": 39593, - "ĠLid": 39594, - "Ġrecurring": 39595, - "ĠMono": 39596, - "ĠGovern": 39597, - "ĠAwareness": 39598, - "olab": 39599, - "iflora": 39600, - "stris": 39601, - "INDEX": 39602, - "ĠDementia": 39603, - "Does": 39604, - "wright": 39605, - "Íī": 39606, - "Ġsb": 39607, - "ĠDOM": 39608, - "ĠHBsAg": 39609, - "clinic": 39610, - "ĠExped": 39611, - "Ġproteas": 39612, - "Ġsterilization": 39613, - "ĠBanerjee": 39614, - "ĠPersonnel": 39615, - "âĮĭ": 39616, - "onephritis": 39617, - "omite": 39618, - "ĠCCF": 39619, - "ositi": 39620, - "ĠEucalyptus": 39621, - "ĠIsotope": 39622, - "coli": 39623, - "possibility": 39624, - "Ġstrontium": 39625, - "Ġraref": 39626, - "ĠInterstellar": 39627, - "kinin": 39628, - "ylethanol": 39629, - "JT": 39630, - "north": 39631, - "Ġcensored": 39632, - "istive": 39633, - "Ġnoticing": 39634, - "Ġshipping": 39635, - "Embed": 39636, - "Observ": 39637, - "Ġzeolites": 39638, - "ubit": 39639, - "Ġflaps": 39640, - "Ġdrifts": 39641, - "Ġtherapist": 39642, - "Ġpollination": 39643, - "aliplatin": 39644, - "Johnson": 39645, - "Ġimperfections": 39646, - "NY": 39647, - "Ġthalamic": 39648, - "ocarb": 39649, - "ozotocin": 39650, - "Ġtetramer": 39651, - "Plas": 39652, - "Ġmultichannel": 39653, - "ĠInsight": 39654, - "opods": 39655, - "ĠNacional": 39656, - "Ġimatinib": 39657, - "actual": 39658, - "ĠXOR": 39659, - "Ġblight": 39660, - "ĠLeading": 39661, - "amese": 39662, - "ĠAmplitude": 39663, - "ĠMonitor": 39664, - "ĠNeurological": 39665, - "propagating": 39666, - "Ġpaddle": 39667, - "ĠHarvest": 39668, - "Ġodont": 39669, - "BUF": 39670, - "Ġtactics": 39671, - "ĠAnisotropy": 39672, - "adip": 39673, - "ĠAlpine": 39674, - "Ġfeels": 39675, - "Ġmedieval": 39676, - "Ġelucidation": 39677, - "Ġheterotrophic": 39678, - "Ġrelaxing": 39679, - "Ġhappiness": 39680, - "ĠCytotoxicity": 39681, - "ĠRANKL": 39682, - "Walker": 39683, - "mig": 39684, - "ĠSSL": 39685, - "ĠSepsis": 39686, - "ĠGes": 39687, - "Ġhydrochloric": 39688, - "Ġclarification": 39689, - "Ġdisparate": 39690, - "tested": 39691, - "Ġdatap": 39692, - "Ġnovels": 39693, - "ĠMicroc": 39694, - "ál": 39695, - "ĠARC": 39696, - "ĠYangtze": 39697, - "etomidine": 39698, - "ĠMatrigel": 39699, - "ihilation": 39700, - "ĠcDNAs": 39701, - "Ġprostat": 39702, - "ĠRailroad": 39703, - "UBLE": 39704, - "ĠPARTIC": 39705, - "ĠSax": 39706, - "Ġinsecurity": 39707, - "Ġcrushed": 39708, - "Ġhalves": 39709, - "giant": 39710, - "ĠCroatia": 39711, - "icyclo": 39712, - "ĠUnexpected": 39713, - "Ġloneliness": 39714, - "anu": 39715, - "Ġchampions": 39716, - "uberculosis": 39717, - "Ġequi": 39718, - "Ġaccreted": 39719, - "Ġinvading": 39720, - "Ġafferents": 39721, - "Ġalternation": 39722, - "Ġkinet": 39723, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 39724, - "ĠMAGNET": 39725, - "ĠFIFA": 39726, - "zadeh": 39727, - "iphenyl": 39728, - "ĠKro": 39729, - "ĠEvaluate": 39730, - "illiant": 39731, - "curvature": 39732, - "ĠPierce": 39733, - "better": 39734, - "nos": 39735, - "à¥": 39736, - "ĠKCN": 39737, - "ĠStrand": 39738, - "caemic": 39739, - "ĠHoechst": 39740, - "ĠEXT": 39741, - "ĠLLVM": 39742, - "BZ": 39743, - "tgt": 39744, - "ondialdehyde": 39745, - "ĠEvid": 39746, - "ĠGul": 39747, - "Ġmultiplications": 39748, - "Ġauth": 39749, - "ĠAustral": 39750, - "Ġstaying": 39751, - "ĠGlutamate": 39752, - "Ġstray": 39753, - "ĠISA": 39754, - "Ġlowland": 39755, - "Ġparallels": 39756, - "Ġattractiveness": 39757, - "Ġelectrospinning": 39758, - "Ġportrayed": 39759, - "ospecific": 39760, - "folate": 39761, - "Ġcoeff": 39762, - "ĠEstrogen": 39763, - "tumour": 39764, - "Ġhysterectomy": 39765, - "Ġinositol": 39766, - "ĠBaz": 39767, - "istein": 39768, - "Ġcrucially": 39769, - "Ġdinoflag": 39770, - "ÍĶÍĴ": 39771, - "ĠDragon": 39772, - "ĠSpor": 39773, - "ĠMater": 39774, - "ĠHero": 39775, - "plicing": 39776, - "ĠANT": 39777, - "ĠFormic": 39778, - "Queue": 39779, - "ocarcinomas": 39780, - "UPS": 39781, - "ĠPc": 39782, - "encoders": 39783, - "Ġinvaded": 39784, - "ĠPhases": 39785, - "Ġpostmortem": 39786, - "Ġslows": 39787, - "ĠMcL": 39788, - "ĠVerma": 39789, - "ĠViability": 39790, - "Ġcompensating": 39791, - "Ġclamped": 39792, - "jm": 39793, - "ĠRiv": 39794, - "upon": 39795, - "ĠDickinson": 39796, - "initiated": 39797, - "Ġsider": 39798, - "ĠSelen": 39799, - "ĠAka": 39800, - "idelberg": 39801, - "Ġqualifying": 39802, - "Ġenforcing": 39803, - "otrophs": 39804, - "ĠSNAP": 39805, - "Ġrust": 39806, - "imburs": 39807, - "Ġimmunocompromised": 39808, - "ĠFleming": 39809, - "Ġlizards": 39810, - "dialysis": 39811, - "ĠUnivariate": 39812, - "Ġgasoline": 39813, - "Ġtenure": 39814, - "Ġsustaining": 39815, - "Ġmotone": 39816, - "bay": 39817, - "wani": 39818, - "orestation": 39819, - "ĠXII": 39820, - "Ġradiofrequency": 39821, - "ĠGuided": 39822, - "Individual": 39823, - "ĠSpectrometer": 39824, - "ĠGoing": 39825, - "ĠMartins": 39826, - "Approxim": 39827, - "amak": 39828, - "ĠâĪı": 39829, - "ĠOmn": 39830, - "Ġoutpatients": 39831, - "Ġhyperbol": 39832, - "ĠPerceptual": 39833, - "ĠBurke": 39834, - "Boltzmann": 39835, - "ĠMd": 39836, - "Ġpaw": 39837, - "ĠCathedral": 39838, - "Ġhyaluron": 39839, - "Ġbrachial": 39840, - "Ġaflatoxin": 39841, - "imo": 39842, - "Ġenrol": 39843, - "Ġdetonation": 39844, - "Ġoverly": 39845, - "thest": 39846, - "Ġsecondly": 39847, - "ĠSchiz": 39848, - "ĠIGFBP": 39849, - "atechin": 39850, - "Ġsaves": 39851, - "tiers": 39852, - "ĠBates": 39853, - "Ġalliance": 39854, - "Ġattri": 39855, - "Ġastro": 39856, - "ĠPathological": 39857, - "Ġgambiae": 39858, - "Park": 39859, - "idable": 39860, - "ĠNil": 39861, - "ĠJas": 39862, - "Ġneeding": 39863, - "meier": 39864, - "Ġferroptosis": 39865, - "ĠGuidance": 39866, - "AZ": 39867, - "iol": 39868, - "Ġacknowledg": 39869, - "exual": 39870, - "Ġmenopause": 39871, - "Ġadjunct": 39872, - "capture": 39873, - "ĠDeputy": 39874, - "Ġbial": 39875, - "ifa": 39876, - "ĠChitosan": 39877, - "ĠTopics": 39878, - "ĠPlasmid": 39879, - "calculations": 39880, - "give": 39881, - "responders": 39882, - "ulla": 39883, - "ĠMoreno": 39884, - "Ġcommentary": 39885, - "ĠMahm": 39886, - "": 39887, - "onacci": 39888, - "ĠCould": 39889, - "ĠTRP": 39890, - "seconds": 39891, - "GraphPad": 39892, - "Little": 39893, - "hey": 39894, - "Ġalike": 39895, - "ĠDias": 39896, - "aroo": 39897, - "Ġı": 39898, - "Ġtaxes": 39899, - "phenanth": 39900, - "ĠCheung": 39901, - "ĠPiet": 39902, - "Df": 39903, - "GU": 39904, - "mectin": 39905, - "zee": 39906, - "Ġdλ": 39907, - "Ġsyntheses": 39908, - "ĠáĪ": 39909, - "Simulation": 39910, - "ĠEleven": 39911, - "worms": 39912, - "lymphocyte": 39913, - "Ġhaemorrhage": 39914, - "ĠOwn": 39915, - "ĠKant": 39916, - "Ġoverse": 39917, - "Ġideation": 39918, - "ĠHarper": 39919, - "Acknowledgments": 39920, - "vili": 39921, - "yna": 39922, - "ĠRecurrence": 39923, - "oza": 39924, - "Ġhenceforth": 39925, - "zees": 39926, - "Ġquasic": 39927, - "Ġchoroidal": 39928, - "Ġantimalarial": 39929, - "Ġcoarsening": 39930, - "Deb": 39931, - "diam": 39932, - "ĠWeights": 39933, - "Ġbuying": 39934, - "Ġmessaging": 39935, - "February": 39936, - "Extended": 39937, - "ĠRossi": 39938, - "Ġmistaken": 39939, - "Ġutero": 39940, - "jas": 39941, - "icitis": 39942, - "ĠTidal": 39943, - "Ġpharyngeal": 39944, - "click": 39945, - "Ġmyo": 39946, - "knock": 39947, - "Ġprominence": 39948, - "Ġamphiphilic": 39949, - "corn": 39950, - "Ġonboard": 39951, - "ĠDud": 39952, - "ĠWoman": 39953, - "ĠOutbreak": 39954, - "Ġpreferably": 39955, - "Ġsketches": 39956, - "Sat": 39957, - "fixing": 39958, - "ĠMey": 39959, - "ĠLetters": 39960, - "ITIES": 39961, - "ĠSDP": 39962, - "ĠLNCaP": 39963, - "DX": 39964, - "Fluor": 39965, - "Rv": 39966, - "Sect": 39967, - "ĠIons": 39968, - "Ġtrachom": 39969, - "Ġultrastructure": 39970, - "qvist": 39971, - "rophe": 39972, - "Ġreceipt": 39973, - "ĠQuint": 39974, - "Ġswapping": 39975, - "aminidase": 39976, - "Ġarchival": 39977, - "ĠCreating": 39978, - "ĠBarton": 39979, - "diagnosed": 39980, - "atological": 39981, - "olph": 39982, - "ĠPFA": 39983, - "ĠLAP": 39984, - "Ġunphysical": 39985, - "eqn": 39986, - "Ġquartiles": 39987, - "olytica": 39988, - "ĠFreed": 39989, - "Ġventilator": 39990, - "Ġkaryotype": 39991, - "Sta": 39992, - "still": 39993, - "ĠTate": 39994, - "urability": 39995, - "ĠGron": 39996, - "Ġtrimer": 39997, - "IPA": 39998, - "adeca": 39999, - "ĠImplementing": 40000, - "sity": 40001, - "itr": 40002, - "Ġbom": 40003, - "Ġnonrelativistic": 40004, - "Ġmicelle": 40005, - "ĠAdminist": 40006, - "Ġelectrolysis": 40007, - "harmon": 40008, - "OLOGICAL": 40009, - "Liter": 40010, - "ĠGUI": 40011, - "ĠQL": 40012, - "months": 40013, - "Ġsuperflu": 40014, - "cuts": 40015, - "Ġelicits": 40016, - "Ġmultiplexed": 40017, - "overlap": 40018, - "Ġcadaver": 40019, - "Ġou": 40020, - "ĠSheng": 40021, - "erea": 40022, - "ĠNBC": 40023, - "Ġdeter": 40024, - "tyrosine": 40025, - "ĠParts": 40026, - "Ġessay": 40027, - "kas": 40028, - "itted": 40029, - "ĠPZT": 40030, - "essler": 40031, - "Ġsimulators": 40032, - "Ġradiating": 40033, - "cutting": 40034, - "ĠCalculating": 40035, - "THER": 40036, - "ĠROCK": 40037, - "communic": 40038, - "Ġbonus": 40039, - "ĠCPA": 40040, - "ĠPUR": 40041, - "ulton": 40042, - "ĠZhi": 40043, - "Ġcaloric": 40044, - "Ġinterpolate": 40045, - "ĠSecretion": 40046, - "Ġneurocognitive": 40047, - "Ġgadolinium": 40048, - "frequencies": 40049, - "ĠTract": 40050, - "Ġminimax": 40051, - "ĠBrock": 40052, - "rypsin": 40053, - "ĠResonant": 40054, - "ĠACKNOWLEDGEMENTS": 40055, - "Dom": 40056, - "Ġholotype": 40057, - "Special": 40058, - "Ġimmunoreactive": 40059, - "ARNING": 40060, - "Panel": 40061, - "ĠJohannes": 40062, - "RFP": 40063, - "zzi": 40064, - "ĠPomer": 40065, - "Ġtransects": 40066, - "Ġpoured": 40067, - "EDs": 40068, - "ĠCircum": 40069, - "Ġabnormally": 40070, - "ĠPunj": 40071, - "Gol": 40072, - "Hop": 40073, - "Hex": 40074, - "ILE": 40075, - "Ġsourced": 40076, - "oclase": 40077, - "protobuf": 40078, - "Ġfrogs": 40079, - "ĠOttawa": 40080, - "Ġbiogeochemical": 40081, - "Ġlentivirus": 40082, - "Young": 40083, - "ĠIPS": 40084, - "assen": 40085, - "Ġunrestricted": 40086, - "Ġmatplotlib": 40087, - "Ġchloramphenicol": 40088, - "ĠContextual": 40089, - "ĠHawaiian": 40090, - "Legend": 40091, - "Sparse": 40092, - "bore": 40093, - "gaussian": 40094, - "uke": 40095, - "Ġâ̰": 40096, - "retest": 40097, - "SSE": 40098, - "preting": 40099, - "ĠPanama": 40100, - "ĠBroadband": 40101, - "conjugate": 40102, - "Bytes": 40103, - "GSH": 40104, - "Uns": 40105, - "rina": 40106, - "Ġdrained": 40107, - "Ġscap": 40108, - "Ġinvested": 40109, - "Ġsatisfactorily": 40110, - "Ġherbivores": 40111, - "Ġarachidonic": 40112, - "ymetrix": 40113, - "Ġnect": 40114, - "Ġconges": 40115, - "ĠMerr": 40116, - "ĠMai": 40117, - "Chain": 40118, - "Ġretrieving": 40119, - "Collection": 40120, - "ĠMTX": 40121, - "ĠFernando": 40122, - "hg": 40123, - "ĠRams": 40124, - "thresh": 40125, - "apsules": 40126, - "Ġconduit": 40127, - "swap": 40128, - "Ġblowing": 40129, - "ĠNyquist": 40130, - "Ġunconscious": 40131, - "ĠDIFFERENT": 40132, - "Techn": 40133, - "hiz": 40134, - "îĤ": 40135, - "Ġdξ": 40136, - "ĠSto": 40137, - "ĠFlavon": 40138, - "David": 40139, - "Ġfiltrate": 40140, - "lith": 40141, - "ĠWool": 40142, - "ĠKnot": 40143, - "Ġhalide": 40144, - "Ġbioassay": 40145, - "ĠGoldberg": 40146, - "ĠTrichoderma": 40147, - "Ġintraspecific": 40148, - "crystall": 40149, - "ĠRend": 40150, - "ourg": 40151, - "Ġundertake": 40152, - "ĠEnum": 40153, - "infect": 40154, - "Ġmidgut": 40155, - "attack": 40156, - "ĠCircle": 40157, - "Ġpleiotropic": 40158, - "escent": 40159, - "ĠFri": 40160, - "philis": 40161, - "astings": 40162, - "Ġbiogas": 40163, - "ĠÄľ": 40164, - "Ġaccompany": 40165, - "Ġrolled": 40166, - "Ġchirp": 40167, - "Ġsomatostatin": 40168, - "varkappa": 40169, - "Scal": 40170, - "Ġdrow": 40171, - "romed": 40172, - "ĠLup": 40173, - "ĠLuminosity": 40174, - "ĠNig": 40175, - "ferromagnetic": 40176, - "ĠToy": 40177, - "Ġcannabinoid": 40178, - "ĠHOX": 40179, - "iele": 40180, - "ĠCTX": 40181, - "Ġhydrop": 40182, - "Ġfavorite": 40183, - "Ġstretches": 40184, - "evaluated": 40185, - "ogroups": 40186, - "acal": 40187, - "ollo": 40188, - "Ġgenders": 40189, - "ĠGraft": 40190, - "Ġincidences": 40191, - "Ġreplacements": 40192, - "ĠTRUNC": 40193, - "CRF": 40194, - "Ġequalization": 40195, - "ĠRenew": 40196, - "Ġplethora": 40197, - "ĠEncoder": 40198, - "Mit": 40199, - "Ġcaches": 40200, - "orate": 40201, - "endors": 40202, - "ĠCaution": 40203, - "ĠAbel": 40204, - "compression": 40205, - "ĠLarsen": 40206, - "ĠElimination": 40207, - "Ġtester": 40208, - "Ġninth": 40209, - "ĠLö": 40210, - "Ġspiders": 40211, - "Ġpoem": 40212, - "Ġeducators": 40213, - "ĠEnhances": 40214, - "destructive": 40215, - "Fourier": 40216, - "Ġseismicity": 40217, - "ĠYunnan": 40218, - "Riemannian": 40219, - "WID": 40220, - "vular": 40221, - "ĠBorder": 40222, - "Ġcombin": 40223, - "singlet": 40224, - "ĠEddington": 40225, - "ĠTemplate": 40226, - "ĠPAX": 40227, - "Ġbasalts": 40228, - "Enh": 40229, - "Ġassistants": 40230, - "ĠCascade": 40231, - "Ġinbreeding": 40232, - "chini": 40233, - "Ġupgraded": 40234, - "ĠTransit": 40235, - "survival": 40236, - "Ġinjector": 40237, - "ĠPascal": 40238, - "DEVICE": 40239, - "Ġfost": 40240, - "ĠKand": 40241, - "Ġextragalactic": 40242, - "ependently": 40243, - "Ġexcite": 40244, - "Ġfulfil": 40245, - "Ġriparian": 40246, - "Ġuploaded": 40247, - "aun": 40248, - "lod": 40249, - "saving": 40250, - "ĠHib": 40251, - "ĠEra": 40252, - "obese": 40253, - "Ġui": 40254, - "Ġspectrally": 40255, - "keV": 40256, - "xxx": 40257, - "ĠOtto": 40258, - "Ġétale": 40259, - "LAT": 40260, - "dermal": 40261, - "diaz": 40262, - "ĠPli": 40263, - "Ġlegume": 40264, - "Ġinspect": 40265, - "Ġthymic": 40266, - "ĠHormone": 40267, - "áĢ": 40268, - "inot": 40269, - "ĠShib": 40270, - "ĠBCC": 40271, - "ĠVital": 40272, - "Ġprofits": 40273, - "ĠFederated": 40274, - "Ġflipped": 40275, - "Ġproprietary": 40276, - "incorporated": 40277, - "Ġbacteremia": 40278, - "Ġáŀĩ": 40279, - "fins": 40280, - "ä½": 40281, - "esia": 40282, - "ĠHollow": 40283, - "geons": 40284, - "Ġtrehalose": 40285, - "ERO": 40286, - "osterol": 40287, - "omus": 40288, - "ĠCrystall": 40289, - "Ġcuration": 40290, - "Ġmagnon": 40291, - "ĠAmend": 40292, - "Ġharb": 40293, - "Ġneutrality": 40294, - "ĠDelphi": 40295, - "Ġnonsense": 40296, - "ĠHomeostasis": 40297, - "Ġexpenditures": 40298, - "Sequential": 40299, - "imodular": 40300, - "Ġzenith": 40301, - "ĠMoran": 40302, - "Ġbootstrapping": 40303, - "iomy": 40304, - "lactic": 40305, - "iture": 40306, - "Ġnat": 40307, - "Ġgab": 40308, - "Ġchat": 40309, - "regional": 40310, - "Ġcrashes": 40311, - "ĠAFB": 40312, - "Ġcrowded": 40313, - "Ġtweet": 40314, - "engineered": 40315, - "ĠCharged": 40316, - "Sche": 40317, - "ITIONS": 40318, - "ĠCoral": 40319, - "ĠEli": 40320, - "Ġinverting": 40321, - "Ġpedag": 40322, - "ĠSanders": 40323, - "Meanwhile": 40324, - "ĠGriffiths": 40325, - "PSCs": 40326, - "tize": 40327, - "ĠMail": 40328, - "Ġundec": 40329, - "Ġhermitian": 40330, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 40331, - "ĠExplos": 40332, - "Ġwestward": 40333, - "ĠConfirm": 40334, - "Begin": 40335, - "Ġfactories": 40336, - "ĠPRL": 40337, - "shear": 40338, - "Header": 40339, - "ĠFLAGS": 40340, - "anomal": 40341, - "ĠQW": 40342, - "ĠÌħ": 40343, - "oinositi": 40344, - "Ġmammography": 40345, - "Ġdepositional": 40346, - "EXP": 40347, - "residue": 40348, - "Ġunsatisfactory": 40349, - "Aβ": 40350, - "MUX": 40351, - "Ġstaged": 40352, - "ĠMMT": 40353, - "ĠKus": 40354, - "llo": 40355, - "Ġtrainer": 40356, - "adden": 40357, - "Ġpinch": 40358, - "WARE": 40359, - "Ġcabinet": 40360, - "CSP": 40361, - "ecum": 40362, - "oteric": 40363, - "ĠHav": 40364, - "Ġresume": 40365, - "Ġnetworked": 40366, - "share": 40367, - "ĠColle": 40368, - "Ġchemotactic": 40369, - "ĠGlyc": 40370, - "olkit": 40371, - "Ġbotulinum": 40372, - "ĠNeighborhood": 40373, - "mV": 40374, - "ĠHQ": 40375, - "efaciens": 40376, - "gett": 40377, - "Ġgeost": 40378, - "ĠCDW": 40379, - "Ģ̇": 40380, - "Ġfloors": 40381, - "representing": 40382, - "odiode": 40383, - "ĠInstance": 40384, - "Ġmonodis": 40385, - "drying": 40386, - "reasing": 40387, - "igi": 40388, - "Ġgout": 40389, - "ĠIEC": 40390, - "Ġflush": 40391, - "Ġtraded": 40392, - "Review": 40393, - "ĠïĤ¢": 40394, - "Ġà¤": 40395, - "Ġabbreviations": 40396, - "otherapies": 40397, - "Ġindeterminate": 40398, - "Ġglutaraldehyde": 40399, - "Ġattrition": 40400, - "jump": 40401, - "inde": 40402, - "ĠGri": 40403, - "arction": 40404, - "TRAIN": 40405, - "Ġescaped": 40406, - "atement": 40407, - "ĠPam": 40408, - "ĠGAM": 40409, - "productive": 40410, - "ĠAmericas": 40411, - "agenesis": 40412, - "ĠMixtures": 40413, - "ĠHooft": 40414, - "ĠWindow": 40415, - "Ġnodular": 40416, - "Ġechin": 40417, - "DOF": 40418, - "ĠDDT": 40419, - "electrical": 40420, - "ĠDecentralized": 40421, - "Ġcontradict": 40422, - "French": 40423, - "Ġaustr": 40424, - "ĠAPD": 40425, - "ĠDIM": 40426, - "ĠSten": 40427, - "ronomic": 40428, - "ĠPolymorphism": 40429, - "Ġcocc": 40430, - "itings": 40431, - "Ġsubcritical": 40432, - "ĠUniqueness": 40433, - "OPEN": 40434, - "rotoxicity": 40435, - "GenBank": 40436, - "atabases": 40437, - "Nets": 40438, - "uistic": 40439, - "yric": 40440, - "ĠSID": 40441, - "Ġcooked": 40442, - "ĠJudge": 40443, - "Ġparameterizations": 40444, - "Ġenumerated": 40445, - "ĠAsthma": 40446, - "Develop": 40447, - "Ġcake": 40448, - "ĠAges": 40449, - "venile": 40450, - "Ġflor": 40451, - "Ġcouldn": 40452, - "detach": 40453, - "Ġpipette": 40454, - "ĠInstant": 40455, - "Ġtentatively": 40456, - "ĠINTEGR": 40457, - "HQ": 40458, - "Mapping": 40459, - "cq": 40460, - "åĪ": 40461, - "SUM": 40462, - "fractions": 40463, - "ĠClaud": 40464, - "Formula": 40465, - "Axis": 40466, - "ĠBilly": 40467, - "ĠMethane": 40468, - "ĠIGM": 40469, - "cannot": 40470, - "س": 40471, - "Ġciting": 40472, - "ĠDynam": 40473, - "Ġlett": 40474, - "egler": 40475, - "ĠPhysicians": 40476, - "xFF": 40477, - "Ġoyster": 40478, - "ĠTOC": 40479, - "Ġsubarachnoid": 40480, - "ĠCOM": 40481, - "ITER": 40482, - "Ġbenzodiazep": 40483, - "Ġuncomplicated": 40484, - "tillo": 40485, - "Carbon": 40486, - "atem": 40487, - "Ġsel": 40488, - "ingo": 40489, - "IVITY": 40490, - "Ġcavern": 40491, - "Ġspacelike": 40492, - "ĠCollisions": 40493, - "straint": 40494, - "Ġmycobacterial": 40495, - "Ġtrachomatis": 40496, - "Ai": 40497, - "mf": 40498, - "ĠTric": 40499, - "tico": 40500, - "ĠElection": 40501, - "ĠKDM": 40502, - "ĠExosomes": 40503, - "afluor": 40504, - "Ġformalized": 40505, - "ĠELF": 40506, - "vphantom": 40507, - "ĠSME": 40508, - "ichuan": 40509, - "ĠVMs": 40510, - "Ġrostral": 40511, - "ofer": 40512, - "ramanian": 40513, - "intercal": 40514, - "Merck": 40515, - "ĠFerguson": 40516, - "HU": 40517, - "lj": 40518, - "Ġrack": 40519, - "Ġmicrograph": 40520, - "CTS": 40521, - "Ġpassively": 40522, - "ĠMasses": 40523, - "rangians": 40524, - "ĠADM": 40525, - "ĠProvided": 40526, - "ĠVeterans": 40527, - "sound": 40528, - "gex": 40529, - "ĠSpiral": 40530, - "Ġfossa": 40531, - "Ġthermodynamically": 40532, - "ĠStaining": 40533, - "Ġkar": 40534, - "eflon": 40535, - "ĠBruns": 40536, - "VAE": 40537, - "olyticus": 40538, - "Ġintranasal": 40539, - "ĠProspects": 40540, - "athers": 40541, - "Ġnumbering": 40542, - "ĠReplacement": 40543, - "ĠNoncommutative": 40544, - "quisitions": 40545, - "ĠSIMD": 40546, - "ĠArterial": 40547, - "ĠHGF": 40548, - "ĠGPP": 40549, - "Ġfluvial": 40550, - "neri": 40551, - "ĠCompressed": 40552, - "VIDIA": 40553, - "Ġshocked": 40554, - "dys": 40555, - "invariance": 40556, - "enstein": 40557, - "ĠSCM": 40558, - "ĠDod": 40559, - "Ġsho": 40560, - "Chlor": 40561, - "duino": 40562, - "Ġurgently": 40563, - "soc": 40564, - "etching": 40565, - "Ġdiffractive": 40566, - "ĠZF": 40567, - "Ġhyperplanes": 40568, - "Ġmyri": 40569, - "Ġferromagnetism": 40570, - "filament": 40571, - "Ġjustifies": 40572, - "fault": 40573, - "ĠHTS": 40574, - "ĠEPC": 40575, - "too": 40576, - "ĠTRAP": 40577, - "ión": 40578, - "rv": 40579, - "ĠBPD": 40580, - "ĠNod": 40581, - "posit": 40582, - "ĠConvers": 40583, - "Ġzeroes": 40584, - "ĠGlen": 40585, - "ĠDisturb": 40586, - "Ġtableau": 40587, - "Ġpseudot": 40588, - "ĠCollider": 40589, - "Ġadsorbents": 40590, - "ĠGrove": 40591, - "Ġkingdom": 40592, - "Est": 40593, - "Xs": 40594, - "czyk": 40595, - "ĠWille": 40596, - "ĠVOL": 40597, - "scar": 40598, - "ĠAdler": 40599, - "ĠOrchestra": 40600, - "Ġsparsely": 40601, - "glycosylation": 40602, - "Lac": 40603, - "otions": 40604, - "ĠIle": 40605, - "Ġbeacon": 40606, - "ĠRn": 40607, - "ullah": 40608, - "Ġtimelike": 40609, - "ĠForests": 40610, - "Ġupload": 40611, - "jit": 40612, - "ĠEDM": 40613, - "Ġtransplants": 40614, - "marker": 40615, - "ĠBreeding": 40616, - "ÎĶÎĶ": 40617, - "Ġfavorably": 40618, - "ĠTransformations": 40619, - "abeled": 40620, - "ĠPolitics": 40621, - "episode": 40622, - "Ġfut": 40623, - "Ġdithi": 40624, - "ĠMw": 40625, - "Ġtranspiration": 40626, - "Ġunlimited": 40627, - "ĠAntiv": 40628, - "PPV": 40629, - "Ġnomogram": 40630, - "Ġinvented": 40631, - "ĠSchedule": 40632, - "allows": 40633, - "Ġtransvers": 40634, - "Ġworkpiece": 40635, - "blacksquare": 40636, - "callback": 40637, - "ĠAthletic": 40638, - "hans": 40639, - "poles": 40640, - "Ġeavesdrop": 40641, - "ĠCone": 40642, - "oclim": 40643, - "ĠGhost": 40644, - "iterations": 40645, - "Ġweaken": 40646, - "Ġalkaloid": 40647, - "Ġveterans": 40648, - "Ġprostatectomy": 40649, - "Ġbog": 40650, - "ĠCed": 40651, - "ĠFever": 40652, - "ylan": 40653, - "archive": 40654, - "Ġattackers": 40655, - "Making": 40656, - "bane": 40657, - "ĠPull": 40658, - "ĠFLO": 40659, - "Ġcoaches": 40660, - "ĠVSM": 40661, - "okh": 40662, - "ĠSpo": 40663, - "amilial": 40664, - "principle": 40665, - "Ġaggressiveness": 40666, - "Ġgardens": 40667, - "SIG": 40668, - "Ġmbar": 40669, - ".....": 40670, - "Ġoptimizes": 40671, - "Ġmorphologic": 40672, - "hani": 40673, - "Ġgermanium": 40674, - "Enabled": 40675, - "wb": 40676, - "Ġforamen": 40677, - "ĠSPA": 40678, - "Ġmagnified": 40679, - "ĠSlater": 40680, - "ĠSyrian": 40681, - "Ġtert": 40682, - "Ġtraditions": 40683, - "Ġoffensive": 40684, - "Ġhydrology": 40685, - "ergetics": 40686, - "Phot": 40687, - "Ġperovskites": 40688, - "Ġwavenumbers": 40689, - "Ġosteoclasts": 40690, - "imedean": 40691, - "ĠBasketball": 40692, - "benzodiox": 40693, - "ĠTRUNCATED": 40694, - "Ġbishop": 40695, - "ĠSgr": 40696, - "ĠSatisfaction": 40697, - "agnostic": 40698, - "numeric": 40699, - "Ġnormals": 40700, - "Ġhumor": 40701, - "Ġcontinents": 40702, - "NATION": 40703, - "Lagrangian": 40704, - "Ġknees": 40705, - "ĠIDE": 40706, - "adas": 40707, - "adia": 40708, - "ĠOU": 40709, - "onds": 40710, - "ĠChaud": 40711, - "Ġslicing": 40712, - "ĠActor": 40713, - "Alt": 40714, - "Ġbroadcasts": 40715, - "osaurs": 40716, - "Ġpickle": 40717, - "Ġunfamiliar": 40718, - "allus": 40719, - "Ġhashing": 40720, - "incidence": 40721, - "Ġmetabolized": 40722, - "Ġhomogeneously": 40723, - "ĠFalcon": 40724, - "ĠÑģ": 40725, - "ĠCere": 40726, - "ĠCLA": 40727, - "ĠPaste": 40728, - "ĠFry": 40729, - "ĠDre": 40730, - "adult": 40731, - "Ġdiscounted": 40732, - "sensitized": 40733, - "erculous": 40734, - "ĠPixel": 40735, - "ĠBram": 40736, - "allo": 40737, - "ipative": 40738, - "ipality": 40739, - "ĠStrict": 40740, - "ĠTrinity": 40741, - "ĠClassifiers": 40742, - "ĠBasel": 40743, - "ĠCurcumin": 40744, - "ĠLUMO": 40745, - "Ġmediastinal": 40746, - "ĠFFA": 40747, - "Ġplenty": 40748, - "prised": 40749, - "Ġprinter": 40750, - "Ġcalcare": 40751, - "insn": 40752, - "ontology": 40753, - "Ġgrounding": 40754, - "ĠALDH": 40755, - "STRING": 40756, - "ĠFemales": 40757, - "ĠFocusing": 40758, - "assessment": 40759, - "ĠBluetooth": 40760, - "ëĬĶ": 40761, - "Ġego": 40762, - "ĠDAC": 40763, - "onding": 40764, - "randa": 40765, - "ĠLudwig": 40766, - "Ġantecedent": 40767, - "ĠErnst": 40768, - "dX": 40769, - "odeling": 40770, - "âĢĭ": 40771, - "Inser": 40772, - "ognormal": 40773, - "ĠTevatron": 40774, - "Ġcovariances": 40775, - "riging": 40776, - "ĠMgSO": 40777, - "carbonitrile": 40778, - "ĠLoren": 40779, - "Ġpolytopes": 40780, - "ĠParental": 40781, - "Ġunhealthy": 40782, - "itherto": 40783, - "ĠMotif": 40784, - "DataType": 40785, - "ĠMIPS": 40786, - "ĠPhosphorus": 40787, - "MoO": 40788, - "ĠPerturbations": 40789, - "Ġaphids": 40790, - "Ġanhydride": 40791, - "ideration": 40792, - "ĠMits": 40793, - "gravit": 40794, - "Ġdestinations": 40795, - "Commun": 40796, - "Ġtetrahedron": 40797, - "implicit": 40798, - "Ġassort": 40799, - "ĠSubt": 40800, - "ĠAcetyl": 40801, - "ecium": 40802, - "ĠNie": 40803, - "Ġoperand": 40804, - "ĠScher": 40805, - "azoles": 40806, - "tlement": 40807, - "ĠBlocking": 40808, - "Ġbottlenecks": 40809, - "ĠOccupational": 40810, - "HAS": 40811, - "Teller": 40812, - "Ġvague": 40813, - "esting": 40814, - "SNE": 40815, - "Ġphotoionization": 40816, - "Ġcomplaint": 40817, - "uspid": 40818, - "owler": 40819, - "Ġendocytic": 40820, - "Ġflocks": 40821, - "epsin": 40822, - "colors": 40823, - "otopes": 40824, - "ĠDepletion": 40825, - "ELLAR": 40826, - "armed": 40827, - "ĠTIR": 40828, - "Ġbullying": 40829, - "Ġâݧ": 40830, - "osporidium": 40831, - "Mr": 40832, - "ĠCic": 40833, - "ogal": 40834, - "Ġsectioned": 40835, - "Chapter": 40836, - "ĠContents": 40837, - "ĠPaths": 40838, - "ĠExplain": 40839, - "computing": 40840, - "Ġshrub": 40841, - "ĠMalaysian": 40842, - "Beta": 40843, - "Mad": 40844, - "Ros": 40845, - "Ġeyel": 40846, - "ĠACF": 40847, - "ĠMm": 40848, - "texture": 40849, - "Ġinterpretability": 40850, - "ĠTopic": 40851, - "Ġbadly": 40852, - "ĠmAh": 40853, - "Eg": 40854, - "RQ": 40855, - "pins": 40856, - "etc": 40857, - "ĠVogel": 40858, - "Ġhypoc": 40859, - "Ġrunaway": 40860, - "Ġpersonally": 40861, - "Ġbinders": 40862, - "sensory": 40863, - "ĠIPv": 40864, - "ranked": 40865, - "Ġfibrations": 40866, - "Ġstrawberry": 40867, - "arotomy": 40868, - "FLI": 40869, - "rator": 40870, - "odys": 40871, - "iran": 40872, - "ĠBead": 40873, - "ĠDAM": 40874, - "âĪĥ": 40875, - "Ġillusion": 40876, - "pidium": 40877, - "Place": 40878, - "Region": 40879, - "Ġallocations": 40880, - "Ġohmic": 40881, - "Ġnf": 40882, - "imino": 40883, - "ĠBris": 40884, - "itizing": 40885, - "proper": 40886, - "subgroup": 40887, - "Ġsalience": 40888, - "rangement": 40889, - "ĠMeaning": 40890, - "Ġbarcode": 40891, - "Ġneuropeptide": 40892, - "Ġendosperm": 40893, - "imab": 40894, - "Ġnanod": 40895, - "ĠMetz": 40896, - "Ġcollocation": 40897, - "ĠInfected": 40898, - "Ġpackaged": 40899, - "ĠADA": 40900, - "ĠBarth": 40901, - "ĠCNC": 40902, - "Ġcascaded": 40903, - "ĠStockholm": 40904, - "itas": 40905, - "ĠMMR": 40906, - "ĠDrought": 40907, - "Ġpermissible": 40908, - "Ġsciatic": 40909, - "Ġfringes": 40910, - "Ġexecutable": 40911, - "Ġstemness": 40912, - "ĠEndoscopic": 40913, - "aporin": 40914, - "TOP": 40915, - "eB": 40916, - "tur": 40917, - "ĠStages": 40918, - "anches": 40919, - "Ġnonperturbative": 40920, - "Ġmaritime": 40921, - "Ġcoverslips": 40922, - "Ġlagoon": 40923, - "Experiments": 40924, - "Ġcodewords": 40925, - "Encoder": 40926, - "das": 40927, - "prac": 40928, - "Ġpaddy": 40929, - "Ġdraining": 40930, - "Ġkids": 40931, - "Ġenemies": 40932, - "Ġmotile": 40933, - "Ġslack": 40934, - "bees": 40935, - "ĠSuppl": 40936, - "ĠBarber": 40937, - "ĠSPH": 40938, - "Ġcrystallite": 40939, - "fitted": 40940, - "cyclopent": 40941, - "ĠRMSD": 40942, - "Ġparkinson": 40943, - "Ġuncorrected": 40944, - "ĠSyntax": 40945, - "Ġmultinomial": 40946, - "ĠIncorporating": 40947, - "akrishnan": 40948, - "JL": 40949, - "NESS": 40950, - "mim": 40951, - "ĠTET": 40952, - "ĠPorph": 40953, - "ĠSchwe": 40954, - "Ġcatalogs": 40955, - "ĠAuthentication": 40956, - "Bro": 40957, - "ugar": 40958, - "ĠAmpl": 40959, - "Ġsapiens": 40960, - "ĠGANs": 40961, - "Ġnecessitates": 40962, - "tg": 40963, - "edal": 40964, - "ĠRear": 40965, - "opeptidase": 40966, - "ĠInformed": 40967, - "Ġtailor": 40968, - "ĠNNLO": 40969, - "Ġhemodynamics": 40970, - "Sy": 40971, - "dating": 40972, - "achers": 40973, - "ĠTodd": 40974, - "ĠMario": 40975, - "ĠUGT": 40976, - "ĠValent": 40977, - "Ġstreamlines": 40978, - "Ġwarrants": 40979, - "Ġrew": 40980, - "ĠMud": 40981, - "ĠGK": 40982, - "Ġcoke": 40983, - "ĠUran": 40984, - "Ġgrooves": 40985, - "ronate": 40986, - "ĠRadius": 40987, - "ĠSuite": 40988, - "atumoral": 40989, - "Workspace": 40990, - "ĠSynergistic": 40991, - "ĠAtherosclerosis": 40992, - "maz": 40993, - "argmax": 40994, - "shield": 40995, - "ontin": 40996, - "Ġlistener": 40997, - "ocytoma": 40998, - "ĠGrav": 40999, - "ĠJerusalem": 41000, - "pyrrolidin": 41001, - "ĠSprings": 41002, - "Ġseafloor": 41003, - "Ġdips": 41004, - "istani": 41005, - "obis": 41006, - "Ġphotodynamic": 41007, - "ADO": 41008, - "Ġionisation": 41009, - "Ġbarn": 41010, - "igenetics": 41011, - "Ġeconomies": 41012, - "ĠGlacier": 41013, - "Ġç": 41014, - "imes": 41015, - "ĠSasaki": 41016, - "chio": 41017, - "Ġassisting": 41018, - "ostin": 41019, - "Ġindiff": 41020, - "ĠShot": 41021, - "ĠNeuron": 41022, - "CDD": 41023, - "ĠCONST": 41024, - "ĠBSs": 41025, - "tas": 41026, - "association": 41027, - "parg": 41028, - "Ġescal": 41029, - "exercise": 41030, - "ĠAdela": 41031, - "Ġmyogenic": 41032, - "ĠNOAA": 41033, - "yclo": 41034, - "linal": 41035, - "ĠHut": 41036, - "Ġintroductory": 41037, - "Ġheterochromatin": 41038, - "Ġchemoresistance": 41039, - "Ġsimplifications": 41040, - "pyridin": 41041, - "Ġamyloidosis": 41042, - "Ġnanofiber": 41043, - "ĠSutton": 41044, - "ĠResilience": 41045, - "Parent": 41046, - "ĠLMS": 41047, - "Ġlets": 41048, - "ĠElderly": 41049, - "Ġirrevers": 41050, - "sheets": 41051, - "Effects": 41052, - "Ġellipses": 41053, - "ĠPhilosophy": 41054, - "Ġphotographic": 41055, - "HEAD": 41056, - "Ġreversibility": 41057, - "Ġfederated": 41058, - "ĠPhosphoserine": 41059, - "estimation": 41060, - "ĠHumph": 41061, - "Json": 41062, - "Ġfills": 41063, - "Ġverm": 41064, - "ĠSeif": 41065, - "withstanding": 41066, - "ĠYamada": 41067, - "eria": 41068, - "ĠFLA": 41069, - "ĠVick": 41070, - "toid": 41071, - "annier": 41072, - "Ġcancerous": 41073, - "PRINT": 41074, - "ĠMechanistic": 41075, - "Ġdusty": 41076, - "ĠAppend": 41077, - "ycin": 41078, - "Ġazo": 41079, - "Ġsizing": 41080, - "Ġcrayfish": 41081, - "avis": 41082, - "ĠAdvent": 41083, - "ĠCommunist": 41084, - "ĠIMU": 41085, - "pixels": 41086, - "Hall": 41087, - "past": 41088, - "ĠRous": 41089, - "ressional": 41090, - "aird": 41091, - "ĠADD": 41092, - "Ġsummarizing": 41093, - "Ġelectrol": 41094, - "Station": 41095, - "ĠLyα": 41096, - "ĠTMEM": 41097, - "Ġpeptidase": 41098, - "Dual": 41099, - "git": 41100, - "ĠBOD": 41101, - "ĠRham": 41102, - "ĠKak": 41103, - "Ġreadiness": 41104, - "ĠCompare": 41105, - "ĠRamos": 41106, - "significantly": 41107, - "Ġhairy": 41108, - "Ġvasopressin": 41109, - "ĠGuideline": 41110, - "BNP": 41111, - "Ġdirty": 41112, - "Ġinfimum": 41113, - "ĠAless": 41114, - "ĠVolcano": 41115, - "Magn": 41116, - "YY": 41117, - "ughlin": 41118, - "boplatin": 41119, - "ĠCantor": 41120, - "Ġclothes": 41121, - "ĠRw": 41122, - "Ġuseless": 41123, - "ĠKdV": 41124, - "operoxidase": 41125, - "ĠCorrect": 41126, - "Ġfatality": 41127, - "ĠRestriction": 41128, - "Computer": 41129, - "Department": 41130, - "Il": 41131, - "gang": 41132, - "ĠElectroc": 41133, - "obaric": 41134, - "Phen": 41135, - "Ġned": 41136, - "adh": 41137, - "issing": 41138, - "tooth": 41139, - "Ġmanuscripts": 41140, - "Ġbiotechnology": 41141, - "Supp": 41142, - "ĠPairwise": 41143, - "ĠParsing": 41144, - "dH": 41145, - "melt": 41146, - "rz": 41147, - "ĠCatalyst": 41148, - "emption": 41149, - "Ġshowers": 41150, - "BLEM": 41151, - "ĠBrothers": 41152, - "banon": 41153, - "Ġbrachy": 41154, - "metallicity": 41155, - "ĠCIS": 41156, - "ĠCopenhagen": 41157, - "Ġelder": 41158, - "Ġfinanc": 41159, - "odesic": 41160, - "Ġdevise": 41161, - "Ġsurvives": 41162, - "ĠðtÃŀ": 41163, - "Ġfascinating": 41164, - "Ġparallax": 41165, - "HOR": 41166, - "yth": 41167, - "onins": 41168, - "ĠEHR": 41169, - "ĠGates": 41170, - "obase": 41171, - "ĠConway": 41172, - "operations": 41173, - "manuel": 41174, - "ĠAbdominal": 41175, - "ĠARG": 41176, - "ĠGrö": 41177, - "Ġphotosens": 41178, - "ĠCoulter": 41179, - "ĠJulian": 41180, - "ĠLevine": 41181, - "Ġsarcoidosis": 41182, - "Ġpillars": 41183, - "ĠdR": 41184, - "ĠWG": 41185, - "Ġspeculation": 41186, - "anski": 41187, - "ĠGaussians": 41188, - "Schw": 41189, - "ĠNambu": 41190, - "parents": 41191, - "intrinsic": 41192, - "ĠKendall": 41193, - "ĠRg": 41194, - "Ġprototypical": 41195, - "brella": 41196, - "Ġtetrap": 41197, - "ĠPathophys": 41198, - "nmt": 41199, - "Ġergodicity": 41200, - "ĠYersinia": 41201, - "QO": 41202, - "ĠIAV": 41203, - "Ġchocolate": 41204, - "Ġconferring": 41205, - "ClNO": 41206, - "otia": 41207, - "Complete": 41208, - "ĠAMPA": 41209, - "ïĢŃ": 41210, - "Ġḡ": 41211, - "ĠiPSCs": 41212, - "ĠApparently": 41213, - "Ġintoxication": 41214, - "ĠFather": 41215, - "percent": 41216, - "Ġshaker": 41217, - "Ġfinancing": 41218, - "Ġgenitalia": 41219, - "members": 41220, - "Ġstagnation": 41221, - "hmatic": 41222, - "rored": 41223, - "Ġconidia": 41224, - "ataloader": 41225, - "ĠNeil": 41226, - "Ġliteratures": 41227, - "ĠGlc": 41228, - "ĠDevelopments": 41229, - "differentiation": 41230, - "ĠRevisited": 41231, - "nil": 41232, - "tom": 41233, - "diol": 41234, - "ĠAbell": 41235, - "Ġplastics": 41236, - "ĠLuke": 41237, - "adjacent": 41238, - "ĠBHs": 41239, - "ĠPositioning": 41240, - "ør": 41241, - "overexpressing": 41242, - "Ec": 41243, - "Pref": 41244, - "orting": 41245, - "Ġinch": 41246, - "ĠCatherine": 41247, - "ĠDMP": 41248, - "ĠOe": 41249, - "endothelial": 41250, - "ICES": 41251, - "ĠHadron": 41252, - "Ġrevisit": 41253, - "ĠPictures": 41254, - "ĠKnockdown": 41255, - "ilian": 41256, - "ĠALA": 41257, - "opamine": 41258, - "ĠLah": 41259, - "climate": 41260, - "Ġdistraction": 41261, - "arski": 41262, - "ĠAccount": 41263, - "reflex": 41264, - "Ġelongate": 41265, - "ĠAmbient": 41266, - "Cx": 41267, - "Machine": 41268, - "ĠJPEG": 41269, - "Ġclassifies": 41270, - "ĠRegulate": 41271, - "oplasia": 41272, - "injury": 41273, - "neighbors": 41274, - "ĠFORMATION": 41275, - "FIS": 41276, - "Sz": 41277, - "ĠOSC": 41278, - "Ġassembling": 41279, - "Ġintracerebral": 41280, - "supers": 41281, - "ĠpF": 41282, - "Ġheal": 41283, - "ĠVries": 41284, - "arche": 41285, - "ĠDecom": 41286, - "ĠDiffic": 41287, - "agenta": 41288, - "ĠSpirit": 41289, - "ĠIntersection": 41290, - "Ġendorsed": 41291, - "ĠNobel": 41292, - "iÏī": 41293, - "wu": 41294, - "phaly": 41295, - "Ġqueu": 41296, - "ĠForum": 41297, - "lander": 41298, - "Ġspectrometric": 41299, - "ĠHankel": 41300, - "ĠCSE": 41301, - "Ġresumed": 41302, - "ĠGRE": 41303, - "ACES": 41304, - "CTA": 41305, - "Ġbehaved": 41306, - "Monitor": 41307, - "ĠNikon": 41308, - "ĠCHARACTER": 41309, - "ĠSAL": 41310, - "ĠIch": 41311, - "ĠHSF": 41312, - "Ġgenotoxic": 41313, - "ificance": 41314, - "ĠChiang": 41315, - "ĠZen": 41316, - "ĠArrows": 41317, - "ĠPDT": 41318, - "ĠFLASH": 41319, - "ocortex": 41320, - "onstructing": 41321, - "Treatment": 41322, - "ĉĠĠĠĠĠĠ": 41323, - "edullary": 41324, - "ilty": 41325, - "indentation": 41326, - "Ġamended": 41327, - "Ġfled": 41328, - "rophication": 41329, - "ĠGLM": 41330, - "ĠOpera": 41331, - "HLH": 41332, - "Lite": 41333, - "bmod": 41334, - "Ġaversion": 41335, - "ĠSweet": 41336, - "Ġstreptavidin": 41337, - "ĠPairs": 41338, - "ugos": 41339, - "epoxy": 41340, - "Ġunspecified": 41341, - "Ġmicrochannel": 41342, - "ĠVictorian": 41343, - "Could": 41344, - "informed": 41345, - "Ġsits": 41346, - "Ġrx": 41347, - "Ġnep": 41348, - "touch": 41349, - "ROI": 41350, - "Ġheaders": 41351, - "flush": 41352, - "ĠPathogenic": 41353, - "Ġspacings": 41354, - "hetti": 41355, - "Ġmotivating": 41356, - "Ġstakeholder": 41357, - "ĠSymbolic": 41358, - "ĠCrani": 41359, - "Ġdispute": 41360, - "Ġassists": 41361, - "indler": 41362, - "ĠSpatio": 41363, - "ohm": 41364, - "Ġextrapolate": 41365, - "Ġelaboration": 41366, - "ĠGTPases": 41367, - "Ġcellulase": 41368, - "ĠTuc": 41369, - "olide": 41370, - "ĠAIM": 41371, - "plast": 41372, - "ĠBible": 41373, - "opoly": 41374, - "ubo": 41375, - "acean": 41376, - "ĠPenrose": 41377, - "ĠMapReduce": 41378, - "ĠKwon": 41379, - "Wall": 41380, - "Ġgcd": 41381, - "ĠArbitrary": 41382, - "Product": 41383, - "ĠGitHub": 41384, - "Fn": 41385, - "Ġck": 41386, - "ĠAus": 41387, - "Ġgrave": 41388, - "Ġmetabolically": 41389, - "Ġlisten": 41390, - "Ġextractions": 41391, - "ĠTrunc": 41392, - "ĠRadiology": 41393, - "conserving": 41394, - "ĠCompositional": 41395, - "reporting": 41396, - "sustain": 41397, - "îĢ": 41398, - "ĠObl": 41399, - "ĠkN": 41400, - "Stre": 41401, - "ĠSupergravity": 41402, - "ĠPVP": 41403, - "Ġcivilian": 41404, - "ĠTunnel": 41405, - "Ġhelicopter": 41406, - "ĠCambrian": 41407, - "Ġrg": 41408, - "ĠUPF": 41409, - "Ġpolyd": 41410, - "Ġobservability": 41411, - "container": 41412, - "nitros": 41413, - "ĠCutting": 41414, - "Ġdecouple": 41415, - "Ġcarboxy": 41416, - "crow": 41417, - "Ġcx": 41418, - "ĠKell": 41419, - "Ġprojectors": 41420, - "Ġmyocarditis": 41421, - "itoneum": 41422, - "conditioning": 41423, - "ĠETH": 41424, - "oyama": 41425, - "Ġphosphates": 41426, - "ĠSubjective": 41427, - "ĠSerre": 41428, - "Ġcollagenase": 41429, - "Ġvibrating": 41430, - "streptomycin": 41431, - "zhen": 41432, - "Ġcres": 41433, - "Ġcull": 41434, - "Ġhaven": 41435, - "ĠGPL": 41436, - "lessness": 41437, - "Ġviewpoints": 41438, - ",,,": 41439, - "ochromic": 41440, - "uyama": 41441, - "Ġpartnerships": 41442, - "LICENSE": 41443, - "ĠSIFT": 41444, - "resources": 41445, - "ĠGos": 41446, - "ivac": 41447, - "Ġneurogenic": 41448, - "Adj": 41449, - "Ġaquifers": 41450, - "ĠGlycos": 41451, - "ĠMatthews": 41452, - "ĠFriday": 41453, - "ĠpX": 41454, - "Ġante": 41455, - "ĠFenton": 41456, - "ĠEukary": 41457, - "ibal": 41458, - "ideae": 41459, - "Attention": 41460, - "ĠPolymerization": 41461, - "Ġflipping": 41462, - "ĠMediates": 41463, - "Ġstationarity": 41464, - "Ġechoes": 41465, - "alidomide": 41466, - "Ġdelineation": 41467, - "Ġnaval": 41468, - "ĠSomatic": 41469, - "Ġstub": 41470, - "ĠBever": 41471, - "ĠRiz": 41472, - "Ġresummation": 41473, - "Ġassault": 41474, - "Ġpreexisting": 41475, - "Ġhypermethylation": 41476, - "Ġconserving": 41477, - "recorded": 41478, - "amn": 41479, - "Ġchow": 41480, - "ĠKill": 41481, - "ĠProduced": 41482, - "Ġrefs": 41483, - "ĠEnzymes": 41484, - "Ġdeepest": 41485, - "&&&": 41486, - "ĠFRP": 41487, - "Ġmilieu": 41488, - "Ġirrigated": 41489, - "ĠAnatomical": 41490, - "Ġdissect": 41491, - "iliensis": 41492, - "razolo": 41493, - "ĠProbable": 41494, - "solve": 41495, - "confirmed": 41496, - "ohydrodynamic": 41497, - "library": 41498, - "ĠCiti": 41499, - "ĠPHA": 41500, - "itsky": 41501, - "Ġelectrone": 41502, - "naive": 41503, - "Ġribs": 41504, - "ĠPhotonic": 41505, - "Ġsubstantia": 41506, - "ĠESTIM": 41507, - "Ġduodenum": 41508, - "ĠChagas": 41509, - "ĠSURVEY": 41510, - "Press": 41511, - "bian": 41512, - "¤": 41513, - "hei": 41514, - "ĠVAR": 41515, - "Ġcolocalization": 41516, - "Ġpolyl": 41517, - "Ġdough": 41518, - "Ġmicrocontroller": 41519, - "Ġinternalized": 41520, - "Ġdischarging": 41521, - "ĠChlamydomonas": 41522, - "orad": 41523, - "itel": 41524, - "ĠWend": 41525, - "Ġlogits": 41526, - "Ġelectrocataly": 41527, - "ĠAmar": 41528, - "Ġappreciably": 41529, - "Ġneurotransmitters": 41530, - "formerly": 41531, - "cul": 41532, - "rata": 41533, - "ĠBalk": 41534, - "ĠOsm": 41535, - "Ġsymptomatology": 41536, - "ĠFIELD": 41537, - "ĠAPs": 41538, - "Ġgymn": 41539, - "ĠMMS": 41540, - "Ġrefresh": 41541, - "ĠIndices": 41542, - "Ġimplantable": 41543, - "shuffle": 41544, - "ĠHeath": 41545, - "Ġcrisp": 41546, - "Ġdissertation": 41547, - "ĠUlt": 41548, - "Description": 41549, - "ĠOriginally": 41550, - "ĠFn": 41551, - "ĠFLOW": 41552, - "ubility": 41553, - "Ġexams": 41554, - "ĠShor": 41555, - "ĠCdTe": 41556, - "psycho": 41557, - "Ġdictates": 41558, - "Ġparenchymal": 41559, - "ĠPretreatment": 41560, - "Ġremembered": 41561, - "Ġbras": 41562, - "otid": 41563, - "Ġrecommender": 41564, - "Ġflesh": 41565, - "pitch": 41566, - "inist": 41567, - "Ġbtitle": 41568, - "Ġlc": 41569, - "assigned": 41570, - "ĠAdvisory": 41571, - "ĠGeneva": 41572, - "weighting": 41573, - "ĠABTS": 41574, - "Ġhexagon": 41575, - "ovskite": 41576, - "ĠAPIs": 41577, - "Ġbolometric": 41578, - "Ġmultifaceted": 41579, - "iak": 41580, - "Ġtn": 41581, - "ĠBibli": 41582, - "prosy": 41583, - "ĠJama": 41584, - "Ġinfrastructures": 41585, - "ĠShare": 41586, - "Ġintrogression": 41587, - "transforms": 41588, - "Report": 41589, - "ĠTRANS": 41590, - "ĠEXP": 41591, - "ĠCBT": 41592, - "ĠUbiquitin": 41593, - "ĠThickness": 41594, - "pub": 41595, - "toxin": 41596, - "ĠFriction": 41597, - "ĠLAG": 41598, - "mails": 41599, - "ĠImmediately": 41600, - "Ġweakest": 41601, - "ĠMRS": 41602, - "Ġcalcareous": 41603, - "bath": 41604, - "Ġcg": 41605, - "urational": 41606, - "tero": 41607, - "ĠInoue": 41608, - "Ġinstructor": 41609, - "acceptor": 41610, - "ĠEvolving": 41611, - "ĠLuther": 41612, - "Ġresigned": 41613, - "ĠChond": 41614, - "ERF": 41615, - "Ġselector": 41616, - "Ġnewspapers": 41617, - "GRA": 41618, - "Spe": 41619, - "VH": 41620, - "rA": 41621, - "otine": 41622, - "ĠFACT": 41623, - "composition": 41624, - "riding": 41625, - "PCM": 41626, - "Ġmiddleware": 41627, - "ĠGRP": 41628, - "Phosph": 41629, - "ĠEPIC": 41630, - "speech": 41631, - "vortex": 41632, - "ĠHerschel": 41633, - "amis": 41634, - "otube": 41635, - "ĠGomez": 41636, - "comyc": 41637, - "ĠPhyto": 41638, - "ĠConserv": 41639, - "Ġcava": 41640, - "arrhyth": 41641, - "ĠRestricted": 41642, - "ilicity": 41643, - "ogap": 41644, - "CTP": 41645, - "ĠLatino": 41646, - "attenuated": 41647, - "mobility": 41648, - "anen": 41649, - "Ġnif": 41650, - "ĠVideos": 41651, - "ĠSchubert": 41652, - "Features": 41653, - "opropanol": 41654, - "ĠThirdly": 41655, - "atula": 41656, - "ĠCemetery": 41657, - "entist": 41658, - "Ġdeli": 41659, - "trials": 41660, - "Ġgranulation": 41661, - "TTG": 41662, - "Ġteleost": 41663, - "morill": 41664, - "orse": 41665, - "otypically": 41666, - "ĠAbility": 41667, - "Amino": 41668, - "aqueous": 41669, - "ĠpCO": 41670, - "econ": 41671, - "ĠLign": 41672, - "essels": 41673, - "Ġformulating": 41674, - "ĠToo": 41675, - "ĠTranslational": 41676, - "ourses": 41677, - "ubiquit": 41678, - "statistic": 41679, - "Ġbursting": 41680, - "Ġestuaries": 41681, - "ĠNanocom": 41682, - "Ġexports": 41683, - "Ġê": 41684, - "contaminated": 41685, - "Ġtubing": 41686, - "Ġautomobile": 41687, - "Ġmissile": 41688, - "Ġhierarchically": 41689, - "Ġrepairs": 41690, - "ĠImproves": 41691, - "ĠEFFECTS": 41692, - "QDs": 41693, - "roz": 41694, - "aric": 41695, - "Ġparsed": 41696, - "ĠBrink": 41697, - "Ġprogressing": 41698, - "ĠpermNeigh": 41699, - "Agg": 41700, - "ZX": 41701, - "sink": 41702, - "Ġwise": 41703, - "etence": 41704, - "ĠIc": 41705, - "loo": 41706, - "meida": 41707, - "Ġpolariton": 41708, - "ĠConnections": 41709, - "Ġhallmarks": 41710, - "Longrightarrow": 41711, - "Ġtheater": 41712, - "esar": 41713, - "Ġreimburs": 41714, - "Ġlogo": 41715, - "Ġexcreted": 41716, - "ĠNoisy": 41717, - "Ġleaks": 41718, - "ĠDaph": 41719, - "Ġparagraphs": 41720, - "Ġlandslides": 41721, - "Ġpreclude": 41722, - "Ġcoercivity": 41723, - "ĠBurkholderia": 41724, - "ĠGómez": 41725, - "price": 41726, - "Theory": 41727, - "surgery": 41728, - "fname": 41729, - "failure": 41730, - "liness": 41731, - "refer": 41732, - "rique": 41733, - "ĠDogs": 41734, - "ĠEUV": 41735, - "ĠVapor": 41736, - "CSR": 41737, - "Biggl": 41738, - "Constraint": 41739, - "gravitational": 41740, - "Ġcombinatorics": 41741, - "Ġarticulated": 41742, - "ĠBaxter": 41743, - "ĠUltrasonic": 41744, - "LTE": 41745, - "lop": 41746, - "Ġinteratomic": 41747, - "intuitive": 41748, - "simplex": 41749, - "Ġexperimented": 41750, - "organizing": 41751, - "ĠOsaka": 41752, - "hadron": 41753, - "Ġdendrimers": 41754, - "ĠElsevier": 41755, - "CIP": 41756, - "ĠBAP": 41757, - "ĠAlonso": 41758, - "artet": 41759, - "antis": 41760, - "Ġextracorporeal": 41761, - "Ġpowdered": 41762, - "ĠSettings": 41763, - "etallic": 41764, - "ĠTEC": 41765, - "ĠArena": 41766, - "Ġanod": 41767, - "ĠReagents": 41768, - "licenses": 41769, - "ĠRemove": 41770, - "Ġpronunciation": 41771, - "thinspace": 41772, - "ĠClinically": 41773, - "gative": 41774, - "Ġwage": 41775, - "ĠHap": 41776, - "ĠGrac": 41777, - "fft": 41778, - "Ġformate": 41779, - "infeld": 41780, - "ĠQuin": 41781, - "Ġglomerul": 41782, - "Way": 41783, - "Ġkills": 41784, - "Ġtransversely": 41785, - "variation": 41786, - "ennas": 41787, - "ĠPLL": 41788, - "Ġinstrumented": 41789, - "ĠSpark": 41790, - "Ġpillar": 41791, - "ĠCaval": 41792, - "aders": 41793, - "issen": 41794, - "scene": 41795, - "otherm": 41796, - "ées": 41797, - "Ġpracticing": 41798, - "ĠBMSCs": 41799, - "ĠFernandez": 41800, - "Ġbeside": 41801, - "few": 41802, - "ĠCru": 41803, - "Ġprod": 41804, - "anders": 41805, - "azoline": 41806, - "Ġlegislative": 41807, - "balances": 41808, - "URL": 41809, - "Ġstereotactic": 41810, - "Ġtribes": 41811, - "Ġá¹¼": 41812, - "ĠPANI": 41813, - "adreno": 41814, - "gotten": 41815, - "cranial": 41816, - "ĠMick": 41817, - "ĠMMC": 41818, - "adiazole": 41819, - "entiation": 41820, - "ĠGln": 41821, - "ĠHolstein": 41822, - "ĠExplorer": 41823, - "Ġosse": 41824, - "arthy": 41825, - "ĠEVALU": 41826, - "adrenaline": 41827, - "JJ": 41828, - "ĠCMA": 41829, - "ĠInactivation": 41830, - "ABS": 41831, - "ĠSTZ": 41832, - "Configuration": 41833, - "ĠOlfactory": 41834, - "ĠSulfur": 41835, - "symbols": 41836, - "ĠASTM": 41837, - "divergence": 41838, - "ĠOCR": 41839, - "medical": 41840, - "Ġviewer": 41841, - "Ġbombardment": 41842, - "fair": 41843, - "nice": 41844, - "elberg": 41845, - "ĠGPT": 41846, - "ĠKow": 41847, - "Ġphotosphere": 41848, - "Ġlabile": 41849, - "ĠShang": 41850, - "Ġhomotopic": 41851, - "SVD": 41852, - "becomes": 41853, - "Ġgonor": 41854, - "Ġdeuteron": 41855, - "Ġphylogenies": 41856, - "ĠSAF": 41857, - "rapment": 41858, - "ĠCHF": 41859, - "Plan": 41860, - "ĠLegal": 41861, - "ĠFredholm": 41862, - "Ġsharper": 41863, - "Ġnanorib": 41864, - "ĠBuffalo": 41865, - "BMD": 41866, - "Ġlg": 41867, - "osup": 41868, - "ĠOPC": 41869, - "Ġendophytic": 41870, - "ATR": 41871, - "ĠExpressions": 41872, - "ĠMusical": 41873, - "Introduction": 41874, - "ĠSLM": 41875, - "çois": 41876, - "oglycos": 41877, - "aglia": 41878, - "mussen": 41879, - "formans": 41880, - "Ġsubstructures": 41881, - "ympan": 41882, - "hae": 41883, - "shi": 41884, - "ĠInterpret": 41885, - "Ġcatabolic": 41886, - "Ġoccupations": 41887, - "ĠBifurc": 41888, - "Hydroxy": 41889, - "ĠKauf": 41890, - "sleep": 41891, - "amas": 41892, - "ĠSf": 41893, - "ĠMBP": 41894, - "Ġnonalcoholic": 41895, - "Ġdiscordant": 41896, - "Ġepigen": 41897, - "PRI": 41898, - "ĠRedshift": 41899, - "warn": 41900, - "Ġlaptop": 41901, - "Ġabrasive": 41902, - "îĤĿ": 41903, - "lh": 41904, - "ĠKnee": 41905, - "Ġscrat": 41906, - "Ġpoloidal": 41907, - "ĠUniv": 41908, - "omyosin": 41909, - "ĠAugmented": 41910, - "Ġtaxonom": 41911, - "ZrO": 41912, - "Ġphytochemicals": 41913, - "iten": 41914, - "ĠPatterson": 41915, - "thym": 41916, - "dihydropy": 41917, - "Ġky": 41918, - "ĠMetazoa": 41919, - "ALLY": 41920, - "Ġretinoblastoma": 41921, - "concatenate": 41922, - "Male": 41923, - "Ġomission": 41924, - "icher": 41925, - "ĠAzer": 41926, - "opp": 41927, - "pleasant": 41928, - "ningham": 41929, - "Ġaxially": 41930, - "HDFS": 41931, - "Ġfictional": 41932, - "Ï«": 41933, - "Ġnarc": 41934, - "Ġundertook": 41935, - "Ġmicrocirc": 41936, - "ONLY": 41937, - "IVER": 41938, - "ĠCycles": 41939, - "Meas": 41940, - "ĠGriffin": 41941, - "ĠPliocene": 41942, - "ĠpI": 41943, - "ĠAviation": 41944, - "ĠCategorical": 41945, - "ĠNils": 41946, - "Ġresidency": 41947, - "ĠLaur": 41948, - "Ġprefers": 41949, - "ĠassertEquals": 41950, - "Ġliquor": 41951, - "dM": 41952, - "osperm": 41953, - "ĠFUT": 41954, - "AlO": 41955, - "Ġcytometer": 41956, - "Ġstabilizers": 41957, - "Ġpremium": 41958, - "Serial": 41959, - "ĠWalking": 41960, - "íķľ": 41961, - "Ġconfronted": 41962, - "encapsulated": 41963, - "Card": 41964, - "ĠSeeds": 41965, - "abular": 41966, - "ukov": 41967, - "Listener": 41968, - "Choose": 41969, - "ĠSjö": 41970, - "Make": 41971, - "Ġisoc": 41972, - "amount": 41973, - "ATC": 41974, - "ija": 41975, - "Ġsulcus": 41976, - "ĠMöbius": 41977, - "ĠPrenatal": 41978, - "Ġß": 41979, - "Ġisochron": 41980, - "Ġbeans": 41981, - "ĠDens": 41982, - "ĠWelling": 41983, - "ĠOman": 41984, - "Stats": 41985, - "ĠValid": 41986, - "ĠReward": 41987, - "GK": 41988, - "Ġâ©": 41989, - "Ġelectroporation": 41990, - "ĠSNRs": 41991, - "Ġgarlic": 41992, - "ĠParticipant": 41993, - "ĠSplitting": 41994, - "ĠMeteorological": 41995, - "morillonite": 41996, - "Ġoedema": 41997, - "ĠDots": 41998, - "ĠClare": 41999, - "Ġstarter": 42000, - "Ġclimatology": 42001, - "Ġcommence": 42002, - "Ġfallen": 42003, - "ĠAuNPs": 42004, - "attrs": 42005, - "Ġconsultant": 42006, - "twisted": 42007, - "Solving": 42008, - "Ġcoercive": 42009, - "ë¡ľ": 42010, - "Kar": 42011, - "Ġstit": 42012, - "ĠSSB": 42013, - "ĠIW": 42014, - "Ġcanvas": 42015, - "pyruvate": 42016, - "methylsulfanyl": 42017, - "Ġastrophysics": 42018, - "ĠTraditionally": 42019, - "Ġexcitonic": 42020, - "wear": 42021, - "ĠTin": 42022, - "rosh": 42023, - "ĠClient": 42024, - "ĠCorrections": 42025, - "ĠPopular": 42026, - "ĠLiquids": 42027, - "finder": 42028, - "Ġstran": 42029, - "pline": 42030, - "orella": 42031, - "Ġincur": 42032, - "Ġarche": 42033, - "Ġmedically": 42034, - "Mur": 42035, - "peter": 42036, - "Ġbeverage": 42037, - "ĠNWs": 42038, - "Ġfolic": 42039, - "Ġspeculative": 42040, - "Ġñ": 42041, - "Ġribbons": 42042, - "ĠPriest": 42043, - "Quanti": 42044, - "Ġundisturbed": 42045, - "atche": 42046, - "assi": 42047, - "ĠPerforming": 42048, - "ĠElong": 42049, - "Ġmatchings": 42050, - "Ġfranchise": 42051, - "gio": 42052, - "ĠSarg": 42053, - "Ġaboard": 42054, - "cyclodextrin": 42055, - "ĠTHER": 42056, - "Ġsaturate": 42057, - "ĠKinematics": 42058, - "Ġpeptidoglycan": 42059, - "ĠShelf": 42060, - "tocopherol": 42061, - "Bottom": 42062, - "mith": 42063, - "rdx": 42064, - "zos": 42065, - "ĠtRNAs": 42066, - "utf": 42067, - "ENA": 42068, - "Ġlesson": 42069, - "Ġpolaron": 42070, - "braska": 42071, - "Ġathletic": 42072, - "Ġscrambled": 42073, - "Ġpursuing": 42074, - "Ġbodily": 42075, - "Ġcac": 42076, - "imen": 42077, - "ĠIκB": 42078, - "ĠRö": 42079, - "ĠRFC": 42080, - "ĠLPC": 42081, - "ĠiÏī": 42082, - "Ġdiary": 42083, - "Ġqueueing": 42084, - "ĠDivergence": 42085, - "ĠShigella": 42086, - "ĠUltrastruct": 42087, - "Ġtriphosphate": 42088, - "ĠImplant": 42089, - "Ġferrous": 42090, - "ĠBurton": 42091, - "ĠHertz": 42092, - "fabric": 42093, - "turing": 42094, - "ĠSSM": 42095, - "ograd": 42096, - "Ġmetazo": 42097, - "Chang": 42098, - "Ġadipogenesis": 42099, - "Ġnuisance": 42100, - "Ġanonymity": 42101, - "Ġrefrigerator": 42102, - "ìľ": 42103, - "oction": 42104, - "Ġsparing": 42105, - "Ġchalcogen": 42106, - "Ġobservatory": 42107, - "Ġbooster": 42108, - "ĠAndré": 42109, - "ĠSTO": 42110, - "yryl": 42111, - "ĠEDX": 42112, - "ĠDenver": 42113, - "Ġhomogenate": 42114, - "Callback": 42115, - "aC": 42116, - "hours": 42117, - "kova": 42118, - "ĠAUD": 42119, - "Ġspare": 42120, - "Ġpartons": 42121, - "ĠIntake": 42122, - "Ġrecognizable": 42123, - "ĠGoldstein": 42124, - "Ġstrikingly": 42125, - "Ġsanitation": 42126, - "Finder": 42127, - "Generation": 42128, - "boy": 42129, - "tam": 42130, - "ĠRPM": 42131, - "ivious": 42132, - "ylak": 42133, - "ophiles": 42134, - "Ġpriest": 42135, - "Ġeasiest": 42136, - "Ġdeliveries": 42137, - "Elmer": 42138, - "Ġzirconium": 42139, - "ĠMishra": 42140, - "ĠâĶ": 42141, - "ĠWDM": 42142, - "Ġperid": 42143, - "ĠZT": 42144, - "Ġlocalizes": 42145, - "ĠORs": 42146, - "ĠIDO": 42147, - "Ġpleasant": 42148, - "ĠMWCNTs": 42149, - "ĠJimmy": 42150, - "ĠYeh": 42151, - "gathered": 42152, - "kil": 42153, - "ĠKappa": 42154, - "Ġcartoon": 42155, - "ĠHeuristic": 42156, - "Ġsz": 42157, - "Ġorifice": 42158, - "Ġmannit": 42159, - "ĠCOMM": 42160, - "ICK": 42161, - "Ġfarmer": 42162, - "ĠSilencing": 42163, - "Ġprefixes": 42164, - "qc": 42165, - "ineurin": 42166, - "Ġinflated": 42167, - "ĠRez": 42168, - "Ġhydrodynamical": 42169, - "Ġoscillate": 42170, - "Ġpedestrians": 42171, - "ĠAngiotensin": 42172, - "ĠViscosity": 42173, - "Ġoligodendrocytes": 42174, - "Ġparotid": 42175, - "Layout": 42176, - "rageenan": 42177, - "Ġè": 42178, - "ĠmN": 42179, - "Ġdozen": 42180, - "exclusion": 42181, - "Ġpanic": 42182, - "ĠPDI": 42183, - "Ġtwentieth": 42184, - "ĠElectroph": 42185, - "Ġmicrobiology": 42186, - "Server": 42187, - "ĠParticipation": 42188, - "DET": 42189, - "Poss": 42190, - "ĠNemat": 42191, - "ĠNRF": 42192, - "arguments": 42193, - "Ġamylase": 42194, - "Ġargv": 42195, - "Ġresolves": 42196, - "Ġrevisions": 42197, - "Packet": 42198, - "Tools": 42199, - "YE": 42200, - "Ġtire": 42201, - "induction": 42202, - "asive": 42203, - "tonic": 42204, - "ém": 42205, - "carrying": 42206, - "ĠImmunoblot": 42207, - "ĠIPF": 42208, - "Ġdeteriorated": 42209, - "Ġjurisdiction": 42210, - "released": 42211, - "osmotic": 42212, - "Ġrestaurants": 42213, - "ï¸": 42214, - "ĠNm": 42215, - "Ġflips": 42216, - "Ġseparability": 42217, - "ĠRecursive": 42218, - "Ġpasture": 42219, - "ĠÄī": 42220, - "Ġblastocyst": 42221, - "MCP": 42222, - "Tb": 42223, - "uene": 42224, - "esulf": 42225, - "essim": 42226, - "Ġhen": 42227, - "ĠKull": 42228, - "ylum": 42229, - "arev": 42230, - "uests": 42231, - "ĠZip": 42232, - "Ġboats": 42233, - "Command": 42234, - "Continu": 42235, - "ĠBogoliubov": 42236, - "Ġmannitol": 42237, - "Know": 42238, - "г": 42239, - "ĠHack": 42240, - "Ġmassively": 42241, - "ĠAlloys": 42242, - "ĠCDP": 42243, - "ĠStereo": 42244, - "ĠElectrode": 42245, - "Ġisoflav": 42246, - "Ġinteroperability": 42247, - "ĠAdelaide": 42248, - "ĠPPD": 42249, - "ĠKou": 42250, - "Ġdiap": 42251, - "Ġconserve": 42252, - "Ġaggregating": 42253, - "Gluc": 42254, - "Ġîģ": 42255, - "Ġgust": 42256, - "ĠLeb": 42257, - "ETIC": 42258, - "ĠConsol": 42259, - "ĠMorita": 42260, - "Relative": 42261, - "Ġpaleo": 42262, - "Ġwitnesses": 42263, - "ĠLauren": 42264, - "azepine": 42265, - "ĠTY": 42266, - "ĠIdi": 42267, - "ĠMent": 42268, - "ĠRCA": 42269, - "igenin": 42270, - "ĠDefence": 42271, - "Ġpyrimidine": 42272, - "ĠTiN": 42273, - "Ġendothelin": 42274, - "Ġpandas": 42275, - "Ġswallowing": 42276, - "Ġcongestive": 42277, - "Ġvinc": 42278, - "ĠDIP": 42279, - "ĠHough": 42280, - "Ġzw": 42281, - "ĠKimura": 42282, - "representations": 42283, - "ĠPromote": 42284, - "ĠTerry": 42285, - "Ġhatched": 42286, - "lookup": 42287, - "Electron": 42288, - "Ġdormancy": 42289, - "Ġresign": 42290, - "Ġvaluations": 42291, - "Ġmakeup": 42292, - "ĠAmy": 42293, - "CLUD": 42294, - "SEP": 42295, - "tubule": 42296, - "Ġsoldier": 42297, - "ĠTz": 42298, - "ĠTrump": 42299, - "ĠKramer": 42300, - "coni": 42301, - "Ġengraft": 42302, - "Ġvacuole": 42303, - "Ġreplicating": 42304, - "itonitis": 42305, - "ĠBacteri": 42306, - "vaccinated": 42307, - "olt": 42308, - "ĠAhn": 42309, - "Ġanem": 42310, - "ĠBIT": 42311, - "geo": 42312, - "Ġmicrogravity": 42313, - "ĠShir": 42314, - "ĠWorldwide": 42315, - "Ġignor": 42316, - "ĠËĩ": 42317, - "Ġlubrication": 42318, - "java": 42319, - "vt": 42320, - "Ġyl": 42321, - "Ġhills": 42322, - "ĠFOL": 42323, - "Ġbasaltic": 42324, - "Neill": 42325, - "ĠEthiopian": 42326, - "ĠNOTCH": 42327, - "ĠMOSFET": 42328, - "leaving": 42329, - "ĠPter": 42330, - "ĠWeld": 42331, - "aple": 42332, - "Ġsandwic": 42333, - "Ġazide": 42334, - "ĠStimuli": 42335, - "Ġlizard": 42336, - "ĠCinc": 42337, - "ĠHain": 42338, - "icals": 42339, - "Ġcontacting": 42340, - "ĠMarx": 42341, - "Ġpsychotherapy": 42342, - "ĠRetin": 42343, - "Ġcatheterization": 42344, - "ĠNanoparticle": 42345, - "ĠTCC": 42346, - "vermectin": 42347, - "ĠBASE": 42348, - "Ġnotor": 42349, - "Ġelectronically": 42350, - "steroid": 42351, - "Ġbilaterally": 42352, - "Ġnephritis": 42353, - "Ġirritation": 42354, - "ĠProlonged": 42355, - "Your": 42356, - "heuristic": 42357, - "urgeon": 42358, - "Ġleftmost": 42359, - "ĠREVIEW": 42360, - "Ġgastrectomy": 42361, - "ENTIAL": 42362, - "Means": 42363, - "ĠDyson": 42364, - "Ġbrands": 42365, - "yields": 42366, - "mercapto": 42367, - "rub": 42368, - "ouncement": 42369, - "errno": 42370, - "Ġviewers": 42371, - "butan": 42372, - "ĠMalay": 42373, - "ylindrical": 42374, - "Ġprominently": 42375, - "Ġescaping": 42376, - "Ġquerying": 42377, - "Storage": 42378, - "Fos": 42379, - "codec": 42380, - "ĠcM": 42381, - "strates": 42382, - "glove": 42383, - "ĠTrajectories": 42384, - "Ġsterol": 42385, - "Ġhematopoiesis": 42386, - "Ġcuprates": 42387, - "Ok": 42388, - "daily": 42389, - "ĠBIO": 42390, - "ĠLICENSE": 42391, - "ellations": 42392, - "assy": 42393, - "SURE": 42394, - "Ġepinephrine": 42395, - "Ġdownwards": 42396, - "corner": 42397, - "assertTrue": 42398, - "Ġáºij": 42399, - "ĠSouza": 42400, - "MAG": 42401, - "porph": 42402, - "Ġeffluents": 42403, - "loem": 42404, - "oaddition": 42405, - "obutyl": 42406, - "elestial": 42407, - "Fem": 42408, - "mpi": 42409, - "ĠRs": 42410, - "ellates": 42411, - "ĠKag": 42412, - "Ġuncoupled": 42413, - "Ġlegumes": 42414, - "Ġomitting": 42415, - "û": 42416, - "ĠTABLE": 42417, - "haled": 42418, - "ĠÅģ": 42419, - "Ġmisfit": 42420, - "Ġmolars": 42421, - "otechnological": 42422, - "Markov": 42423, - "Ġpraised": 42424, - "ĠDab": 42425, - "ĠVij": 42426, - "entilation": 42427, - "ĠChatter": 42428, - "Ġboiled": 42429, - "Ġcatches": 42430, - "annotation": 42431, - "Signal": 42432, - "Ġleverages": 42433, - "Ġadvisory": 42434, - "song": 42435, - "ondition": 42436, - "Ġfug": 42437, - "raps": 42438, - "ĠMCD": 42439, - "particip": 42440, - "obian": 42441, - "Ġcounsel": 42442, - "ĠPRP": 42443, - "ediol": 42444, - "ĠŨ": 42445, - "Ġbruce": 42446, - "Shanghai": 42447, - "DataFrame": 42448, - "ĠCorrespondingly": 42449, - "Ġacrylamide": 42450, - "fellow": 42451, - "lob": 42452, - "igt": 42453, - "ĠCrystallization": 42454, - "Ġindomethacin": 42455, - "ĠPDR": 42456, - "giate": 42457, - "ĠPanels": 42458, - "complexes": 42459, - "ĠNicol": 42460, - "Ġfoliar": 42461, - "cubic": 42462, - "ĠdE": 42463, - "ĠCCM": 42464, - "plating": 42465, - "Ġresistors": 42466, - "ĠGaz": 42467, - "Ġoverturn": 42468, - "Ġrepress": 42469, - "Ġpots": 42470, - "ĠPIK": 42471, - "Ġdermis": 42472, - "Represent": 42473, - "ĠAndersson": 42474, - "Ġretrotranspos": 42475, - "ASA": 42476, - "Counter": 42477, - "Tet": 42478, - "imin": 42479, - "performed": 42480, - "ĠNept": 42481, - "Ġheel": 42482, - "rold": 42483, - "aires": 42484, - "Ġreadability": 42485, - "Ġbenefited": 42486, - "Ġpulsation": 42487, - "ĠBalancing": 42488, - "Ġevaporator": 42489, - "Ġeigens": 42490, - "ĠHospit": 42491, - "Ġtrails": 42492, - "ĠCoordinate": 42493, - "accase": 42494, - "ĠHRMS": 42495, - "signaling": 42496, - "ĠNPY": 42497, - "Ġameliorated": 42498, - "tuples": 42499, - "Ġmetasurface": 42500, - "ĠFrancesco": 42501, - "Ġspoof": 42502, - "îŸ": 42503, - "Fu": 42504, - "JK": 42505, - "ej": 42506, - "Ġgoss": 42507, - "ĠHim": 42508, - "Ġprioritized": 42509, - "Ġmesothelioma": 42510, - "idxs": 42511, - "Ġreconnaissance": 42512, - "Ġlamps": 42513, - "ãĢĤ": 42514, - "Ġreformulation": 42515, - "Ġdelirium": 42516, - "ĠNPR": 42517, - "ĠGamb": 42518, - "illas": 42519, - "-----": 42520, - "Ġdrilled": 42521, - "ĠGenotyping": 42522, - "ĠBlank": 42523, - "Ġpropeller": 42524, - "Ġcereals": 42525, - "ĠAirborne": 42526, - "ĠPhotocatalytic": 42527, - "ĠCavity": 42528, - "Ġdolphins": 42529, - "ĠsgRNA": 42530, - "understood": 42531, - "eous": 42532, - "Ġsax": 42533, - "olayer": 42534, - "ĠPend": 42535, - "ĠGET": 42536, - "cled": 42537, - "Ġü": 42538, - "Ġcytosine": 42539, - "Ġparallelization": 42540, - "MMs": 42541, - "ĠOrganisation": 42542, - "Models": 42543, - "Ġaccommodated": 42544, - "Ġcholest": 42545, - "Ġinactivity": 42546, - "ĠBoss": 42547, - "ĠGCS": 42548, - "Ġsoaked": 42549, - "ĠSecreted": 42550, - "Ġvacuolar": 42551, - "zoan": 42552, - "ĠGreene": 42553, - "Ġbolt": 42554, - "bj": 42555, - "ĠTall": 42556, - "Ġstor": 42557, - "ĠMob": 42558, - "Ġblurred": 42559, - "INO": 42560, - "ĠMetallic": 42561, - "uffs": 42562, - "ĠNOTE": 42563, - "Ġsonicated": 42564, - "obutyric": 42565, - "ĠtDCS": 42566, - "ĠNes": 42567, - "ospir": 42568, - "weigh": 42569, - "ĠRegulator": 42570, - "Ġhemolysis": 42571, - "Ġsounding": 42572, - "Ġcruciate": 42573, - "Ġcapsaicin": 42574, - "ĠTyrosine": 42575, - "ĠTell": 42576, - "ĠPEP": 42577, - "ĠRc": 42578, - "ĠEating": 42579, - "ĠGoals": 42580, - "uret": 42581, - "Ġearn": 42582, - "Ġcolleges": 42583, - "Ġchemoattract": 42584, - "Ġỹ": 42585, - "ĠEchocardi": 42586, - "Fort": 42587, - "sodium": 42588, - "amined": 42589, - "ĠNPP": 42590, - "ĠKalu": 42591, - "Ġdecipher": 42592, - "tetramethyl": 42593, - "ĠOPN": 42594, - "straight": 42595, - "Ġtempered": 42596, - "ĠHindu": 42597, - "ĠOrdinary": 42598, - "ĠAChE": 42599, - "JNK": 42600, - "fos": 42601, - "vcpu": 42602, - "enamide": 42603, - "ĠCrack": 42604, - "apical": 42605, - "Ġantiserum": 42606, - "triplet": 42607, - "decision": 42608, - "Ġcancels": 42609, - "ĠPMN": 42610, - "Ġporphy": 42611, - "ĠDSA": 42612, - "Ġsubmatrix": 42613, - "Ġjas": 42614, - "Ġreptiles": 42615, - "ĠSoon": 42616, - "ĠStatistically": 42617, - "Ġleveraged": 42618, - "Williams": 42619, - "FLD": 42620, - "folk": 42621, - "Ġbang": 42622, - "ĠSCL": 42623, - "asses": 42624, - "Ġtendons": 42625, - "founded": 42626, - "ĠRicketts": 42627, - "inset": 42628, - "Ġspun": 42629, - "Ġunramified": 42630, - "Ġrape": 42631, - "ĠZZ": 42632, - "ĠNebula": 42633, - "Ġthrombotic": 42634, - "ĠBoron": 42635, - "ĠArgon": 42636, - "pooling": 42637, - "ĠMarginal": 42638, - "Ġfellowship": 42639, - "Ġerythropoietin": 42640, - "mathpzc": 42641, - "xL": 42642, - "ĠSik": 42643, - "ĠBayer": 42644, - "Ġoverdose": 42645, - "ĠCOI": 42646, - "ĠLesions": 42647, - "ĠCompetitive": 42648, - "ĠODEs": 42649, - "wrap": 42650, - "achlor": 42651, - "Ġsubordinate": 42652, - "ĠYBa": 42653, - "headed": 42654, - "Ġgrasses": 42655, - "Ġbirational": 42656, - "ĠJeffrey": 42657, - "Ġmolding": 42658, - "Ġlidocaine": 42659, - "ĠFOXO": 42660, - "terminated": 42661, - "ĠâĩIJâĩĴ": 42662, - "ĠMEL": 42663, - "ticulum": 42664, - "Ġré": 42665, - "Ġclaud": 42666, - "Ġjamming": 42667, - "Static": 42668, - "Ġtributary": 42669, - "atet": 42670, - "edonia": 42671, - "ĠCMP": 42672, - "ĠVN": 42673, - "represents": 42674, - "SOURCE": 42675, - "uckland": 42676, - "ĠInterests": 42677, - "ĠNanoscale": 42678, - "oconjug": 42679, - "Ġcatalogues": 42680, - "ĠActinobacteria": 42681, - "Fixed": 42682, - "basal": 42683, - "Ġantiparallel": 42684, - "Ġconfusing": 42685, - "Ġmarkings": 42686, - "Ġdistinctions": 42687, - "ĠHua": 42688, - "ĠWatts": 42689, - "Ġnanofluid": 42690, - "Ġdiffractometer": 42691, - "Later": 42692, - "migration": 42693, - "Ġcoplanar": 42694, - "Ġhypomethyl": 42695, - "PDS": 42696, - "SOs": 42697, - "Correspond": 42698, - "Ġelucidating": 42699, - "IZED": 42700, - "EVs": 42701, - "gart": 42702, - "mTc": 42703, - "ĠTUR": 42704, - "uracies": 42705, - "Ġfollower": 42706, - "Ġhaze": 42707, - "OUTPUT": 42708, - "ĠMyeloid": 42709, - "BUFFER": 42710, - "Camp": 42711, - "anim": 42712, - "ĠTES": 42713, - "ĠCricket": 42714, - "ĠPaired": 42715, - "ĠPAGE": 42716, - "ĠBid": 42717, - "Ġyrs": 42718, - "Ġendow": 42719, - "ircase": 42720, - "ĠSupported": 42721, - "Ġleaflet": 42722, - "ĠPromoter": 42723, - "Ġconvinced": 42724, - "liers": 42725, - "hera": 42726, - "Ġseller": 42727, - "agreement": 42728, - "Ġunary": 42729, - "onstructed": 42730, - "Ġrestrained": 42731, - "ĠPetersen": 42732, - "Analog": 42733, - "Ġexacerbations": 42734, - "Ġperforated": 42735, - "tids": 42736, - "ĠMSH": 42737, - "oui": 42738, - "ĠCori": 42739, - "ĠCruc": 42740, - "Ġfracturing": 42741, - "Ġinfertile": 42742, - "ĠPROBLEM": 42743, - "ĠFriedmann": 42744, - "Ġspectrophotometry": 42745, - "ERGY": 42746, - "otus": 42747, - "proposed": 42748, - "ĠMoisture": 42749, - "ĠNoether": 42750, - "ĠLaunch": 42751, - "ĠLearn": 42752, - "Ġvena": 42753, - "Ġfasci": 42754, - "Ġquiescence": 42755, - "ĠPrand": 42756, - "ĠConvert": 42757, - "Ġtriage": 42758, - "ANE": 42759, - "Ġfeedstock": 42760, - "ĠdBm": 42761, - "Ġneoformans": 42762, - "GSE": 42763, - "ĠAPE": 42764, - "Ġcardiometabolic": 42765, - "Ġmagnetometer": 42766, - "Environment": 42767, - "Ġfulfills": 42768, - "ĠManganese": 42769, - "BMP": 42770, - "ĠRatios": 42771, - "istable": 42772, - "assume": 42773, - "Ġrespected": 42774, - "Ġscars": 42775, - "Ġsupporters": 42776, - "ĠAugmentation": 42777, - "Ġglycosylated": 42778, - "ĠUltrafast": 42779, - "Ġdemethylation": 42780, - "metastatic": 42781, - "cylinder": 42782, - "Ġhang": 42783, - "ĠMAV": 42784, - "disjoint": 42785, - "pharose": 42786, - "ĠLebanon": 42787, - "PIs": 42788, - "labeling": 42789, - "Ġneutralino": 42790, - "ĠSOCS": 42791, - "xcb": 42792, - "ĠTerritory": 42793, - "ĠPolicies": 42794, - "King": 42795, - "Ġallied": 42796, - "Ġsaturates": 42797, - "muscle": 42798, - "odimers": 42799, - "Ġbt": 42800, - "ĠHang": 42801, - "ĠEb": 42802, - "Ġchimer": 42803, - "Ġnotational": 42804, - "Ġcolder": 42805, - "ultz": 42806, - "transverse": 42807, - "HOUT": 42808, - "ĠKarls": 42809, - "torsion": 42810, - "JI": 42811, - "Ġmari": 42812, - "emon": 42813, - "Ġlogarithmically": 42814, - "ĠâIJ¦": 42815, - "ìĿĦ": 42816, - "Ġaeration": 42817, - "Ġsoma": 42818, - "ĠSomal": 42819, - "Ġspoil": 42820, - "diver": 42821, - "Ġbreakpoints": 42822, - "ĠHarmon": 42823, - "Ġpharmacologic": 42824, - "ĠMosquito": 42825, - "ĠModifications": 42826, - "Ġadjo": 42827, - "ĠPapers": 42828, - "generally": 42829, - "ïĺ¹": 42830, - "TARGET": 42831, - "ĠPrix": 42832, - "ocaps": 42833, - "ĠEin": 42834, - "Ġmicrogrid": 42835, - "ĠInterplay": 42836, - "Ġcopying": 42837, - "Alpha": 42838, - "ĠSlope": 42839, - "ĠLipofectamine": 42840, - "highest": 42841, - "DRO": 42842, - "ĠHipp": 42843, - "Ġshaken": 42844, - "Ġunderline": 42845, - "Ġfilmed": 42846, - "maturity": 42847, - "icture": 42848, - "ILS": 42849, - "Span": 42850, - "Ġinverters": 42851, - "QUE": 42852, - "determining": 42853, - "Ġeosinophilic": 42854, - "DY": 42855, - "ĠLID": 42856, - "ĠGig": 42857, - "Ġintraepithelial": 42858, - "NbO": 42859, - "freedom": 42860, - "Ġassured": 42861, - "ĠArche": 42862, - "ĠSubstitution": 42863, - "ĠSrivastava": 42864, - "ĠMozamb": 42865, - "Ġaro": 42866, - "orc": 42867, - "ĠIbrahim": 42868, - "ĠDST": 42869, - "Ġabl": 42870, - "Ġxer": 42871, - "ountable": 42872, - "Ġlossless": 42873, - "Ġconcentrating": 42874, - "Ġstains": 42875, - "ĠSolve": 42876, - "continuity": 42877, - "ĠTorr": 42878, - "Ġpitfalls": 42879, - "bestos": 42880, - "Otherwise": 42881, - "adhyay": 42882, - "bard": 42883, - "ĠCAA": 42884, - "odetic": 42885, - "Ġasthmatic": 42886, - "Ġrationality": 42887, - "ĠYorkshire": 42888, - "neighborhood": 42889, - "Ġheroin": 42890, - "Ġscatterers": 42891, - "ĠHearing": 42892, - "ĠEFT": 42893, - "ĠNurses": 42894, - "ĠGLI": 42895, - "ĠZeta": 42896, - "ĠNeigh": 42897, - "Ġventure": 42898, - "Ġtoxicological": 42899, - "Ġrolls": 42900, - "fv": 42901, - "Ġcrick": 42902, - "ĠdÏī": 42903, - "avia": 42904, - "elder": 42905, - "Ġinvade": 42906, - "extracted": 42907, - "MLP": 42908, - "ĠPAI": 42909, - "ĠMellitus": 42910, - "Ġbrucei": 42911, - "gpio": 42912, - "emotional": 42913, - "ĠDale": 42914, - "ĠEz": 42915, - "Ġtransactivation": 42916, - "Ġquantiles": 42917, - "Ġnucleosynthesis": 42918, - "ĠAmel": 42919, - "Ġchromophore": 42920, - "Ġliterally": 42921, - "bandwidth": 42922, - "atohepatitis": 42923, - "Ġultrafiltration": 42924, - "Martin": 42925, - "Ġangioplasty": 42926, - "insertion": 42927, - "Dan": 42928, - "squeeze": 42929, - "usr": 42930, - "uconazole": 42931, - "ĠFAR": 42932, - "Ġshadows": 42933, - "Ġimitation": 42934, - "ĠKann": 42935, - "hesi": 42936, - "Ġmicellar": 42937, - "vester": 42938, - "ĠPerse": 42939, - "acetamol": 42940, - "GRAPH": 42941, - "ĠAIPS": 42942, - "Ġpromptly": 42943, - "anchor": 42944, - "Ġischaemia": 42945, - "pump": 42946, - "Ġmafic": 42947, - "Ġlazy": 42948, - "ĠCEL": 42949, - "ĠGorenstein": 42950, - "ĠWGS": 42951, - "Ġsignifies": 42952, - "Ġsplines": 42953, - "determination": 42954, - "Ġrelaying": 42955, - "piperazine": 42956, - "Ġsyncytial": 42957, - "ĠAub": 42958, - "ĠDX": 42959, - "Ġorthotopic": 42960, - "ĠLinkage": 42961, - "Ġharmony": 42962, - "ĠKazakh": 42963, - "ĠVladimir": 42964, - "Ġpray": 42965, - "imolar": 42966, - "Ġgrayscale": 42967, - "Ġanalyst": 42968, - "ĠTransl": 42969, - "Ġmeniscus": 42970, - "ĠMedica": 42971, - "osaurus": 42972, - "Ġв": 42973, - "Ġinfiltrated": 42974, - "Ġâĸ³": 42975, - "Ġsaccades": 42976, - "Ġdisentangle": 42977, - "Hart": 42978, - "fined": 42979, - "Ġbicycle": 42980, - "ository": 42981, - "unlikely": 42982, - "erephthal": 42983, - "ĠLia": 42984, - "Ġgroupings": 42985, - "Ġcategorize": 42986, - "Ġbiogeography": 42987, - "ĠAPPROACH": 42988, - "ĠNing": 42989, - "ĠGrap": 42990, - "versa": 42991, - "Ġradiologists": 42992, - "ĠRecording": 42993, - "Ġboiler": 42994, - "adders": 42995, - "Candid": 42996, - "MQ": 42997, - "Ġbw": 42998, - "ĠSector": 42999, - "ĠHIT": 43000, - "ĠESCC": 43001, - "essence": 43002, - "orean": 43003, - "estyles": 43004, - "SUCCESS": 43005, - "nein": 43006, - "ultra": 43007, - "ramp": 43008, - "Thomas": 43009, - "ĠPrepar": 43010, - "ĠInstitut": 43011, - "Ġherbicide": 43012, - "ĠChaotic": 43013, - "Ġsphincter": 43014, - "Ġcompactifications": 43015, - "Clear": 43016, - "Trp": 43017, - "Decoder": 43018, - "Ġsapphire": 43019, - "ĠIdaho": 43020, - "persing": 43021, - "chiral": 43022, - "ĠDischarge": 43023, - "Accordingly": 43024, - "ĠArthritis": 43025, - "ĠJaneiro": 43026, - "nj": 43027, - "ĠKd": 43028, - "Ġoutlets": 43029, - "Ġsusceptibilities": 43030, - "Ġdiverged": 43031, - "Ġroller": 43032, - "sufficient": 43033, - "clustering": 43034, - "ĠTehran": 43035, - "Ġtb": 43036, - "blank": 43037, - "Ġdigitally": 43038, - "Ġnecrotizing": 43039, - "FALSE": 43040, - "Ġwhor": 43041, - "errals": 43042, - "ĠMotivated": 43043, - "enzae": 43044, - "ĠRefinement": 43045, - "Ġticket": 43046, - "Ġprotrusions": 43047, - "ĠDonaldson": 43048, - "ĠBeth": 43049, - "Ġsputtered": 43050, - "Ġautocrine": 43051, - "copene": 43052, - "Ġcollar": 43053, - "Ġuppermost": 43054, - "Ġoxygenated": 43055, - "Intro": 43056, - "âĨIJ": 43057, - "ĠHippo": 43058, - "Ġdune": 43059, - "idines": 43060, - "ĠHä": 43061, - "Ġregi": 43062, - "Ġnois": 43063, - "Ġphotodiode": 43064, - "ĠFeb": 43065, - "mutated": 43066, - "ĠCFL": 43067, - "stepping": 43068, - "Selection": 43069, - "ĠWebster": 43070, - "ĠHERA": 43071, - "indicating": 43072, - "Ġtrainees": 43073, - "Rot": 43074, - "ĠFAK": 43075, - "ĠAsn": 43076, - "Ġfats": 43077, - "foliation": 43078, - "Ġarticulation": 43079, - "Ġcusps": 43080, - "ĠJennifer": 43081, - "Ġintimately": 43082, - "ĠPing": 43083, - "sov": 43084, - "oxious": 43085, - "hydrate": 43086, - "ĠArchives": 43087, - "Gonz": 43088, - "Ġé": 43089, - "Ġchl": 43090, - "ĠOLS": 43091, - "coph": 43092, - "Ġairline": 43093, - "Ġfoetal": 43094, - "ĠRolling": 43095, - "ĠGENERAL": 43096, - "ONAL": 43097, - "agons": 43098, - "ĠDorsal": 43099, - "Ġritual": 43100, - "butyrate": 43101, - "oglut": 43102, - "Ġhexa": 43103, - "ĠSyria": 43104, - "Ġontogeny": 43105, - "ĠFBG": 43106, - "coverage": 43107, - "Ġtachyon": 43108, - "ĠPermanent": 43109, - "lum": 43110, - "Ġsv": 43111, - "Ġoo": 43112, - "energetic": 43113, - "altitude": 43114, - "Inc": 43115, - "ĠNebraska": 43116, - "ĠRESP": 43117, - "Ġdysbiosis": 43118, - "Ġmarketed": 43119, - "oxicillin": 43120, - "ĠBroadcast": 43121, - "racyclo": 43122, - "ĠFifteen": 43123, - "ĠNarayan": 43124, - "Ġlettuce": 43125, - "orea": 43126, - "Ġintercepts": 43127, - "Ġworkstation": 43128, - "ĠPlains": 43129, - "CCL": 43130, - "Ġorientable": 43131, - "ĠBoosting": 43132, - "ĠSOI": 43133, - "ĠChecking": 43134, - "ĠFIFO": 43135, - "Ġinsets": 43136, - "ĠSRT": 43137, - "Ġacrom": 43138, - "owner": 43139, - "MIX": 43140, - "ĠArb": 43141, - "Ġfaeces": 43142, - "ĠCarlson": 43143, - "Ġperivascular": 43144, - "infiltrating": 43145, - "Ìħ": 43146, - "Ġmalle": 43147, - "ocate": 43148, - "ĠBold": 43149, - "unctive": 43150, - "excess": 43151, - "Ġloosen": 43152, - "Ġprioritization": 43153, - "Ġannotate": 43154, - "Ġgrammars": 43155, - "Ġbred": 43156, - "Ġexocytosis": 43157, - "ĠDahl": 43158, - "athyroidism": 43159, - "veli": 43160, - "Ġopted": 43161, - "Ġsmoked": 43162, - "ĠPlates": 43163, - "EMG": 43164, - "ROW": 43165, - "IFIC": 43166, - "OLS": 43167, - "oregulatory": 43168, - "Ġwhiskers": 43169, - "secretase": 43170, - "Ġexaggerated": 43171, - "ĠBib": 43172, - "deformed": 43173, - "Ġzur": 43174, - "ropine": 43175, - "Ġpairings": 43176, - "chromosome": 43177, - "Elements": 43178, - "priority": 43179, - "Ġlyophilized": 43180, - "ĠChaudh": 43181, - "Wilk": 43182, - "ĠCation": 43183, - "otta": 43184, - "Ġnonconvex": 43185, - "Ġdepolymer": 43186, - "MMARY": 43187, - "Controlled": 43188, - "carboxy": 43189, - "Ġaugmenting": 43190, - "Ġappointments": 43191, - "Ġtraversed": 43192, - "ĠFletcher": 43193, - "Ġexpiratory": 43194, - "Ġelephant": 43195, - "ĠBlocks": 43196, - "ĠFluids": 43197, - "walls": 43198, - "increased": 43199, - "propanamide": 43200, - "ĠAkaike": 43201, - "ĠCBM": 43202, - "ĠEcho": 43203, - "admissible": 43204, - "Ġdisassembly": 43205, - "ĠarXiv": 43206, - "icke": 43207, - "LIST": 43208, - "phenotype": 43209, - "ĠProvincial": 43210, - "legend": 43211, - "PAS": 43212, - "rnn": 43213, - "sand": 43214, - "Ġbariatric": 43215, - "ĠPush": 43216, - "ĠApoE": 43217, - "caprolactone": 43218, - "modeling": 43219, - "Ġŵ": 43220, - "Ġsupercapacitors": 43221, - "oron": 43222, - "ĠpK": 43223, - "strophy": 43224, - "ĠSuc": 43225, - "unda": 43226, - "team": 43227, - "Ġitiner": 43228, - "Ġswell": 43229, - "ĠBioactive": 43230, - "ĠIndicators": 43231, - "ĠIFT": 43232, - "ĠDK": 43233, - "Ġcapit": 43234, - "shapes": 43235, - "Ġtrachea": 43236, - "delayed": 43237, - "ĠGuangdong": 43238, - "Lepid": 43239, - "TGA": 43240, - "hk": 43241, - "olon": 43242, - "ogenin": 43243, - "ĠAck": 43244, - "Ġlogically": 43245, - "contributions": 43246, - "ĠCleavage": 43247, - "hurst": 43248, - "bdd": 43249, - "STD": 43250, - "ĠFut": 43251, - "tek": 43252, - "ĠInher": 43253, - "Ġchemis": 43254, - "Ġbreakpoint": 43255, - "estimates": 43256, - "ĠOttoman": 43257, - "ĠNafion": 43258, - "WIDTH": 43259, - "Ġsizable": 43260, - "ĠTsu": 43261, - "embolic": 43262, - "Ġrightmost": 43263, - "ĠCellulose": 43264, - "ictionaries": 43265, - "ĠMycoplasma": 43266, - "ĠBurgers": 43267, - "ĠKeplerian": 43268, - "UCTION": 43269, - "VB": 43270, - "Ġbcc": 43271, - "raid": 43272, - "ENDIX": 43273, - "Ġscoping": 43274, - "ĠPRI": 43275, - "ĠCdSe": 43276, - "ĠGreedy": 43277, - "ĠHammer": 43278, - "ĠBacteroides": 43279, - "informative": 43280, - "Ġresembled": 43281, - "yllium": 43282, - "Twenty": 43283, - "Ġpounds": 43284, - "Ġunpolarized": 43285, - "Ġconfigure": 43286, - "Ġtranscriptionally": 43287, - "Ġmicroscale": 43288, - "ĠPutting": 43289, - "Ġpyrrol": 43290, - "ĠLASSO": 43291, - "filtration": 43292, - "Ġtech": 43293, - "performing": 43294, - "Along": 43295, - "ĠCTLA": 43296, - "Ġauthorization": 43297, - "URAL": 43298, - "Ġleaky": 43299, - "Optical": 43300, - "ĠReveal": 43301, - "ĠHUVECs": 43302, - "Wu": 43303, - "custom": 43304, - "dible": 43305, - "Ġ": 43306, - "CDCl": 43307, - "Ġemphys": 43308, - "Neut": 43309, - "collagen": 43310, - "necessarily": 43311, - "ĠRoots": 43312, - "Pose": 43313, - "Tu": 43314, - "Ġclue": 43315, - "Ġperturbing": 43316, - "ĠHelium": 43317, - "ĠCombustion": 43318, - "nitrogen": 43319, - "amplified": 43320, - "prove": 43321, - "ĠSoils": 43322, - "normalization": 43323, - "ĠCHOP": 43324, - "ĠMcLe": 43325, - "Ġstrikes": 43326, - "Ġcropped": 43327, - "ĠKuo": 43328, - "Ġvagal": 43329, - "Ġdinucleotide": 43330, - "ĠIsaac": 43331, - "ĠLOX": 43332, - "Ġdirectionality": 43333, - "Ġchemoradiotherapy": 43334, - "calculus": 43335, - "ĠMohammed": 43336, - "mapped": 43337, - "Ġreforms": 43338, - "Ġreordering": 43339, - "ĠBm": 43340, - "ĠESCs": 43341, - "ĠNUC": 43342, - "thaw": 43343, - "Ġnanoporous": 43344, - "Ġtrainable": 43345, - "ĠATT": 43346, - "feats": 43347, - "OFDM": 43348, - "ĠSHP": 43349, - "ĠRichter": 43350, - "Ġsprayed": 43351, - "ĠJefferson": 43352, - "FOX": 43353, - "bh": 43354, - "otte": 43355, - "Ġleiomy": 43356, - "ospores": 43357, - "specificity": 43358, - "ĠRefer": 43359, - "ĠHaas": 43360, - "Move": 43361, - "Materials": 43362, - "tec": 43363, - "utility": 43364, - "entional": 43365, - "ĠMPP": 43366, - "chond": 43367, - "Ġseepage": 43368, - "Ġpeach": 43369, - "ĠÎĶt": 43370, - "embryonic": 43371, - "Yan": 43372, - "Ġliposomal": 43373, - "ĠValencia": 43374, - "ĠEndo": 43375, - "ĠPAO": 43376, - "Ġdialect": 43377, - "Ġchondrocyte": 43378, - "ĠMillimeter": 43379, - "ĠRegularity": 43380, - "destroy": 43381, - "ĠCondensation": 43382, - "Bayes": 43383, - "abundance": 43384, - "ĠdU": 43385, - "ĠSSI": 43386, - "ĠHAND": 43387, - "Ġconsulted": 43388, - "Ġsuppliers": 43389, - "Ġdemo": 43390, - "registered": 43391, - "Ġmicrosomal": 43392, - "Ġlambs": 43393, - "responsiveness": 43394, - "Dy": 43395, - "GAS": 43396, - "UME": 43397, - "Ġaero": 43398, - "Ġcalmodulin": 43399, - "Ġcalcined": 43400, - "Ġinsula": 43401, - "ĠMei": 43402, - "ĠREAL": 43403, - "Ġcontractible": 43404, - "ĠEssentially": 43405, - "Ġgaming": 43406, - "Ġspillover": 43407, - "residues": 43408, - "âİ": 43409, - "ĠEMC": 43410, - "ĠSDE": 43411, - "ĠSerine": 43412, - "ecki": 43413, - "ĠPrinceton": 43414, - "ĠBACKGROUND": 43415, - "masks": 43416, - "ĠLom": 43417, - "ffield": 43418, - "efitinib": 43419, - "Ġpatents": 43420, - "ĠBez": 43421, - "loads": 43422, - "Ġgonadal": 43423, - "Ġnitrocellulose": 43424, - "âĻĤ": 43425, - "Ġthrown": 43426, - "Ġrectification": 43427, - "mina": 43428, - "iscid": 43429, - "ĠBiobank": 43430, - "paramagnetic": 43431, - "GSK": 43432, - "ĠDerivative": 43433, - "criterion": 43434, - "ĠMonthly": 43435, - "ë¥": 43436, - "ĠSichuan": 43437, - "Ġimmunologic": 43438, - "Ġheterotic": 43439, - "ĠMcCl": 43440, - "ĠSMART": 43441, - "ĠBatteries": 43442, - "Ġpremiered": 43443, - "Ġcryopreservation": 43444, - "Nu": 43445, - "valho": 43446, - "Ġflotation": 43447, - "topological": 43448, - "ĠNanjing": 43449, - "Ġjuxt": 43450, - "ĠFeder": 43451, - "Ġprofoundly": 43452, - "cad": 43453, - "ienced": 43454, - "chuk": 43455, - "ĠIng": 43456, - "ĠKSHV": 43457, - "aminobenz": 43458, - "ĉĉĉĠĠĠ": 43459, - "Ġmetaph": 43460, - "ĠEpidemic": 43461, - "ĠAssociate": 43462, - "Ġsaccade": 43463, - "Ġdawn": 43464, - "Ġreheating": 43465, - "Ġspell": 43466, - "fractive": 43467, - "ĠToolkit": 43468, - "Ġrecognise": 43469, - "pathogen": 43470, - "Ġophthalmic": 43471, - "Ġqueried": 43472, - "thens": 43473, - "ithine": 43474, - "umably": 43475, - "Ġstrides": 43476, - "haul": 43477, - "Ġpassion": 43478, - "Ġdysfunctions": 43479, - "Byte": 43480, - "Ġcaesarean": 43481, - "prey": 43482, - "ĠHorse": 43483, - "ĠGABAA": 43484, - "Natural": 43485, - "kos": 43486, - "inators": 43487, - "odings": 43488, - "ARRAY": 43489, - "Ġunipotent": 43490, - "Ġelectromy": 43491, - "compart": 43492, - "Liu": 43493, - "encephalic": 43494, - "ĠCOMPAR": 43495, - "Ġsymbionts": 43496, - "ivacaine": 43497, - "OI": 43498, - "PVA": 43499, - "ĠNVIDIA": 43500, - "calibrated": 43501, - "Ġquest": 43502, - "NAD": 43503, - "ĠXyl": 43504, - "Ġpharmacist": 43505, - "directly": 43506, - "Ġquadruple": 43507, - "ethanone": 43508, - "ĠBulgaria": 43509, - "Ġoviposition": 43510, - "runs": 43511, - "Ġnociceptive": 43512, - "Ġasexual": 43513, - "SULT": 43514, - "Ġwouldn": 43515, - "ĠIndustries": 43516, - "abilizing": 43517, - "ĠCompressive": 43518, - "COOH": 43519, - "USH": 43520, - "kiewicz": 43521, - "Ġigneous": 43522, - "Ġdisappoint": 43523, - "ĠCKM": 43524, - "ĠDiagrams": 43525, - "ĠFlam": 43526, - "ĠGould": 43527, - "Ġcoenzyme": 43528, - "Ġparan": 43529, - "Ġ¶": 43530, - "Ġprogrammer": 43531, - "ĠTransforming": 43532, - "Ġmuscarinic": 43533, - "onucleotide": 43534, - "FIELD": 43535, - "ĠFuji": 43536, - "Ġnondec": 43537, - "Ġblanket": 43538, - "Ġpredisposing": 43539, - "ĠTrigger": 43540, - "Ġwelcome": 43541, - "Family": 43542, - "UINT": 43543, - "hfill": 43544, - "tvb": 43545, - "ĠBatt": 43546, - "Ġunmet": 43547, - "ĠApo": 43548, - "otient": 43549, - "Ġfundus": 43550, - "ĠLearned": 43551, - "Ġintrusions": 43552, - "Ġsolubilization": 43553, - "fundamental": 43554, - "ĠSantiago": 43555, - "Ġhpi": 43556, - "throw": 43557, - "ĠInto": 43558, - "timeout": 43559, - "Ġthickened": 43560, - "iasm": 43561, - "Ġgravitino": 43562, - "branched": 43563, - "VIII": 43564, - "Ġoch": 43565, - "Ġgym": 43566, - "ĠKrylov": 43567, - "Ġcorrective": 43568, - "ĠInstitution": 43569, - "Ġcrimes": 43570, - "ĠBacteroidetes": 43571, - "ĠEhr": 43572, - "Ġseated": 43573, - "rolizumab": 43574, - "Ġfactorized": 43575, - "rotational": 43576, - "Ġadministrators": 43577, - "âĭĨ": 43578, - "ineralization": 43579, - "lining": 43580, - "âĹ": 43581, - "urai": 43582, - "ĠFAP": 43583, - "ĠFisheries": 43584, - "ĠESO": 43585, - "temper": 43586, - "Biggr": 43587, - "ĠAlternating": 43588, - "twin": 43589, - "amatsu": 43590, - "Ġintrad": 43591, - "overflow": 43592, - "Ġcomparability": 43593, - "Ġsynoptic": 43594, - "USB": 43595, - "dbg": 43596, - "demonstr": 43597, - "ĠAchieving": 43598, - "Ġtectonics": 43599, - "ĠRandall": 43600, - "ĠPrepared": 43601, - "Ġsublimation": 43602, - "ĠBaj": 43603, - "Ġclutch": 43604, - "Ġsubdomain": 43605, - "Ġflaws": 43606, - "influ": 43607, - "Ġwidening": 43608, - "Ġmelted": 43609, - "Ġadministrator": 43610, - "Ġsubsidiary": 43611, - "ĠPricing": 43612, - "ticus": 43613, - "ogi": 43614, - "ĠAlign": 43615, - "ĠADV": 43616, - "Ġvastly": 43617, - "benchmark": 43618, - "Ġprioritize": 43619, - "Radi": 43620, - "essed": 43621, - "Ġsuprac": 43622, - "accard": 43623, - "Ġbiomimetic": 43624, - "ĠIrradiation": 43625, - "ĠALGOR": 43626, - "Ġpedigree": 43627, - "ĠCMT": 43628, - "odym": 43629, - "ĠVig": 43630, - "ĠBiochemistry": 43631, - "ĠAccum": 43632, - "Indices": 43633, - "hardtii": 43634, - "ĠRalph": 43635, - "Ġruminants": 43636, - "iT": 43637, - "onau": 43638, - "aner": 43639, - "planned": 43640, - "evers": 43641, - "Ġretroviral": 43642, - "Ġquantifier": 43643, - "ĠExtracting": 43644, - "Ġacetylated": 43645, - "Orth": 43646, - "ĠSenator": 43647, - "Ġnanosecond": 43648, - "Ġanticipation": 43649, - "ĠECMO": 43650, - "Ġsemicirc": 43651, - "ĠCryptosporidium": 43652, - "ĠTARGET": 43653, - "Ġapples": 43654, - "efield": 43655, - "Ġreman": 43656, - "Ġserovar": 43657, - "ĠTransactions": 43658, - "transitions": 43659, - "ursions": 43660, - "ĠMelatonin": 43661, - "Ġcholecystectomy": 43662, - "ĠAntiviral": 43663, - "hous": 43664, - "Ġotol": 43665, - "Ġmaj": 43666, - "Ġeclip": 43667, - "arel": 43668, - "ATIONAL": 43669, - "MIM": 43670, - "ĠCImg": 43671, - "ĠEndomet": 43672, - "ĠHayashi": 43673, - "Ġchimpanzees": 43674, - "mbf": 43675, - "ĠIPV": 43676, - "actoring": 43677, - "outside": 43678, - "neapolis": 43679, - "Ġdiscarding": 43680, - "numtype": 43681, - "ĠREST": 43682, - "Ġflagellar": 43683, - "ĠChandrase": 43684, - "hofer": 43685, - "Ġelectrocardiogram": 43686, - "Gb": 43687, - "mock": 43688, - "oeb": 43689, - "ĠSMO": 43690, - "ĠMord": 43691, - "ĠBoz": 43692, - "Ġminors": 43693, - "INLINE": 43694, - "Ġthermogravimetric": 43695, - "ĠMelting": 43696, - "ĠNSW": 43697, - "Sham": 43698, - "lotinib": 43699, - "Ġacquisitions": 43700, - "taz": 43701, - "Ġdefaults": 43702, - "Ġoscillates": 43703, - "ĠCaption": 43704, - "Ġdisruptive": 43705, - "Ġsweeping": 43706, - "ĠToolbox": 43707, - "Ġurethral": 43708, - "HBV": 43709, - "ĠRCS": 43710, - "Ġoxys": 43711, - "immuno": 43712, - "htm": 43713, - "oflavin": 43714, - "HIF": 43715, - "ĠSBA": 43716, - "ĠCPE": 43717, - "Ġwhites": 43718, - "ĠReactor": 43719, - "Ġpurp": 43720, - "Ġelectrocatalytic": 43721, - "Ġnonex": 43722, - "Ġtyphimurium": 43723, - "Ġeurop": 43724, - "concave": 43725, - "macrophage": 43726, - "SER": 43727, - "Ġlapse": 43728, - "Ġanatom": 43729, - "ĠRAC": 43730, - "tax": 43731, - "Ġmins": 43732, - "Ġsensu": 43733, - "ĠHebrew": 43734, - "Ġrealism": 43735, - "ĠMicroglia": 43736, - "Ġserialized": 43737, - "ĠHazard": 43738, - "Ġmetamorphosis": 43739, - "ĠIRA": 43740, - "Ġsmearing": 43741, - "Ġphotolysis": 43742, - "Ġchildbirth": 43743, - "Ġsilenced": 43744, - "rawal": 43745, - "Ġquadrants": 43746, - "butanol": 43747, - "Ġstochastically": 43748, - "ĠChambers": 43749, - "ĠNavarro": 43750, - "Ġprocurement": 43751, - "cite": 43752, - "ĠSle": 43753, - "ĠHadoop": 43754, - "Ġdelaying": 43755, - "Atlantic": 43756, - "Spain": 43757, - "falfa": 43758, - "odialysis": 43759, - "ynia": 43760, - "Ġplateaus": 43761, - "Ġmultimode": 43762, - "RESET": 43763, - "ĠRocky": 43764, - "ĠRodrigues": 43765, - "fMRI": 43766, - "rint": 43767, - "ĠTAL": 43768, - "Ġspecular": 43769, - "construction": 43770, - "ĠAthens": 43771, - "Ġcrosslink": 43772, - "Ġcountably": 43773, - "Ġspreadsheet": 43774, - "cribes": 43775, - "consistently": 43776, - "Ġfloodplain": 43777, - "EINVAL": 43778, - "Maca": 43779, - "Ġei": 43780, - "Ġhitherto": 43781, - "Ġsemif": 43782, - "Ġcontinual": 43783, - "ĠHomology": 43784, - "Ġphotocatalysts": 43785, - "isable": 43786, - "ĠHAT": 43787, - "Ġpolyhedra": 43788, - "ĠMayo": 43789, - "Ġlactating": 43790, - "sampler": 43791, - "Ġappliances": 43792, - "TU": 43793, - "Ġchess": 43794, - "ĠTing": 43795, - "Ġinvitation": 43796, - "Ġdistributing": 43797, - "ashima": 43798, - "Ġultral": 43799, - "trend": 43800, - "Ġrelaxations": 43801, - "ĠHelen": 43802, - "Ġbedding": 43803, - "Ġglandular": 43804, - "Ġincrementally": 43805, - "Ġconceal": 43806, - "claimed": 43807, - "ĠEddy": 43808, - "Ġmos": 43809, - "ĠTube": 43810, - "ĠToda": 43811, - "raj": 43812, - "ĠMü": 43813, - "ĠUll": 43814, - "Ġune": 43815, - "berine": 43816, - "Ġpolicym": 43817, - "Ġscholarly": 43818, - "Ġshoreline": 43819, - "Ġaldosterone": 43820, - "ĠBrucella": 43821, - "THE": 43822, - "REAL": 43823, - "Ġexome": 43824, - "ĠDAB": 43825, - "Ġextras": 43826, - "Ġbanding": 43827, - "ĠSiemens": 43828, - "ĠBoost": 43829, - "ĠSupernovae": 43830, - "ĠTracing": 43831, - "Ġascorbate": 43832, - "Italy": 43833, - "bund": 43834, - "Ġdecrement": 43835, - "Ġneurophysiological": 43836, - "Ġblackbody": 43837, - "ĠMcN": 43838, - "Ġcompetencies": 43839, - "oscape": 43840, - "ĠHonours": 43841, - "Ġmastitis": 43842, - "criteria": 43843, - "Ġbiaxial": 43844, - "Ġthawed": 43845, - "ĠFoll": 43846, - "oreceptor": 43847, - "Ġinvention": 43848, - "ADs": 43849, - "Show": 43850, - "------------------------------------------------": 43851, - "Ġellipsoidal": 43852, - "Ġfocussed": 43853, - "ĠDat": 43854, - "ĠRim": 43855, - "ĠLX": 43856, - "ĠGER": 43857, - "insler": 43858, - "Ġtopoisomerase": 43859, - "Ġhyperlipidemia": 43860, - "Ġmystery": 43861, - "Ġnitrification": 43862, - "Ġoncogenes": 43863, - "ĠFuller": 43864, - "ĠBartlett": 43865, - "Ġamphibians": 43866, - "SST": 43867, - "bly": 43868, - "leads": 43869, - "ecycle": 43870, - "ampl": 43871, - "ĠPOM": 43872, - "ĠDCF": 43873, - "strass": 43874, - "antibody": 43875, - "nonlinear": 43876, - "ĠBroadway": 43877, - "ĠCatalogue": 43878, - "ĠμA": 43879, - "Ġacetaminophen": 43880, - "Ġcrystallites": 43881, - "ĠNanotubes": 43882, - "ĠAcknowledgment": 43883, - "Ġmetamorphism": 43884, - "Ġtwinning": 43885, - "ĠAzerbai": 43886, - "xA": 43887, - "CCC": 43888, - "ĠSolids": 43889, - "preds": 43890, - "ĠMontana": 43891, - "WRITE": 43892, - "Ratio": 43893, - "Ġpunch": 43894, - "Ġriding": 43895, - "Ġacne": 43896, - "ĠUre": 43897, - "Ġcorr": 43898, - "ĠQOL": 43899, - "Ġinsult": 43900, - "Ġdominantly": 43901, - "Ġsubsamples": 43902, - "rews": 43903, - "ĠPreservation": 43904, - "ĠAffine": 43905, - "methanone": 43906, - "Ġhedgehog": 43907, - "JH": 43908, - "Ġlined": 43909, - "Ġsten": 43910, - "ĠDarmstadt": 43911, - "ĠLasso": 43912, - "Ġdeproton": 43913, - "Ġshoes": 43914, - "Ġmotives": 43915, - "Ġmicroscop": 43916, - "ophthora": 43917, - "Ġmacron": 43918, - "Ġencouragement": 43919, - "acrylic": 43920, - "ĠTensorFlow": 43921, - "Wrapper": 43922, - "oise": 43923, - "ayak": 43924, - "Ġrepresses": 43925, - "Ġpruned": 43926, - "ĠClar": 43927, - "ĠâĬ²": 43928, - "ĠUnderlying": 43929, - "Implemented": 43930, - "Ġsweat": 43931, - "Ġmeteorites": 43932, - "Ġtweez": 43933, - "Ġprosocial": 43934, - "Ġabrasion": 43935, - "hail": 43936, - "Ġshorth": 43937, - "ismatch": 43938, - "INTR": 43939, - "ĠTrin": 43940, - "Ġphysicists": 43941, - "ĠPEO": 43942, - "ĠMagneto": 43943, - "ĠJacobson": 43944, - "ĠMMPs": 43945, - "ĠIntravenous": 43946, - "Ġneurotransmission": 43947, - "ĠPneumonia": 43948, - "Lind": 43949, - "yre": 43950, - "Ġmaternity": 43951, - "ĠIris": 43952, - "riatal": 43953, - "ĠâĢļ": 43954, - "medetomidine": 43955, - "Ġtriterpen": 43956, - "ĠManuscript": 43957, - "ĠEndoplasmic": 43958, - "ĠPotter": 43959, - "Ġgerminal": 43960, - "Ġphotosystem": 43961, - "Guided": 43962, - "Ġguitarist": 43963, - "ĠChilean": 43964, - "ĠSalvador": 43965, - "ÉĻ": 43966, - "Ġcelestial": 43967, - "omand": 43968, - "Ġnk": 43969, - "Ġvendors": 43970, - "ĠPINK": 43971, - "ĠInorganic": 43972, - "Ġmoderated": 43973, - "SUS": 43974, - "ĠJoshi": 43975, - "ĠStata": 43976, - "ikes": 43977, - "oye": 43978, - "ĠJohnny": 43979, - "Leica": 43980, - "Ġkaon": 43981, - "ĠEquipment": 43982, - "Kim": 43983, - "gado": 43984, - "tures": 43985, - "Ġelem": 43986, - "ĠAAC": 43987, - "cea": 43988, - "odality": 43989, - "Ġaniline": 43990, - "Ġexothermic": 43991, - "ĠGunn": 43992, - "ĠJU": 43993, - "plicable": 43994, - "scapes": 43995, - "typed": 43996, - "Ġinspiratory": 43997, - "REGIST": 43998, - "ĠBryan": 43999, - "Ġanxious": 44000, - "ĠCarpenter": 44001, - "ĠPharmacokinetics": 44002, - "inferior": 44003, - "Frag": 44004, - "ZY": 44005, - "Ġoesophageal": 44006, - "ĠSuk": 44007, - "ĠPron": 44008, - "ĠCDI": 44009, - "AGC": 44010, - "keywords": 44011, - "susceptible": 44012, - "Germany": 44013, - "MAS": 44014, - "iC": 44015, - "anmar": 44016, - "Ġexiting": 44017, - "ĠHale": 44018, - "Ġrhamn": 44019, - "industrial": 44020, - "Ġraft": 44021, - "embrolizumab": 44022, - "Ġdeploying": 44023, - "Ġsalicylic": 44024, - "Rn": 44025, - "Ġcensor": 44026, - "ĠdX": 44027, - "Ġforum": 44028, - "MSI": 44029, - "blad": 44030, - "Ġsquir": 44031, - "CPP": 44032, - "Ġgrapevine": 44033, - "ĠRAFT": 44034, - "Monte": 44035, - "Ġmicroflora": 44036, - "rcl": 44037, - "Ġdecap": 44038, - "ANC": 44039, - "Ġbroaden": 44040, - "Ġfreed": 44041, - "Ġsouthward": 44042, - "ĠJacques": 44043, - "Ġrequesting": 44044, - "ĠAspect": 44045, - "arajan": 44046, - "Failed": 44047, - "fprintf": 44048, - "pytest": 44049, - "ʹ": 44050, - "ĠCm": 44051, - "until": 44052, - "neiss": 44053, - "Ġmonos": 44054, - "ospinal": 44055, - "olsky": 44056, - "contrib": 44057, - "Container": 44058, - "ĠVolunte": 44059, - "ĠAttributes": 44060, - "ĠTumour": 44061, - "Ġreinhardtii": 44062, - "Ġcentromere": 44063, - "ĠSymph": 44064, - "ĠAo": 44065, - "agens": 44066, - "pleted": 44067, - "ieder": 44068, - "Ġactivist": 44069, - "ĠAlmeida": 44070, - "Ġdisturbing": 44071, - "Ġreflexes": 44072, - "DSS": 44073, - "Ġforwards": 44074, - "ronym": 44075, - "ĠIntegrity": 44076, - "WEEN": 44077, - "Ġôı¼Į": 44078, - "Ġfaithfully": 44079, - "Ġpericardial": 44080, - "Japanese": 44081, - "ĠCENP": 44082, - "Kr": 44083, - "Ġdefending": 44084, - "Ġzon": 44085, - "insensitive": 44086, - "Ġlabs": 44087, - "ĠCaM": 44088, - "ĠEurop": 44089, - "MEA": 44090, - "BLAST": 44091, - "xN": 44092, - "alen": 44093, - "Ġclk": 44094, - "lineage": 44095, - "coating": 44096, - "Ġtailoring": 44097, - "CONTR": 44098, - "Ġadrenergic": 44099, - "interpreted": 44100, - "NIH": 44101, - "amoeba": 44102, - "ĠCyr": 44103, - "Ġtriplicates": 44104, - "defining": 44105, - "ĠLogan": 44106, - "tesy": 44107, - "ĠTwist": 44108, - "ĠGrammar": 44109, - "ĠSustained": 44110, - "Ġanharmonic": 44111, - "Ġalve": 44112, - "Ġruler": 44113, - "Ġquanta": 44114, - "Ġdirects": 44115, - "Ġoffloading": 44116, - "ĠGeophysical": 44117, - "Require": 44118, - "Ġhepatoma": 44119, - "Ġfoo": 44120, - "ĠGeorges": 44121, - "Ġbouts": 44122, - "ĠTAK": 44123, - "Ġantidiabetic": 44124, - "ĠReported": 44125, - "presenting": 44126, - "ĠLayered": 44127, - "RENCE": 44128, - "Ġuveitis": 44129, - "bage": 44130, - "Ġfentanyl": 44131, - "ensemble": 44132, - "ĠOSCC": 44133, - "Ġminers": 44134, - "looking": 44135, - "ĠBeer": 44136, - "precipitation": 44137, - "ĠEnterprise": 44138, - "Ġserotonergic": 44139, - "Ġseesaw": 44140, - "ĠAthletics": 44141, - "Ġhydrolytic": 44142, - "Ġtalent": 44143, - "Ġdiscernible": 44144, - "FIL": 44145, - "lives": 44146, - "ĠSales": 44147, - "ĠSSc": 44148, - "erend": 44149, - "clim": 44150, - "antid": 44151, - "INTS": 44152, - "Ġattenuating": 44153, - "Ġtwists": 44154, - "Ġoxygenase": 44155, - "rini": 44156, - "Macaulay": 44157, - "zm": 44158, - "ĠPOT": 44159, - "ĠMp": 44160, - "ĠHey": 44161, - "ĠOVER": 44162, - "illion": 44163, - "Ġinvaluable": 44164, - "Ġantiplatelet": 44165, - "Ġmutans": 44166, - "Ġgraduates": 44167, - "GRAM": 44168, - "ispheric": 44169, - "Ġincompatibility": 44170, - "Ġcarboxylase": 44171, - "Ġbiocontrol": 44172, - "ĠPhysicochemical": 44173, - "ïĻ": 44174, - "Ġlae": 44175, - "ĠAortic": 44176, - "ĠRacing": 44177, - "ĠECD": 44178, - "ivic": 44179, - "Ġelectromechanical": 44180, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 44181, - "Ġsteer": 44182, - "ĠOutside": 44183, - "Ġadenocarcinomas": 44184, - "ĠKeep": 44185, - "Ġcocon": 44186, - "Ġmoderating": 44187, - "Ġreformulated": 44188, - "Ġfundamentals": 44189, - "ĠTesla": 44190, - "ĠStirling": 44191, - "orated": 44192, - "opid": 44193, - "Ġparox": 44194, - "Ġtrivalent": 44195, - "Ġexchangeable": 44196, - "Ġdebuted": 44197, - "Very": 44198, - "reements": 44199, - "ĠTomm": 44200, - "ĠCyn": 44201, - "ĠCatalysts": 44202, - "quat": 44203, - "ĠFER": 44204, - "ĠRum": 44205, - "Ġscanners": 44206, - "ĠâĨĴâĪŀ": 44207, - "otropical": 44208, - "Ġvenues": 44209, - "estimator": 44210, - "Ġemptying": 44211, - "GPP": 44212, - "VIR": 44213, - "Ġcomplicates": 44214, - "ĠNIS": 44215, - "ĠZhen": 44216, - "ĠBlues": 44217, - "Ġtextbooks": 44218, - "Ġsixty": 44219, - "Ġethers": 44220, - "Ġfinancially": 44221, - "ĠmHealth": 44222, - "ĠTut": 44223, - "Ġlaryng": 44224, - "ĠGs": 44225, - "ĠWatch": 44226, - "Ġsev": 44227, - "Ġital": 44228, - "assed": 44229, - "Ġ÷": 44230, - "ĠConsent": 44231, - "Ġnuts": 44232, - "vitreal": 44233, - "Ġmetaphase": 44234, - "Ġtitania": 44235, - "Ġfoils": 44236, - "Ġgalectin": 44237, - "initialize": 44238, - "Ġadvisor": 44239, - "Ġadministering": 44240, - "Bool": 44241, - "Ġcem": 44242, - "Ġreforming": 44243, - "Ġgn": 44244, - "ysh": 44245, - "Ġattor": 44246, - "SCI": 44247, - "Exc": 44248, - "builder": 44249, - "Ġcerium": 44250, - "Ġregistries": 44251, - "ĠMatsumoto": 44252, - "Ġtempting": 44253, - "isha": 44254, - "Ġreorientation": 44255, - "ĠMold": 44256, - "ĠRAGE": 44257, - "yson": 44258, - "Ġunequiv": 44259, - "Ġrelocation": 44260, - "ĠÃķ": 44261, - "ĠReform": 44262, - "ĠREQU": 44263, - "Ġcommensurate": 44264, - "catalog": 44265, - "ĠTPS": 44266, - "Ġlamb": 44267, - "Ġprefactor": 44268, - "archy": 44269, - "Ġdopants": 44270, - "drv": 44271, - "ĠPARAMET": 44272, - "schedule": 44273, - "ochemically": 44274, - "ĠeHealth": 44275, - "unas": 44276, - "ĠPinus": 44277, - "ĠHSA": 44278, - "Ġinterrelations": 44279, - "Ġdepot": 44280, - "ĠPlatinum": 44281, - "Ġlifelong": 44282, - "Ġpersistently": 44283, - "ĠParadox": 44284, - "ĠConformational": 44285, - "esophag": 44286, - "ĠAAT": 44287, - "plin": 44288, - "ĠFCN": 44289, - "ĠDt": 44290, - "oposide": 44291, - "Ġchal": 44292, - "Ġhalt": 44293, - "ĠDetect": 44294, - "Ġdiscriminated": 44295, - "ĠLagrangians": 44296, - "Appro": 44297, - "Ġȧ": 44298, - "Ġimpulsivity": 44299, - "BAT": 44300, - "Chemical": 44301, - "gather": 44302, - "ĠUNC": 44303, - "intron": 44304, - "ĠSimulator": 44305, - "ĠGla": 44306, - "TTT": 44307, - "ĠVolatile": 44308, - "Ġsubsid": 44309, - "ĠBroadcasting": 44310, - "Ġstreptozotocin": 44311, - "Ġfumar": 44312, - "ĠMPEG": 44313, - "Ġinfluenzae": 44314, - "subjects": 44315, - "Ġappropriateness": 44316, - "Ġarcmin": 44317, - "Ġstranded": 44318, - "oylation": 44319, - "ĠDEX": 44320, - "oviral": 44321, - "ĠQuarter": 44322, - "colytic": 44323, - "Ġfriendship": 44324, - "HES": 44325, - "loxacin": 44326, - "Ġere": 44327, - "ĠTrad": 44328, - "uristics": 44329, - "ĠECT": 44330, - "ĠEGCG": 44331, - "ĠLRP": 44332, - "ĠGAG": 44333, - "ĠInP": 44334, - "Ġcontempor": 44335, - "Ġmicror": 44336, - "ierstrass": 44337, - "ĠElectrosp": 44338, - "needed": 44339, - "atmosphere": 44340, - "nT": 44341, - "Ġbandwidths": 44342, - "Ġdiversified": 44343, - "ĠAppropriate": 44344, - "restore": 44345, - "rocnem": 44346, - "ĠLaguerre": 44347, - "ĠSongs": 44348, - "ĠKaluza": 44349, - "ĠSymmetries": 44350, - "ĠSchmitt": 44351, - "Ġbiomolecular": 44352, - "scalebox": 44353, - "Ġintrahepatic": 44354, - "understanding": 44355, - "ĠABCG": 44356, - "Ġunderestimates": 44357, - "ĠStreaming": 44358, - "Ġfictitious": 44359, - "oplasmosis": 44360, - "resident": 44361, - "ĠBary": 44362, - "ĠComa": 44363, - "scrip": 44364, - "Ġdegran": 44365, - "ĠCaMKII": 44366, - "ĠBalmer": 44367, - "ĠPlasm": 44368, - "Ġchelating": 44369, - "ĠParadigm": 44370, - "Ġopponents": 44371, - "EK": 44372, - "Pin": 44373, - "Ġmsec": 44374, - "adone": 44375, - "acht": 44376, - "CCG": 44377, - "ECO": 44378, - "normalize": 44379, - "ĠDesigns": 44380, - "Ġyellowish": 44381, - "glutamyl": 44382, - "Ġdomestication": 44383, - "Ġmonophyletic": 44384, - "dles": 44385, - "nested": 44386, - "ĠGrace": 44387, - "ĠStudios": 44388, - "ĠDiscussions": 44389, - "ophenoxy": 44390, - "Ġveterin": 44391, - "Ġendosym": 44392, - "uttinger": 44393, - "batches": 44394, - "ĠFiji": 44395, - "ĠRNF": 44396, - "ousa": 44397, - "ĠKY": 44398, - "Ġspectrograph": 44399, - "ERIC": 44400, - "ĠMyanmar": 44401, - "ĠConstraining": 44402, - "Ġecologically": 44403, - "Ġfrost": 44404, - "arboux": 44405, - "ĠFibonacci": 44406, - "Ġcanceled": 44407, - "ĠISSN": 44408, - "Rect": 44409, - "another": 44410, - "ĠMMA": 44411, - "OLO": 44412, - "ĠTruth": 44413, - "Ġorthopaedic": 44414, - "Ġtraversing": 44415, - "ischemic": 44416, - "ĠMozambique": 44417, - "ĠMSR": 44418, - "apace": 44419, - "ĠThread": 44420, - "ologia": 44421, - "Ġcalm": 44422, - "methyltransferase": 44423, - "Ġͪ": 44424, - "Ġdrove": 44425, - "Ġcommanded": 44426, - "Ġfeline": 44427, - "ĠRush": 44428, - "ĠLisa": 44429, - "Ġsuperspace": 44430, - "arcy": 44431, - "ĠRegulated": 44432, - "ĠResting": 44433, - "causing": 44434, - "psychotics": 44435, - "qt": 44436, - "Ġtulare": 44437, - "Ġrelocated": 44438, - "Ġrepell": 44439, - "Ġpredatory": 44440, - "people": 44441, - "traits": 44442, - "Euclidean": 44443, - "FDA": 44444, - "XRT": 44445, - "pC": 44446, - "pand": 44447, - "ĠÆ": 44448, - "reve": 44449, - "Ġbids": 44450, - "Ġcousin": 44451, - "Ġsubdomains": 44452, - "tilb": 44453, - "énez": 44454, - "linearly": 44455, - "oproteins": 44456, - "Ġcodec": 44457, - "Ġcontraception": 44458, - "ĠCdk": 44459, - "Ġrailroad": 44460, - "Bench": 44461, - "rng": 44462, - "ĠDLA": 44463, - "entile": 44464, - "ĠCOCO": 44465, - "ĠMatth": 44466, - "ĠOverl": 44467, - "ĠRoutine": 44468, - "Ġmultifocal": 44469, - "Ġartefact": 44470, - "Ġsculpture": 44471, - "cies": 44472, - "mate": 44473, - "ĠØ": 44474, - "urek": 44475, - "ĠBend": 44476, - "ĠNathan": 44477, - "Ġdew": 44478, - "ymia": 44479, - "azzi": 44480, - "ĠErk": 44481, - "Ġgraduation": 44482, - "Boundary": 44483, - "Gra": 44484, - "Ġbfd": 44485, - "ĠSert": 44486, - "Ġovershoot": 44487, - "ĠSeo": 44488, - "Ġsklearn": 44489, - "Ġconservatively": 44490, - "piracy": 44491, - "Ġlaunching": 44492, - "XD": 44493, - "arbitrary": 44494, - "perone": 44495, - "Ġshops": 44496, - "competitive": 44497, - "ĠPakistani": 44498, - "Ġcompetitor": 44499, - "biotics": 44500, - "raits": 44501, - "ĠNoble": 44502, - "Ġsubregions": 44503, - "ĠJump": 44504, - "roller": 44505, - "tris": 44506, - "Ġmacrol": 44507, - "ós": 44508, - "ĠPenic": 44509, - "Ġmicrosomes": 44510, - "Ġimprecise": 44511, - "Ġdowntown": 44512, - "ĠeQTL": 44513, - "ifest": 44514, - "ĠMFI": 44515, - "Ġrarity": 44516, - "âĢĻâĢĻ": 44517, - "Ġbelts": 44518, - "Ġglycosyl": 44519, - "ĠNicolas": 44520, - "synthesis": 44521, - "Oh": 44522, - "hierarch": 44523, - "pps": 44524, - "anets": 44525, - "roads": 44526, - "ATIC": 44527, - "MIMO": 44528, - "ĠContract": 44529, - "Leib": 44530, - "opyrox": 44531, - "Ġinformational": 44532, - "Synonyms": 44533, - "challenge": 44534, - "ĠProximal": 44535, - "ĠCrawford": 44536, - "Ġisopropyl": 44537, - "Ġsubfamilies": 44538, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 44539, - "Ġannotators": 44540, - "Ġreconcile": 44541, - "Ġparsimony": 44542, - "Ġcaspases": 44543, - "cott": 44544, - "environments": 44545, - "Ġdrm": 44546, - "ĠPIL": 44547, - "ĠMec": 44548, - "ĠInfer": 44549, - "ĠSirt": 44550, - "Shell": 44551, - "agulants": 44552, - "seismic": 44553, - "Ġsuburban": 44554, - "ĠXXX": 44555, - "iodes": 44556, - "Ġbackpropagation": 44557, - "traditional": 44558, - "Ġphotocon": 44559, - "ĠMicrobiology": 44560, - "QT": 44561, - "uridine": 44562, - "Ġchop": 44563, - "ĠThé": 44564, - "Ġprejud": 44565, - "Ġencoders": 44566, - "collected": 44567, - "remark": 44568, - "Ġsunspot": 44569, - "ĠPhenolic": 44570, - "Understanding": 44571, - "Ġrejecting": 44572, - "Ġromantic": 44573, - "Ġcentimeters": 44574, - "Ġhallucinations": 44575, - "Home": 44576, - "casted": 44577, - "Ġcw": 44578, - "rai": 44579, - "ĠDisplacement": 44580, - "PHY": 44581, - "carbam": 44582, - "Ġxenon": 44583, - "Ġnarratives": 44584, - "Ġdollar": 44585, - "Ġdynasty": 44586, - "ì§": 44587, - "Ġinforming": 44588, - "ĠOCD": 44589, - "ák": 44590, - "Ġoverheads": 44591, - "juana": 44592, - "ĠKraus": 44593, - "fx": 44594, - "kaya": 44595, - "Ġnid": 44596, - "ĠGrab": 44597, - "Ġinflores": 44598, - "Arc": 44599, - "============": 44600, - "Ġcondenser": 44601, - "Ġnanocar": 44602, - "ommens": 44603, - "Ġsaturating": 44604, - "rece": 44605, - "elif": 44606, - "ĠALE": 44607, - "ĠBub": 44608, - "ĠLaf": 44609, - "andran": 44610, - "Ġpouch": 44611, - "roline": 44612, - "ACHE": 44613, - "CCD": 44614, - "Ġcoolant": 44615, - "Ġgrasslands": 44616, - "ĠSynchronous": 44617, - "izziness": 44618, - "Ġcetuximab": 44619, - "Ġdichotomous": 44620, - "roch": 44621, - "ĠAuckland": 44622, - "obesity": 44623, - "ikit": 44624, - "Ġoperad": 44625, - "ĠOnset": 44626, - "Ġbeforehand": 44627, - "Ġuncomp": 44628, - "USED": 44629, - "ubbing": 44630, - "ĠSMBH": 44631, - "ĠExpedition": 44632, - "Ġhib": 44633, - "ĠPPR": 44634, - "ĠNED": 44635, - "udio": 44636, - "ĠJal": 44637, - "ĠArp": 44638, - "ĠBee": 44639, - "ĠVarieties": 44640, - "Comm": 44641, - "About": 44642, - "ĠAttachment": 44643, - "ODULE": 44644, - "Calculate": 44645, - "Tan": 44646, - "inism": 44647, - "Ġara": 44648, - "Ġcabin": 44649, - "Ġconnexin": 44650, - "Ġcomets": 44651, - "umptive": 44652, - "Ġdestabilization": 44653, - "ĠHolt": 44654, - "ructose": 44655, - "anishi": 44656, - "plasticity": 44657, - "omycosis": 44658, - "ovician": 44659, - "________________": 44660, - "rar": 44661, - "Ġwore": 44662, - "udine": 44663, - "ĠInvariance": 44664, - "Ġperitonitis": 44665, - "Ġmetrology": 44666, - "Ġcloses": 44667, - "Ġcolorless": 44668, - "Noise": 44669, - "DIO": 44670, - "ĠLifshitz": 44671, - "zul": 44672, - "estive": 44673, - "ĠMPA": 44674, - "ĠBooth": 44675, - "ĠDoll": 44676, - "arene": 44677, - "geness": 44678, - "Ġmolecularly": 44679, - "ĠPerkin": 44680, - "Ġdosimetry": 44681, - "ĠSOFT": 44682, - "ĠPyTorch": 44683, - "Ġquarters": 44684, - "ĠKuhn": 44685, - "Ġsplenocytes": 44686, - "RW": 44687, - "cart": 44688, - "leb": 44689, - "Ġcondom": 44690, - "ĠHoc": 44691, - "Ġextents": 44692, - "Ġslug": 44693, - "ĠSupplementation": 44694, - "diffic": 44695, - "esterly": 44696, - "Yu": 44697, - "antigens": 44698, - "ĠÃĴ": 44699, - "Changes": 44700, - "Ġpropylene": 44701, - "ĠPrison": 44702, - "ĠAlgorithmic": 44703, - "Ġtolerances": 44704, - "Adam": 44705, - "Ġesterase": 44706, - "Ġmilder": 44707, - "ĠConvection": 44708, - "PTR": 44709, - "kpc": 44710, - "Ġexo": 44711, - "ĠFah": 44712, - "ĠYFP": 44713, - "ĠCRM": 44714, - "Ġhepatotoxicity": 44715, - "Ġnicotinamide": 44716, - "Ġpatchy": 44717, - "depends": 44718, - "ĠpB": 44719, - "Ġeel": 44720, - "Ġnv": 44721, - "ĠSes": 44722, - "ĠHZ": 44723, - "Ġimprint": 44724, - "epileptic": 44725, - "fluctuations": 44726, - "Ġformalize": 44727, - "chev": 44728, - "Ġdipping": 44729, - "ĠPyramid": 44730, - "Ġholo": 44731, - "ĠMTs": 44732, - "Ġlaminates": 44733, - "Ġwormhole": 44734, - "LAP": 44735, - "hape": 44736, - "Ġak": 44737, - "Ġreals": 44738, - "Ġbystand": 44739, - "Ġinterleaved": 44740, - "Ġxz": 44741, - "ovy": 44742, - "Ġcoprime": 44743, - "uclides": 44744, - "Ġtrimming": 44745, - "MICAL": 44746, - "pyrrole": 44747, - "Ia": 44748, - "NLS": 44749, - "Quality": 44750, - "takes": 44751, - "zinc": 44752, - "ĠPione": 44753, - "ĠEwing": 44754, - "ĠLCA": 44755, - "ĠÃĶ": 44756, - "ictus": 44757, - "Ġcollim": 44758, - "Ġphylogenetically": 44759, - "ĠKeeping": 44760, - "ĠFaith": 44761, - "bonds": 44762, - "titer": 44763, - "Ġsubcategories": 44764, - "shaded": 44765, - "Ġphotospheric": 44766, - "ĠAppearance": 44767, - "ĠUniversities": 44768, - "Ġglomeruli": 44769, - "ĠPrefrontal": 44770, - "Ġprivilege": 44771, - "iH": 44772, - "uya": 44773, - "ĠLCL": 44774, - "ĠInGaAs": 44775, - "Inspired": 44776, - "atalog": 44777, - "ĠPerceptions": 44778, - "ĠNaHCO": 44779, - "Ġstreamline": 44780, - "trajectory": 44781, - "ĠMicrom": 44782, - "Ġbedside": 44783, - "ĠRomero": 44784, - "Ġgaugino": 44785, - "DEN": 44786, - "Fa": 44787, - "Olymp": 44788, - "eal": 44789, - "uels": 44790, - "icylic": 44791, - "Ġgod": 44792, - "Ġattaining": 44793, - "Ġprotests": 44794, - "Ġnowhere": 44795, - "desorption": 44796, - "ĠHydroxy": 44797, - "ĠErbB": 44798, - "ĠSPAR": 44799, - "Ġhinders": 44800, - "herenkov": 44801, - "KERNEL": 44802, - "Ġsect": 44803, - "ulong": 44804, - "Ġpreprocessed": 44805, - "fractional": 44806, - "oyage": 44807, - "Ġphosphatases": 44808, - "Ġcoastline": 44809, - "Ġhref": 44810, - "ĠSutherland": 44811, - "oxone": 44812, - "Ġhomomorphic": 44813, - "DEM": 44814, - "Ġbovis": 44815, - "ĠCBP": 44816, - "plen": 44817, - "ĠBuc": 44818, - "ĠGior": 44819, - "Ġcompost": 44820, - "ĠOracle": 44821, - "ĠSphere": 44822, - "ĠSchre": 44823, - "derivatives": 44824, - "lytes": 44825, - "ĠYo": 44826, - "Ġcyclones": 44827, - "ĠMaize": 44828, - "Ġunfair": 44829, - "Template": 44830, - "Ġimpregnation": 44831, - "Ġlaparoscopy": 44832, - "Ġhamiltonian": 44833, - "ignore": 44834, - "Ġdisposable": 44835, - "earic": 44836, - "Ġelectoral": 44837, - "ccos": 44838, - "ĠShh": 44839, - "Ġturbo": 44840, - "Ġintrusive": 44841, - "Ġprecedence": 44842, - "annotated": 44843, - "Ġdystonia": 44844, - "Fat": 44845, - "uins": 44846, - "Ġsway": 44847, - "arizing": 44848, - "illen": 44849, - "Ġyi": 44850, - "Ġnormed": 44851, - "ĠÌĤ": 44852, - "ĠExtr": 44853, - "ĠProteome": 44854, - "Document": 44855, - "ĠQUANTUM": 44856, - "titi": 44857, - "ĠCPC": 44858, - "ĠMiles": 44859, - "ĠBoc": 44860, - "ĠRTS": 44861, - "CTX": 44862, - "Ġsafegu": 44863, - "ĠNormally": 44864, - "ĠÃľber": 44865, - "onious": 44866, - "ĠSCE": 44867, - "Ġalfalfa": 44868, - "ĠLut": 44869, - "Ġcout": 44870, - "Ġenlarge": 44871, - "ĠEnable": 44872, - "Ġvirion": 44873, - "ĠShallow": 44874, - "definitely": 44875, - "ĠColin": 44876, - "ĠRetention": 44877, - "Ġmimicry": 44878, - "################################################################": 44879, - "NSCLC": 44880, - "Ġgratitude": 44881, - "Ġtending": 44882, - "ĠIDS": 44883, - "eret": 44884, - "rican": 44885, - "Ġxn": 44886, - "ĠYoo": 44887, - "Ġoptimise": 44888, - "Arrow": 44889, - "ĠTransferase": 44890, - "PKC": 44891, - "ĠGuangzhou": 44892, - "ruc": 44893, - "yrid": 44894, - "isz": 44895, - "ĠFIX": 44896, - "ĠDatabases": 44897, - "astron": 44898, - "Ġplayback": 44899, - "Ġnarrowly": 44900, - "Correlation": 44901, - "ĠAffinity": 44902, - "Ġfunctorial": 44903, - "Ġlectins": 44904, - "Ġruptured": 44905, - "Display": 44906, - "ĠSymptom": 44907, - "Ġequidistant": 44908, - "ĠRiccati": 44909, - "ĠAchievement": 44910, - "grand": 44911, - "onated": 44912, - "ĠdH": 44913, - "ĠFID": 44914, - "ĠDER": 44915, - "ĠCoA": 44916, - "Ġgasification": 44917, - "ĠCONS": 44918, - "Ġaccompanies": 44919, - "Ġimpede": 44920, - "Ġprecede": 44921, - "Ġkitchen": 44922, - "progress": 44923, - "Ġwiring": 44924, - "lerenes": 44925, - "ĠGius": 44926, - "Ġtransp": 44927, - "retrie": 44928, - "ijer": 44929, - "affer": 44930, - "Ġbirthday": 44931, - "ĠHald": 44932, - "Ġmusculus": 44933, - "ĠToken": 44934, - "ĠBowel": 44935, - "Ġskipped": 44936, - "Cha": 44937, - "bv": 44938, - "ĠBlow": 44939, - "Ġpreoperatively": 44940, - "Ġglove": 44941, - "ĠLeven": 44942, - "Ġmesop": 44943, - "ĠAuxiliary": 44944, - "ensuremath": 44945, - "jus": 44946, - "Å©": 44947, - "Ġvoter": 44948, - "ĠHitch": 44949, - "proxy": 44950, - "ĠKut": 44951, - "Ġpoems": 44952, - "ĠAngl": 44953, - "cera": 44954, - "Ġstarred": 44955, - "AGES": 44956, - "Science": 44957, - "Analyses": 44958, - "Ġreferees": 44959, - "Ġabrogated": 44960, - "Ġdesalination": 44961, - "ĠPrandtl": 44962, - "Pit": 44963, - "Ġnatal": 44964, - "ogran": 44965, - "ystitis": 44966, - "Ġdesm": 44967, - "Ġcurious": 44968, - "Ġdemon": 44969, - "uzzi": 44970, - "ochondrial": 44971, - "ĠTreaty": 44972, - "Tracker": 44973, - "rhoeae": 44974, - "LW": 44975, - "furt": 44976, - "Ġomp": 44977, - "isational": 44978, - "Ġmemorial": 44979, - "ĠLatency": 44980, - "ĠHypot": 44981, - "Ġglued": 44982, - "exactly": 44983, - "Ġcontraind": 44984, - "Cancer": 44985, - "Ġffi": 44986, - "ĠNAA": 44987, - "ĠChr": 44988, - "egg": 44989, - "ĠMotiv": 44990, - "Ġlayouts": 44991, - "Ġclimb": 44992, - "Ġappendicitis": 44993, - "CUDA": 44994, - "Ġphotoproduction": 44995, - "ĠSIP": 44996, - "Ġveto": 44997, - "perin": 44998, - "ĠUnity": 44999, - "byear": 45000, - "Ġforwarded": 45001, - "ĠDominant": 45002, - "holz": 45003, - "ĠThoracic": 45004, - "DEFINE": 45005, - "Ġtyrosinase": 45006, - "Bad": 45007, - "INA": 45008, - "fuel": 45009, - "Ġgi": 45010, - "ĠVIS": 45011, - "astolic": 45012, - "Ġoxaliplatin": 45013, - "effector": 45014, - "ĉĉĉĉĠ": 45015, - "еÑĢ": 45016, - "ĠBaby": 45017, - "Ġwashout": 45018, - "pituitary": 45019, - "NGC": 45020, - "Ġdns": 45021, - "ĠPoz": 45022, - "ĠUz": 45023, - "positron": 45024, - "ĠElectrons": 45025, - "Ġhemangi": 45026, - "ĠZnS": 45027, - "ĠTEMP": 45028, - "ĠExperimentally": 45029, - "fluorouracil": 45030, - "Ġlaparotomy": 45031, - "analyzer": 45032, - "ocorticoid": 45033, - "ĠIMPL": 45034, - "ĠDNNs": 45035, - "ĠFresnel": 45036, - "Mont": 45037, - "Ġtapes": 45038, - "ulomb": 45039, - "impedance": 45040, - "ĠHET": 45041, - "atha": 45042, - "modulation": 45043, - "ĠCortic": 45044, - "Ġâľĵ": 45045, - "ĠFairness": 45046, - "ĠStiff": 45047, - "Ġbuttons": 45048, - "css": 45049, - "Ġandroid": 45050, - "elast": 45051, - "ĠTeflon": 45052, - "ĠMBC": 45053, - "ĠJT": 45054, - "Ġmultilayered": 45055, - "ĠRee": 45056, - "uitar": 45057, - "ĠPhilips": 45058, - "ĠSkip": 45059, - "doctoral": 45060, - "iyama": 45061, - "ĠLeadership": 45062, - "ĠCrisis": 45063, - "Ġdesensitization": 45064, - "vous": 45065, - "ĠSPP": 45066, - "ĠPGA": 45067, - "ĠNever": 45068, - "Ġdefeating": 45069, - "Ġfibromyalgia": 45070, - "ĠMRP": 45071, - "ĠABCA": 45072, - "ĠLowe": 45073, - "Ġeroded": 45074, - "Ġaugments": 45075, - "ĠBoris": 45076, - "Ġnephrectomy": 45077, - "ĠSherman": 45078, - "Ġrefrigeration": 45079, - "ĠHernández": 45080, - "Ãĺ": 45081, - "ĠTors": 45082, - "chus": 45083, - "ĠVarg": 45084, - "Ġroset": 45085, - "CLR": 45086, - "DEP": 45087, - "Strong": 45088, - "Ġcinerea": 45089, - "ĠHeinrich": 45090, - "Rout": 45091, - "odus": 45092, - "ĠPhone": 45093, - "ĠPerl": 45094, - "Ġseasonally": 45095, - "holding": 45096, - "Ġencephalomyelitis": 45097, - "Ġfascia": 45098, - "Ġlittermates": 45099, - "ĠWITHOUT": 45100, - "б": 45101, - "Ġalerts": 45102, - "ĠKoll": 45103, - "ĠUrs": 45104, - "elfand": 45105, - "ĠRNAP": 45106, - "Ġinvariably": 45107, - "Ġscintigraphy": 45108, - "ĠSebastian": 45109, - "kinesia": 45110, - "CUR": 45111, - "inants": 45112, - "ĠpET": 45113, - "idial": 45114, - "ĠUPLC": 45115, - "Ġsuis": 45116, - "Ġbasolateral": 45117, - "ĠModulates": 45118, - "orbic": 45119, - "Img": 45120, - "Ġparasitism": 45121, - "Ġlaminate": 45122, - "ogeographic": 45123, - "ĠRibeiro": 45124, - "ĠGlutathione": 45125, - "ĠAberrant": 45126, - "Ġsclero": 45127, - "ĠDLS": 45128, - "ĠRuth": 45129, - "Ġrecast": 45130, - "recated": 45131, - "okie": 45132, - "ĠParks": 45133, - "Ġfoliations": 45134, - "ĠDawson": 45135, - "Ġtannins": 45136, - "ĠAaron": 45137, - "pS": 45138, - "itating": 45139, - "ĠITC": 45140, - "ipients": 45141, - "ohy": 45142, - "CCs": 45143, - "Ġethanolic": 45144, - "corhynchus": 45145, - "Ġorientational": 45146, - "Ġhabituation": 45147, - "Ġconversational": 45148, - "ĠVentricular": 45149, - "Ġintercalated": 45150, - "Ġphosphodiesterase": 45151, - "ĠSeifert": 45152, - "wk": 45153, - "algesia": 45154, - "Ġstegan": 45155, - "ĠLus": 45156, - "ophantine": 45157, - "Ġcorrects": 45158, - "ĠObama": 45159, - "latency": 45160, - "Ġsonar": 45161, - "ORMAL": 45162, - "Ġseaweed": 45163, - "ĠPowers": 45164, - "ĠShapley": 45165, - "Lore": 45166, - "Ġawa": 45167, - "alach": 45168, - "ĠFon": 45169, - "ensate": 45170, - "Ġoptima": 45171, - "INF": 45172, - "Ġpolygenic": 45173, - "Ġmesoderm": 45174, - "Conver": 45175, - "BRID": 45176, - "ĠHelp": 45177, - "ĠRasmussen": 45178, - "Ġprokaryotes": 45179, - "ĠEurasian": 45180, - "ĠPermeability": 45181, - "Ġnau": 45182, - "ĠClem": 45183, - "odilation": 45184, - "ĠDiaz": 45185, - "itious": 45186, - "ĠChad": 45187, - "ORA": 45188, - "ĠSimons": 45189, - "ĠDistances": 45190, - "Ġastrometric": 45191, - "ĠCPUs": 45192, - "Ġthioredoxin": 45193, - "perturbation": 45194, - "Ġdendrimer": 45195, - "algal": 45196, - "Ġceliac": 45197, - "asz": 45198, - "ĠPPE": 45199, - "qua": 45200, - "ĠBoll": 45201, - "chr": 45202, - "Ġpreview": 45203, - "ĠProjections": 45204, - "ĠAsians": 45205, - "ĠInferring": 45206, - "ĠNaive": 45207, - "ĠHiggins": 45208, - "ĠLocated": 45209, - "cardiac": 45210, - "ĠLarson": 45211, - "hazard": 45212, - "ĠScientists": 45213, - "Ġpinn": 45214, - "ENCY": 45215, - "forme": 45216, - "chitects": 45217, - "ofluorescent": 45218, - "ĠPortal": 45219, - "Ġpupae": 45220, - "interesting": 45221, - "įĢ": 45222, - "react": 45223, - "atos": 45224, - "enin": 45225, - "tio": 45226, - "ĠCapp": 45227, - "ĠMau": 45228, - "ĠLSC": 45229, - "ĠVlasov": 45230, - "Ġsubsum": 45231, - "Ġdeserve": 45232, - "ASD": 45233, - "Rece": 45234, - "Ġconsonant": 45235, - "Ġimpregnated": 45236, - "Ġlignocellulosic": 45237, - "Ġsows": 45238, - "lement": 45239, - "ĠTier": 45240, - "ĠMEF": 45241, - "ĠHugh": 45242, - "inck": 45243, - "pyrazole": 45244, - "ULATIONS": 45245, - "ĠALI": 45246, - "ĠDrift": 45247, - "Ġsolubilized": 45248, - "Ġdrafting": 45249, - "icyclic": 45250, - "Ġredesign": 45251, - "Ġdeliberate": 45252, - "Ġtapping": 45253, - "ĠTomas": 45254, - "ĠTunneling": 45255, - "ĠCBR": 45256, - "Ġanodes": 45257, - "ĠLSR": 45258, - "ĠNath": 45259, - "rosive": 45260, - "ĠHeidelberg": 45261, - "Ġcrushing": 45262, - "ĠShore": 45263, - "Ġmalondialdehyde": 45264, - "ĠMRD": 45265, - "ogloss": 45266, - "ncia": 45267, - "Ġgranuloma": 45268, - "Ġplaintext": 45269, - "Ġarteriovenous": 45270, - "Ġrifampicin": 45271, - "Lepidoptera": 45272, - "Oct": 45273, - "Ġlone": 45274, - "ĠAppe": 45275, - "ĠIntermitt": 45276, - "compile": 45277, - "potentials": 45278, - "ĠStandardized": 45279, - "Ġventilatory": 45280, - "Ġhypercholesterolemia": 45281, - "ĠEVALUATION": 45282, - "ked": 45283, - "xC": 45284, - "enos": 45285, - "Ġbauthorbsnm": 45286, - "ĠRost": 45287, - "mathopen": 45288, - "Ġcontested": 45289, - "Ġros": 45290, - "otho": 45291, - "Ġemits": 45292, - "erozo": 45293, - "Ġpropranolol": 45294, - "Ġexacerbate": 45295, - "Integrating": 45296, - "ĠWarsaw": 45297, - "Ñĩ": 45298, - "refractory": 45299, - "ĠMort": 45300, - "phosphonate": 45301, - "GLT": 45302, - "ĠChloride": 45303, - "ĠLUAD": 45304, - "ĠSQUID": 45305, - "ĠOBSERVATIONS": 45306, - "Ħĺ": 45307, - "agles": 45308, - "uger": 45309, - "Ġdiffusing": 45310, - "ylar": 45311, - "Ġantip": 45312, - "renormal": 45313, - "Ġsheared": 45314, - "ĠAndr": 45315, - "ymptotics": 45316, - "ĠIdentified": 45317, - "Ġflexor": 45318, - "Liouville": 45319, - "ĠCytotoxic": 45320, - "Lock": 45321, - "donald": 45322, - "ĠSHA": 45323, - "projected": 45324, - "plicial": 45325, - "Ġbasics": 45326, - "ĠCarvalho": 45327, - "Ġheterocyclic": 45328, - "Ġfluorophore": 45329, - "ĠIntrigu": 45330, - "ĠAnnealing": 45331, - "Gln": 45332, - "Hispanic": 45333, - "Ġsaus": 45334, - "ĠTCS": 45335, - "ĠHAP": 45336, - "Ġytt": 45337, - "Ġconsulting": 45338, - "rects": 45339, - "Ġinfall": 45340, - "LEV": 45341, - "triazole": 45342, - "Ġnarrowed": 45343, - "Ġamphoteric": 45344, - "ĠSorting": 45345, - "ĠMoments": 45346, - "Ġarabin": 45347, - "Ġcoconut": 45348, - "ĠIntriguingly": 45349, - "Ġpushes": 45350, - "Ġmec": 45351, - "ĠNair": 45352, - "Ġcolistin": 45353, - "ĠObtained": 45354, - "dfs": 45355, - "Ġcompetency": 45356, - "WORD": 45357, - "ĠAAS": 45358, - "ĠBNP": 45359, - "ĠHAS": 45360, - "ĠLun": 45361, - "ĠLnc": 45362, - "Ġhydrocephalus": 45363, - "Ġhomological": 45364, - "Ġcarbonic": 45365, - "ĠHiSeq": 45366, - "community": 45367, - "Ġcephalospor": 45368, - "Ġhostile": 45369, - "provide": 45370, - "Ġskyrmion": 45371, - "DAG": 45372, - "Ġcnt": 45373, - "Ġhay": 45374, - "Ġorderings": 45375, - "Ġflock": 45376, - "HEA": 45377, - "ĠNeurom": 45378, - "Ġboosts": 45379, - "ĠCardinal": 45380, - "ĠBachelor": 45381, - "Ġdecent": 45382, - "ĠYak": 45383, - "Ġcalcd": 45384, - "ĠBoer": 45385, - "Ġtranscriptomics": 45386, - "Ġrearranged": 45387, - "ĠPolymorphisms": 45388, - "ĠPrasad": 45389, - "oinositide": 45390, - "bars": 45391, - "Ġãģ": 45392, - "ĠSAA": 45393, - "Ġonion": 45394, - "agel": 45395, - "ĠHp": 45396, - "ogrel": 45397, - "divisions": 45398, - "andan": 45399, - "arias": 45400, - "Ġcolo": 45401, - "ragon": 45402, - "Ġschizophren": 45403, - "âī¡": 45404, - "Ġreplicative": 45405, - "Ġdegenerated": 45406, - "Ġsteepest": 45407, - "Volume": 45408, - "IENT": 45409, - "Public": 45410, - "Ten": 45411, - "enberger": 45412, - "ĠCoun": 45413, - "ĠEpp": 45414, - "izo": 45415, - "Ġcomplexed": 45416, - "Ġferroc": 45417, - "kenstein": 45418, - "ĠJerry": 45419, - "Ġparadoxical": 45420, - "xg": 45421, - "icer": 45422, - "osol": 45423, - "Ġannu": 45424, - "Ġankyl": 45425, - "chung": 45426, - "entious": 45427, - "Ġpreshe": 45428, - "enetic": 45429, - "ĠHealing": 45430, - "ĠParabolic": 45431, - "Ġfigs": 45432, - "ĠKinematic": 45433, - "Ġobligate": 45434, - "ĠLayout": 45435, - "Ġtelemedicine": 45436, - "ĠLennard": 45437, - "pci": 45438, - "arone": 45439, - "ĠZach": 45440, - "Ġprototyping": 45441, - "ĠMetagen": 45442, - "IMAL": 45443, - "conscious": 45444, - "Ġquadrilateral": 45445, - "ĠUncertainties": 45446, - "ĠPrefecture": 45447, - "GBM": 45448, - "rals": 45449, - "alus": 45450, - "Ġhopes": 45451, - "Ġclicks": 45452, - "ĠJD": 45453, - "lectance": 45454, - "Ġpathologists": 45455, - "ussels": 45456, - "tisone": 45457, - "CPT": 45458, - "Ġmiscon": 45459, - "ĠNeurode": 45460, - "Ġmutagenic": 45461, - "ĠMultimedia": 45462, - "Original": 45463, - "ĠDrake": 45464, - "PWM": 45465, - "Ġpiles": 45466, - "stant": 45467, - "ARA": 45468, - "ĠRING": 45469, - "modifying": 45470, - "Ġastrocyt": 45471, - "ĠCyst": 45472, - "Ġlegends": 45473, - "glucuron": 45474, - "Ġincompletely": 45475, - "ĠConfed": 45476, - "ĠDLBCL": 45477, - "ĠPapua": 45478, - "Ġcontrastive": 45479, - "ĠSIMULATION": 45480, - "ĠJuvenile": 45481, - "aggregated": 45482, - "ĠcGMP": 45483, - "ictive": 45484, - "ĠHNF": 45485, - "ĠNPV": 45486, - "ĠKoc": 45487, - "ometallic": 45488, - "mini": 45489, - "ĠQuantit": 45490, - "ĠCornell": 45491, - "Ġdeduction": 45492, - "Ġcoinciding": 45493, - "ĠIrr": 45494, - "Precision": 45495, - "Ġginseng": 45496, - "ões": 45497, - "jer": 45498, - "ĠReader": 45499, - "ĠByr": 45500, - "corrections": 45501, - "devices": 45502, - "Ġambul": 45503, - "Ġpedicle": 45504, - "ĠDependency": 45505, - "ĠStriking": 45506, - "Ġwarehouse": 45507, - "Ġrecirculation": 45508, - "Ġgonorrhoeae": 45509, - "ĠPRES": 45510, - "ĠBhar": 45511, - "Ġflushing": 45512, - "torus": 45513, - "ĠIRB": 45514, - "glycine": 45515, - "Ġmethamphetamine": 45516, - "Ġmirrored": 45517, - "ĠWilliamson": 45518, - "Ġcathodes": 45519, - "hydroxylase": 45520, - "Radio": 45521, - "Ġfurniture": 45522, - "ĠRosenberg": 45523, - "ĠNSAIDs": 45524, - "semiconductor": 45525, - "Ġasynchron": 45526, - "ĠBerm": 45527, - "ĠInten": 45528, - "ibe": 45529, - "Force": 45530, - "pathogenic": 45531, - "smokers": 45532, - "Ġdiphenyl": 45533, - "Ġи": 45534, - "Ġstandalone": 45535, - "Ġlithospheric": 45536, - "Ġtradeoffs": 45537, - "Ġantich": 45538, - "Ġthymidine": 45539, - "ĠMedicinal": 45540, - "Ġentrepreneurial": 45541, - "Ġtrapezoidal": 45542, - "ĠAsynchronous": 45543, - "tifying": 45544, - "ĠCollapse": 45545, - "ĠHEV": 45546, - "ĠFrozen": 45547, - "ĠTeichmüller": 45548, - "rocnemius": 45549, - "Ġfern": 45550, - "Ġws": 45551, - "omol": 45552, - "Ġenclosing": 45553, - "rapid": 45554, - "Ġlogged": 45555, - "varvec": 45556, - "Ġamplifying": 45557, - "differences": 45558, - "otonin": 45559, - "ĠPromoting": 45560, - "ĠFritz": 45561, - "Ġattainable": 45562, - "Ġaltim": 45563, - "ĠOGD": 45564, - "Ġthermometer": 45565, - "Solver": 45566, - "ĠBirk": 45567, - "LENBQU": 45568, - "ĠGateway": 45569, - "Ġengraftment": 45570, - "FIF": 45571, - "HSD": 45572, - "Ġrestructuring": 45573, - "ĠTensile": 45574, - "ĠCele": 45575, - "ylus": 45576, - "Ġfeather": 45577, - "Ġdrifting": 45578, - "ĠPreclinical": 45579, - "yrrole": 45580, - "Ġcommem": 45581, - "Ġfixations": 45582, - "Petsc": 45583, - "ĠIschemia": 45584, - "aA": 45585, - "asoro": 45586, - "ĠSony": 45587, - "ĠUt": 45588, - "Ġextensor": 45589, - "ĠChau": 45590, - "ĠIsotopic": 45591, - "ILI": 45592, - "CNP": 45593, - "ĠDEF": 45594, - "Ġmountainous": 45595, - "Ġsarcomas": 45596, - "ugoslav": 45597, - "CALL": 45598, - "Sensitive": 45599, - "atro": 45600, - "Ġuncoupling": 45601, - "skew": 45602, - "ĠEmissions": 45603, - "innati": 45604, - "Ġconceptualization": 45605, - "Ġowns": 45606, - "Ġsquadron": 45607, - "ĠStrengths": 45608, - "Coh": 45609, - "UAL": 45610, - "magenta": 45611, - "usb": 45612, - "ĠSPC": 45613, - "cones": 45614, - "ĠSelecting": 45615, - "ĠParish": 45616, - "Ġvalidates": 45617, - "ĠÍĹ": 45618, - "Ġposteriorly": 45619, - "omonad": 45620, - "VOL": 45621, - "jectivity": 45622, - "ĠCLO": 45623, - "ĠVTA": 45624, - "Ġunpleasant": 45625, - "Ġcareers": 45626, - "Ġautomorphic": 45627, - "ĠNanow": 45628, - "Ġasterisks": 45629, - "ĠSchulz": 45630, - "publication": 45631, - "Ġbiv": 45632, - "Ġrug": 45633, - "recognition": 45634, - "Ġreferrals": 45635, - "Ġneurones": 45636, - "ĠCaffe": 45637, - "Connor": 45638, - "ĠSheffield": 45639, - "unitinib": 45640, - "ĠAntagon": 45641, - "Ġpneumatic": 45642, - "Ġcleaner": 45643, - "ĠBAO": 45644, - "ĠScilabString": 45645, - "neighbour": 45646, - "Euler": 45647, - "ĠTuple": 45648, - "oty": 45649, - "dian": 45650, - "Ġyoga": 45651, - "Ġevanes": 45652, - "Ġstarved": 45653, - "Ġfluctuate": 45654, - "ĠBiomarker": 45655, - "Ġimpulses": 45656, - "Ġossification": 45657, - "Ġdemyelination": 45658, - "ĠSAD": 45659, - "essing": 45660, - "Ġreddish": 45661, - "Ġsynth": 45662, - "Ġcurvilinear": 45663, - "ĠDenis": 45664, - "Ġphonetic": 45665, - "Ġhammer": 45666, - "Ġepidermidis": 45667, - "Ġplagioclase": 45668, - "Ġĉ": 45669, - "Ġwolf": 45670, - "osced": 45671, - "Ġphotothermal": 45672, - "Ġchewing": 45673, - "Maximum": 45674, - "Ġmismatched": 45675, - "ĠFcγ": 45676, - "Ġumbrella": 45677, - "ĠSiberian": 45678, - "arra": 45679, - "ipped": 45680, - "ympathetic": 45681, - "acceleration": 45682, - "Ġeigenmodes": 45683, - "ĠEquivalently": 45684, - "ĠPRISMA": 45685, - "conservative": 45686, - "ñez": 45687, - "Ġvolcanoes": 45688, - "Ġtelemetry": 45689, - "mile": 45690, - "ĠBoch": 45691, - "oprim": 45692, - "Ġincipient": 45693, - "Ġunderstandable": 45694, - "atricyclo": 45695, - "ĠLogical": 45696, - "ĠQueue": 45697, - "Ġcryostat": 45698, - "definecolor": 45699, - "ĠSae": 45700, - "Ġarct": 45701, - "Ġsoul": 45702, - "ĠHistopathological": 45703, - "ĠNeurot": 45704, - "Ġmethanolic": 45705, - "Px": 45706, - "ĠTitle": 45707, - "otomic": 45708, - "ĠEld": 45709, - "ĠEMA": 45710, - "Ġdebrid": 45711, - "timulatory": 45712, - "ĠZan": 45713, - "Ġnormot": 45714, - "Ġfluidity": 45715, - "Ġfluidized": 45716, - "previously": 45717, - "Ġcracked": 45718, - "ĠExplaining": 45719, - "ĠONE": 45720, - "ĠFlora": 45721, - "ĠHybridization": 45722, - "Ġreticul": 45723, - "FK": 45724, - "notic": 45725, - "ĠnA": 45726, - "ĠPab": 45727, - "ticum": 45728, - "andy": 45729, - "ugia": 45730, - "ilet": 45731, - "MING": 45732, - "Ġrests": 45733, - "ompact": 45734, - "Ġtrackers": 45735, - "phosphatase": 45736, - "ĠTransfection": 45737, - "ĠHospitals": 45738, - "acrine": 45739, - "ĠDell": 45740, - "ĠVAE": 45741, - "ĠThroughput": 45742, - "hevsky": 45743, - "ĠSommer": 45744, - "PSA": 45745, - "ìļ": 45746, - "Ġbush": 45747, - "Ġlunch": 45748, - "ĠSwe": 45749, - "ĠInstruction": 45750, - "akami": 45751, - "Ġdisinfect": 45752, - "Ġcorps": 45753, - "ĉĉĠĠ": 45754, - "Ġprompts": 45755, - "MSH": 45756, - "ĠAgrawal": 45757, - "Ġlysosome": 45758, - "integrin": 45759, - "ĠỸ": 45760, - "Ġnondecreasing": 45761, - "ĠRequest": 45762, - "ĠREP": 45763, - "occus": 45764, - "Ġlagrangian": 45765, - "oregulation": 45766, - "ол": 45767, - "ĠBoson": 45768, - "Iso": 45769, - "atellites": 45770, - "resectable": 45771, - "riv": 45772, - "Ġdeaminase": 45773, - "Ġcoheren": 45774, - "Ġdecoy": 45775, - "ĠExtinction": 45776, - "acetone": 45777, - "Ġgovernmental": 45778, - "Ġcumulants": 45779, - "Ġviscosities": 45780, - "Register": 45781, - "documented": 45782, - "Ġimmortalized": 45783, - "DPP": 45784, - "Gel": 45785, - "bron": 45786, - "kow": 45787, - "ĠProportion": 45788, - "ĠChase": 45789, - "ĠClad": 45790, - "Ġadapts": 45791, - "ĠCAV": 45792, - "Ġż": 45793, - "Ġpelleted": 45794, - "Ġpenguin": 45795, - "ĠZhejiang": 45796, - "feasible": 45797, - "DIV": 45798, - "iya": 45799, - "Ġthrowing": 45800, - "resia": 45801, - "ĠNr": 45802, - "ESP": 45803, - "CDF": 45804, - "suppressed": 45805, - "Ġtetrachlor": 45806, - "Ġaerospace": 45807, - "Until": 45808, - "Ġpayoffs": 45809, - "Ġtownship": 45810, - "Ġesterification": 45811, - "ĠAchilles": 45812, - "Ġracem": 45813, - "opyranoside": 45814, - "ĠCSM": 45815, - "assis": 45816, - "Ġsupercell": 45817, - "ĠRegime": 45818, - "IRA": 45819, - "Ġsubsequences": 45820, - "ĠPenet": 45821, - "ĠAnalytics": 45822, - "ĠLVEF": 45823, - "Ġbiphenyl": 45824, - "Gradient": 45825, - "osylation": 45826, - "ĠWRF": 45827, - "ofs": 45828, - "conductors": 45829, - "Ġbacked": 45830, - "pidal": 45831, - "ĠNFAT": 45832, - "ĠRemember": 45833, - "Ġtelomeric": 45834, - "Ġtaurine": 45835, - "increases": 45836, - "Ġunintended": 45837, - "ĠNervous": 45838, - "Ras": 45839, - "ylyl": 45840, - "Ġaestiv": 45841, - "ĠSick": 45842, - "ĠTheta": 45843, - "Ġcliques": 45844, - "Ġsofter": 45845, - "ĠQRS": 45846, - "lliptic": 45847, - "ĠImmunotherapy": 45848, - "QUF": 45849, - "onomously": 45850, - "ĠFLU": 45851, - "ĠIncorporation": 45852, - "ĠFormicidae": 45853, - "JR": 45854, - "whole": 45855, - "Ġcasing": 45856, - "Ġnob": 45857, - "ĠDou": 45858, - "Ġintronic": 45859, - "Ġentrapment": 45860, - "orbits": 45861, - "Ġsalam": 45862, - "ĠCRS": 45863, - "ĠSwan": 45864, - "ĠEdgar": 45865, - "Ġconcomitantly": 45866, - "atetracyclo": 45867, - "ĠAHR": 45868, - "ticks": 45869, - "ĠBing": 45870, - "ĠRift": 45871, - "Ġplugging": 45872, - "ĠscRNA": 45873, - "Ġoutreach": 45874, - "inskii": 45875, - "Ġcustomary": 45876, - "Ġmd": 45877, - "ĠOzone": 45878, - "ussing": 45879, - "others": 45880, - "Ġentirety": 45881, - "Arth": 45882, - "Acet": 45883, - "ĠFleet": 45884, - "ĠBehavioural": 45885, - "ĠQSOs": 45886, - "arina": 45887, - "Ġprodrug": 45888, - "ĠBros": 45889, - "ĠWorth": 45890, - "Ġyz": 45891, - "contig": 45892, - "ĠAmorphous": 45893, - "ĠErlang": 45894, - "Ġhonour": 45895, - "ĠâIJ¥": 45896, - "Ġinfiltrates": 45897, - "ĠIvanov": 45898, - "ĠMunicipality": 45899, - "ĠDialogue": 45900, - "tone": 45901, - "Ġpytest": 45902, - "iculus": 45903, - "ĠGoth": 45904, - "ĠXC": 45905, - "ĠSUMMARY": 45906, - "Ġshrinks": 45907, - "Ġinverses": 45908, - "iomas": 45909, - "robi": 45910, - "ĠTPR": 45911, - "ĠANA": 45912, - "istries": 45913, - "Ġregiment": 45914, - "indo": 45915, - "ĠReproduction": 45916, - "loqu": 45917, - "inflation": 45918, - "ETX": 45919, - "Ġïĺ»": 45920, - "ĠAPPENDIX": 45921, - "Ġworsened": 45922, - "Ġpsoriatic": 45923, - "Ġmidwives": 45924, - "Ġtouched": 45925, - "Ëĩ": 45926, - "ĠPatric": 45927, - "ĠDON": 45928, - "ĠLIM": 45929, - "akos": 45930, - "ĠVie": 45931, - "ĠAntit": 45932, - "Ġflake": 45933, - "ĠSchle": 45934, - "ĠCoronal": 45935, - "Ġsalary": 45936, - "slight": 45937, - "ĠCAF": 45938, - "Ġsummarise": 45939, - "Ġflavus": 45940, - "ĠBalanced": 45941, - "ĠPHOT": 45942, - "Ġmillet": 45943, - "Ġurgency": 45944, - "ĠGleason": 45945, - "ĠMie": 45946, - "ĠDp": 45947, - "ĠGarg": 45948, - "Ġleprosy": 45949, - "Ġunoccupied": 45950, - "ĠStret": 45951, - "ilept": 45952, - "ĠChor": 45953, - "ibrate": 45954, - "ĠÍļ": 45955, - "ĠPHB": 45956, - "Ġmonoter": 45957, - "ĠJavaScript": 45958, - "btn": 45959, - "ĠPulsar": 45960, - "ĠKirchhoff": 45961, - "Ġoverseas": 45962, - "Ġdephosphorylation": 45963, - "ortin": 45964, - "ĠPolyakov": 45965, - "Ġinsightful": 45966, - "ĠPurified": 45967, - "Ġanchorage": 45968, - "ĠGlycoprotein": 45969, - "studies": 45970, - "Ġchronology": 45971, - "roxine": 45972, - "ĠNeptune": 45973, - "Ban": 45974, - "Ġlion": 45975, - "PSD": 45976, - "ĠBarr": 45977, - "Ġdonkey": 45978, - "Ġlikelihoods": 45979, - "atchewan": 45980, - "otet": 45981, - "ospha": 45982, - "ticism": 45983, - "Ġry": 45984, - "asthen": 45985, - "rhotic": 45986, - "ĠSubgroup": 45987, - "yev": 45988, - "ĠPatri": 45989, - "provides": 45990, - "SGD": 45991, - "berell": 45992, - "vw": 45993, - "ĠAACR": 45994, - "Ġsmears": 45995, - "ODS": 45996, - "supplemented": 45997, - "ĠEngagement": 45998, - "oglobulins": 45999, - "Ġirregularly": 46000, - "ĠSzeg": 46001, - "ĠWolff": 46002, - "Ġenantiomers": 46003, - "Ġobeying": 46004, - "Ġdestroying": 46005, - "omially": 46006, - "ĠAti": 46007, - "ĠGAT": 46008, - "ĠInvariants": 46009, - "ĠScoring": 46010, - "Ġhalides": 46011, - "Ġtransformants": 46012, - "Ġforested": 46013, - "Ġgallic": 46014, - "ĠBetti": 46015, - "threaded": 46016, - "ĠBudget": 46017, - "junctive": 46018, - "ĠInnovative": 46019, - "Ġpositrons": 46020, - "Brazil": 46021, - "eira": 46022, - "Ġlavas": 46023, - "ĠLt": 46024, - "photo": 46025, - "Ġspam": 46026, - "Ġih": 46027, - "ustering": 46028, - "Ġbioluminescence": 46029, - "ĠShapes": 46030, - "ULTI": 46031, - "triangles": 46032, - "ĠSMN": 46033, - "enhancing": 46034, - "ĠReduces": 46035, - "ĠTHEOREM": 46036, - "Dop": 46037, - "ĠdL": 46038, - "emptive": 46039, - "Ġreminder": 46040, - "Ġgonads": 46041, - "Ġxylan": 46042, - "cultures": 46043, - "tles": 46044, - "Ġtd": 46045, - "Ġerected": 46046, - "terone": 46047, - "ĠPDC": 46048, - "Ġincongruent": 46049, - "Ġmembranous": 46050, - "pac": 46051, - "yless": 46052, - "Ġsubalgebras": 46053, - "ĠChir": 46054, - "ĠZIP": 46055, - "autious": 46056, - "Ġlightly": 46057, - "ĠPhotometric": 46058, - "Transfer": 46059, - "Ġketo": 46060, - "Ġexercised": 46061, - "dispersive": 46062, - "ĠBETWEEN": 46063, - "rou": 46064, - "Ġgarbage": 46065, - "ĠMaf": 46066, - "ĠDoming": 46067, - "ĠSubspace": 46068, - "ĠMarÃŃa": 46069, - "Ġtetrahedra": 46070, - "ĠBarker": 46071, - "Side": 46072, - "bishop": 46073, - "iD": 46074, - "reversible": 46075, - "orman": 46076, - "orescein": 46077, - "ĠContrib": 46078, - "Ġderivatization": 46079, - "romeres": 46080, - "ĠALD": 46081, - "EEK": 46082, - "ĠTreating": 46083, - "combination": 46084, - "ïĺ»": 46085, - "restriction": 46086, - "supseteq": 46087, - "ĠRAPD": 46088, - "Ġamendment": 46089, - "zynski": 46090, - "Ġcaves": 46091, - "ilot": 46092, - "Ġabundantly": 46093, - "на": 46094, - "Ġinjectable": 46095, - "ĠReinforced": 46096, - "ĠWidth": 46097, - "ĠHaemophilus": 46098, - "ilane": 46099, - "props": 46100, - "Ġintervertebral": 46101, - "Ġscroll": 46102, - "Ġamput": 46103, - "ĠUnusual": 46104, - "Ġstatically": 46105, - "Ġsynergies": 46106, - "Ġdims": 46107, - "plasmic": 46108, - "Ġneutralized": 46109, - "Selected": 46110, - "Ġinherits": 46111, - "ĠAutomation": 46112, - "Ġprotoplanetary": 46113, - "Statement": 46114, - "ĠAPOBEC": 46115, - "Ġcertificates": 46116, - "ĠCitrus": 46117, - "quadruplex": 46118, - "Nord": 46119, - "Ġfran": 46120, - "ĠCarcin": 46121, - "utan": 46122, - "ĠPump": 46123, - "ĠBav": 46124, - "ĠGras": 46125, - "tingales": 46126, - "Ġcausally": 46127, - "Ġradon": 46128, - "Compare": 46129, - "Ġclamping": 46130, - "irreducible": 46131, - "IHC": 46132, - "ĠÙ": 46133, - "Ġcyp": 46134, - "ĠTPP": 46135, - "ĠSuff": 46136, - "undra": 46137, - "ĠVilla": 46138, - "Ġrelieved": 46139, - "ĠJCM": 46140, - "Ġtreaty": 46141, - "IGEN": 46142, - "ĠDevonian": 46143, - "Ġerythropo": 46144, - "RAP": 46145, - "Ġaversive": 46146, - "entate": 46147, - "odactyl": 46148, - "ĠParal": 46149, - "Ġmilled": 46150, - "Ġbioinformatic": 46151, - "okinetic": 46152, - "ĠSTRING": 46153, - "ĠPedersen": 46154, - "database": 46155, - "inorganic": 46156, - "Ġdeput": 46157, - "Ġneb": 46158, - "iped": 46159, - "Ġdiffused": 46160, - "othione": 46161, - "Ġnonstationary": 46162, - "Ġundertaking": 46163, - "ĠEnabling": 46164, - "Ġdenatured": 46165, - "Ġloader": 46166, - "ĠLyon": 46167, - "iparametric": 46168, - "Ġmeristem": 46169, - "ĠAngiogenesis": 46170, - "ĠPulsed": 46171, - "Ġexcer": 46172, - "ĠDf": 46173, - "arches": 46174, - "Ġcollide": 46175, - "ĠRelational": 46176, - "ĠNFκB": 46177, - "Metadata": 46178, - "ĠAddressing": 46179, - "Ġpercussion": 46180, - "ĠFlorence": 46181, - "Ġnymphs": 46182, - "Cn": 46183, - "storm": 46184, - "ĠGraz": 46185, - "composite": 46186, - "ĠAdmiral": 46187, - "ĠScotia": 46188, - "Ġbremsstrahlung": 46189, - "apsack": 46190, - "Ġminimizers": 46191, - "Ġmanageable": 46192, - "Ġcarboxylate": 46193, - "Ġintermediary": 46194, - "ĠBranching": 46195, - "scheduler": 46196, - "inoculated": 46197, - "ĠExtremely": 46198, - "Ġantennae": 46199, - "ĠTill": 46200, - "RESH": 46201, - "Ġopacities": 46202, - "Ġchemopre": 46203, - "Ġadenylate": 46204, - "Ġcircumstance": 46205, - "ĠHashimoto": 46206, - "ÄĽ": 46207, - "ceae": 46208, - "ĠFm": 46209, - "ĠBX": 46210, - "Ġmeantime": 46211, - "accurate": 46212, - "collinear": 46213, - "ACTIC": 46214, - "ĠSlovenia": 46215, - "Fed": 46216, - "Kh": 46217, - "Tm": 46218, - "fork": 46219, - "inology": 46220, - "lef": 46221, - "ĠDCS": 46222, - "Ġheritable": 46223, - "Ġannouncement": 46224, - "Ġbusinessman": 46225, - "Ġbortezomib": 46226, - "Ġtourist": 46227, - "ĠEtymology": 46228, - "Ġdoctrine": 46229, - "BIN": 46230, - "suffix": 46231, - "aras": 46232, - "ĠSau": 46233, - "unboldmath": 46234, - "ĠMEP": 46235, - "inker": 46236, - "Ġoptimism": 46237, - "ĠLeuc": 46238, - "efulness": 46239, - "crust": 46240, - "ĠKeys": 46241, - "ĠâϦ": 46242, - "ĠBrandt": 46243, - "âĮ¬": 46244, - "ĠSeventy": 46245, - "Ġnursery": 46246, - "Ġdeputy": 46247, - "ì": 46248, - "onis": 46249, - "amus": 46250, - "ĠCig": 46251, - "Ġexergy": 46252, - "ĠFrequent": 46253, - "Ġabor": 46254, - "ĠJazz": 46255, - "Ġstatue": 46256, - "ĠScenarios": 46257, - "Ġcytological": 46258, - "figures": 46259, - "MCI": 46260, - "dirname": 46261, - "Ġcytokinesis": 46262, - "delivery": 46263, - "ĠBowen": 46264, - "Ġflanked": 46265, - "Ġregenerating": 46266, - "ĠFerrari": 46267, - "kiss": 46268, - "ĠAval": 46269, - "ĠCIT": 46270, - "ĠMum": 46271, - "ĠLSB": 46272, - "ogging": 46273, - "Ġunited": 46274, - "Ġtritium": 46275, - "ontamination": 46276, - "coef": 46277, - "Ġpropell": 46278, - "triple": 46279, - "Ġimmense": 46280, - "Ġcomplained": 46281, - "Ġdielectrics": 46282, - "ĠCardiomy": 46283, - "Ġflooded": 46284, - "ĠCovariance": 46285, - "Attendance": 46286, - "TMP": 46287, - "Ġsob": 46288, - "ĠSonic": 46289, - "ĠFTS": 46290, - "ĠRSD": 46291, - "essors": 46292, - "ĠWon": 46293, - "iffs": 46294, - "Ġflowchart": 46295, - "ĠElemental": 46296, - "Ġìŀ": 46297, - "Ġfoliage": 46298, - "differentiated": 46299, - "ĠGlobular": 46300, - "Ġperceptron": 46301, - "candidate": 46302, - "Social": 46303, - "Witt": 46304, - "dyn": 46305, - "paces": 46306, - "ĠmGlu": 46307, - "Ġbanned": 46308, - "olinite": 46309, - "ĠFriends": 46310, - "ĠLibraries": 46311, - "unces": 46312, - "ĠReach": 46313, - "ĠSkills": 46314, - "Ġrecipes": 46315, - "Ġcannula": 46316, - "ĠOrthodox": 46317, - "ĠCarbohydrate": 46318, - "Ġaromatase": 46319, - "Åijs": 46320, - "Ġemanating": 46321, - "elected": 46322, - "Ġtense": 46323, - "ĠFLC": 46324, - "ĠLET": 46325, - "herjee": 46326, - "Ġsubband": 46327, - "ophone": 46328, - "ĠActual": 46329, - "msgs": 46330, - "EMD": 46331, - "ISON": 46332, - "leyball": 46333, - "ĠNiu": 46334, - "Ġberries": 46335, - "diagnostic": 46336, - "NER": 46337, - "ĠdΩ": 46338, - "percentage": 46339, - "ĠHerman": 46340, - "ĠGSD": 46341, - "Ġsubproblem": 46342, - "overall": 46343, - "ophor": 46344, - "Ġdelocalized": 46345, - "account": 46346, - "ĠGeographical": 46347, - "distances": 46348, - "Ġàµ": 46349, - "Ġneurotoxic": 46350, - "opodia": 46351, - "ĠDicer": 46352, - "ĠðxÃŀ": 46353, - "Ġdunes": 46354, - "Ġwhit": 46355, - "ĠImmediate": 46356, - "Ġ̸": 46357, - "Ġadhesives": 46358, - "ĠNSs": 46359, - "Ġguessing": 46360, - "ĠColumbus": 46361, - "ĠUrugu": 46362, - "behaviour": 46363, - "ĠSerbian": 46364, - "benzodioxol": 46365, - "implementation": 46366, - "osensitive": 46367, - "ĠFill": 46368, - "phage": 46369, - "recovery": 46370, - "ESR": 46371, - "Ġanalysts": 46372, - "Ġdissatisfaction": 46373, - "banded": 46374, - "ĠDepressive": 46375, - "ĠRTs": 46376, - "Refs": 46377, - "millimeter": 46378, - "ĠOlsen": 46379, - "ampton": 46380, - "ĠACA": 46381, - "ĠAvian": 46382, - "ĠFowler": 46383, - "ubini": 46384, - "estamps": 46385, - "ĠProtest": 46386, - "Connection": 46387, - "Ġmerchant": 46388, - "ĠENC": 46389, - "ĠRyu": 46390, - "ĠLymphoma": 46391, - "ĠLarry": 46392, - "Ġjaponicum": 46393, - "ĠSymbols": 46394, - "Lib": 46395, - "VG": 46396, - "ĠTav": 46397, - "ĠAssim": 46398, - "ĠLeung": 46399, - "dependency": 46400, - "largest": 46401, - "ĠDOE": 46402, - "Ġaligns": 46403, - "oflurane": 46404, - "ĠAdjusted": 46405, - "Ġpeculiarities": 46406, - "decrease": 46407, - "ĠPlacement": 46408, - "vig": 46409, - "zak": 46410, - "Ġpenta": 46411, - "Ġfres": 46412, - "Ġacros": 46413, - "Ġsolvability": 46414, - "ansions": 46415, - "ALA": 46416, - "Ġmalfunction": 46417, - "ĠGiovanni": 46418, - "AOR": 46419, - "Had": 46420, - "Ġporn": 46421, - "undice": 46422, - "ĠUi": 46423, - "Ġexpelled": 46424, - "ĠAnk": 46425, - "Ġdiscounting": 46426, - "ĠRegulating": 46427, - "astery": 46428, - "phenylethyl": 46429, - "Ġcastration": 46430, - "Ġerythromycin": 46431, - "Ġbifunctional": 46432, - "��": 46433, - "ĠAlgeria": 46434, - "mess": 46435, - "Ġwis": 46436, - "ĠTay": 46437, - "assumed": 46438, - "Ġescalation": 46439, - "Ġhydroper": 46440, - "Ġcallosum": 46441, - "Ġatomization": 46442, - "ĠSAW": 46443, - "Ġacetylcholinesterase": 46444, - "Ġsucceeds": 46445, - "Ġphysiotherapy": 46446, - "tro": 46447, - "Ġmason": 46448, - "ĠTMB": 46449, - "Ġphant": 46450, - "Ġadjusts": 46451, - "antha": 46452, - "ĠEisenstein": 46453, - "Ġshorthand": 46454, - "GABA": 46455, - "Ġprover": 46456, - "Ġpatrol": 46457, - "ĠModal": 46458, - "ollaries": 46459, - "ĠInterfacial": 46460, - "ĠCIA": 46461, - "attn": 46462, - "ĠCryptococcus": 46463, - "athecal": 46464, - "ĠFreshwater": 46465, - "Ġspectrogram": 46466, - "opidogrel": 46467, - "morphism": 46468, - "Ġrelapsing": 46469, - "Ġgeneralizable": 46470, - "ĠShale": 46471, - "ĠTransplant": 46472, - "contraction": 46473, - "URI": 46474, - "ĠPetrov": 46475, - "ĠSliding": 46476, - "Ġanteriorly": 46477, - "Ġquasilinear": 46478, - "Ġripples": 46479, - "ZP": 46480, - "bacterial": 46481, - "spr": 46482, - "animal": 46483, - "Ġreporters": 46484, - "ĠBSS": 46485, - "ĠDia": 46486, - "ĠRSC": 46487, - "ounding": 46488, - "ITHM": 46489, - "logical": 46490, - "Ġpolycarbonate": 46491, - "Animal": 46492, - "umbai": 46493, - "Ġarchived": 46494, - "ĠDurham": 46495, - "âĸĪ": 46496, - "ĠVermont": 46497, - "Ġpw": 46498, - "essen": 46499, - "Ġconstexpr": 46500, - "ĠPruss": 46501, - "Ġsharpness": 46502, - "divide": 46503, - "primitive": 46504, - "Ġacrylate": 46505, - "MYC": 46506, - "ĠMonday": 46507, - "ĠSrinivas": 46508, - "Born": 46509, - "attice": 46510, - "omorpha": 46511, - "ĠMERS": 46512, - "ĠFactory": 46513, - "ĠWN": 46514, - "rectile": 46515, - "Ġheats": 46516, - "UNK": 46517, - "Ġsynchronize": 46518, - "ĠAttenuation": 46519, - "Children": 46520, - "Pat": 46521, - "pregnant": 46522, - "Ġwished": 46523, - "Ġthawing": 46524, - "ĠBey": 46525, - "ĠDÃŃaz": 46526, - "Ġleather": 46527, - "ĠUnic": 46528, - "Ġspecialised": 46529, - "Ġcatalytically": 46530, - "PLGA": 46531, - "hydroxyethyl": 46532, - "Ġmagmas": 46533, - "Ġpronoun": 46534, - "Ġeutrophication": 46535, - "ĠWeekly": 46536, - "MHD": 46537, - "malloc": 46538, - "ecologic": 46539, - "ilo": 46540, - "ĠFrequencies": 46541, - "Ġorchestra": 46542, - "Ġmetabolomic": 46543, - "ĠBlockade": 46544, - "Ġasserted": 46545, - "ĠLewy": 46546, - "Ġalleviating": 46547, - "Ġocclusions": 46548, - "Ġchoroid": 46549, - "technical": 46550, - "Ġenvisioned": 46551, - "ĠHousing": 46552, - "Pn": 46553, - "ĠTECH": 46554, - "ĠSSH": 46555, - "ĠValle": 46556, - "ylmethyl": 46557, - "Ġphloem": 46558, - "ĠProjects": 46559, - "button": 46560, - "Ġaccelerometers": 46561, - "umni": 46562, - "ĠHandling": 46563, - "Ġvaso": 46564, - "permeable": 46565, - "Ġcords": 46566, - "ĠCf": 46567, - "ĠDz": 46568, - "Ġeditions": 46569, - "Ġhumerus": 46570, - "doors": 46571, - "Ġdorsolateral": 46572, - "Ġaptamers": 46573, - "Ġcommodities": 46574, - "osperms": 46575, - "Ġprednisone": 46576, - "IQ": 46577, - "Metal": 46578, - "tus": 46579, - "Ġisotopy": 46580, - "ĠTheater": 46581, - "iffi": 46582, - "Ġyarn": 46583, - "deletion": 46584, - "ĠQPO": 46585, - "Ġmultiobjective": 46586, - "Ġurchin": 46587, - "Ġpulsations": 46588, - "ĠSRP": 46589, - "ðtÃŀ": 46590, - "glucoside": 46591, - "Ġdepartures": 46592, - "PyObject": 46593, - "ĠBandwidth": 46594, - "ĠAcceptance": 46595, - "reys": 46596, - "ĠION": 46597, - "Ġcompuls": 46598, - "ĠJW": 46599, - "Ġparthen": 46600, - "Close": 46601, - "ĠBaTiO": 46602, - "ñoz": 46603, - "aggregate": 46604, - "Initially": 46605, - "qh": 46606, - "ĠCancers": 46607, - "opin": 46608, - "never": 46609, - "isman": 46610, - "Ġconstancy": 46611, - "Ġtrucks": 46612, - "Ġvisualisation": 46613, - "ĠIllness": 46614, - "Ġsulphide": 46615, - "ĠMetabolites": 46616, - "Ġoxysporum": 46617, - "HPP": 46618, - "Ġnoradrenaline": 46619, - "Ġcommutativity": 46620, - "Quad": 46621, - "NiO": 46622, - "ĠGetting": 46623, - "Ġbait": 46624, - "Ġë°": 46625, - "Ġmentally": 46626, - "Ġauroral": 46627, - "ĠDrawing": 46628, - "Sin": 46629, - "receiver": 46630, - "atov": 46631, - "isotope": 46632, - "Ġisothi": 46633, - "ĠSenes": 46634, - "ĠACO": 46635, - "ĠGCT": 46636, - "ysmal": 46637, - "ĠVog": 46638, - "Ġdistractors": 46639, - "Ġconnectedness": 46640, - "Ġaccumbens": 46641, - "äck": 46642, - "hydrated": 46643, - "Ġpharmacodynamic": 46644, - "Ġmineralogy": 46645, - "Ġarthropods": 46646, - "Ġmycotoxins": 46647, - "Ġbattles": 46648, - "ĠSara": 46649, - "ĠEIS": 46650, - "ĠWinn": 46651, - "Ġlimbic": 46652, - "WORK": 46653, - "Ž": 46654, - "Ġeaten": 46655, - "ĠTod": 46656, - "apillary": 46657, - "oxyp": 46658, - "ĠNewly": 46659, - "Ġcamel": 46660, - "arrison": 46661, - "ECTOR": 46662, - "Ġhopefully": 46663, - "ĠHurwitz": 46664, - "Ġibuprofen": 46665, - "ĠFIRST": 46666, - "Ġbistable": 46667, - "Ġdismissed": 46668, - "gat": 46669, - "inogen": 46670, - "ĠPON": 46671, - "phas": 46672, - "ĠKorn": 46673, - "Ġpolyaniline": 46674, - "ĠMicroscope": 46675, - "Ġmucous": 46676, - "Ġcollisionless": 46677, - "hydrogenase": 46678, - "Build": 46679, - "pairing": 46680, - "ĠWIMP": 46681, - "builtin": 46682, - "ĠSeparate": 46683, - "ĠCunningham": 46684, - "ĠNecessary": 46685, - "Ġbry": 46686, - "ecrosis": 46687, - "ĠLSS": 46688, - "Ġsyphilis": 46689, - "ĠVid": 46690, - "Ġcarrot": 46691, - "ĠResistant": 46692, - "registration": 46693, - "Ġmyopathy": 46694, - "Ġangry": 46695, - "MDR": 46696, - "Ġhypothesised": 46697, - "ĠVolterra": 46698, - "elevation": 46699, - "Ġmycobacteria": 46700, - "Ġcaudate": 46701, - "iidae": 46702, - "ĠÇ": 46703, - "ĠDich": 46704, - "ĠReth": 46705, - "ellus": 46706, - "chamber": 46707, - "shine": 46708, - "ochore": 46709, - "ĠColumns": 46710, - "COUNT": 46711, - "Ġïĥ²": 46712, - "ĠPrimordial": 46713, - "Ġnegotiations": 46714, - "stedt": 46715, - "RII": 46716, - "UES": 46717, - "tiques": 46718, - "ĠPfe": 46719, - "Ġplast": 46720, - "pron": 46721, - "ĠZw": 46722, - "inkler": 46723, - "Ġmetabolome": 46724, - "EGA": 46725, - "ĠSpectrophot": 46726, - "Ġubiquity": 46727, - "ĠElectrodes": 46728, - "Ġchondro": 46729, - "DomainIs": 46730, - "ĠResidues": 46731, - "ĠdnsDomainIs": 46732, - "DIC": 46733, - "pth": 46734, - "Ġaest": 46735, - "Ġcient": 46736, - "Ġpessim": 46737, - "Ġreinst": 46738, - "ĠSans": 46739, - "endazole": 46740, - "ĠUrine": 46741, - "Ġsubacute": 46742, - "iximab": 46743, - "Ġprofitable": 46744, - "Ġmaximise": 46745, - "ĠDelaware": 46746, - "Ġclinicopathologic": 46747, - "ThermoFisher": 46748, - "FAR": 46749, - "RAS": 46750, - "witch": 46751, - "inactivated": 46752, - "enesis": 46753, - "unless": 46754, - "ĠPanc": 46755, - "ĠMTS": 46756, - "ĠBast": 46757, - "Ġchilling": 46758, - "Ġincumbent": 46759, - "Ġjelly": 46760, - "Ġdistributive": 46761, - "Ġcyto": 46762, - "schen": 46763, - "Ġinducers": 46764, - "ĠNonequilibrium": 46765, - "ĠRobotics": 46766, - "ĠArgentine": 46767, - "Ġmeridian": 46768, - "Ġhunger": 46769, - "Adaptive": 46770, - "Ġgor": 46771, - "ilepsy": 46772, - "Ġnonvanishing": 46773, - "Ġpeti": 46774, - "ĠMetformin": 46775, - "Ġbiomaterial": 46776, - "Ġantennal": 46777, - "ĠAffective": 46778, - "ĠAquatic": 46779, - "enediamine": 46780, - "ĠSiberia": 46781, - "ĠPenicillium": 46782, - "Functions": 46783, - "Ġlec": 46784, - "Ġfeld": 46785, - "ĠSpart": 46786, - "ĠCement": 46787, - "addi": 46788, - "sek": 46789, - "ĠNp": 46790, - "olesky": 46791, - "ĠMacroscopic": 46792, - "ères": 46793, - "Ġcaveat": 46794, - "Ġcourtship": 46795, - "mice": 46796, - "Ġfence": 46797, - "Ġmined": 46798, - "ulink": 46799, - "IDA": 46800, - "Ġtruncate": 46801, - "ĠCatalan": 46802, - "Ġtranst": 46803, - "Ġamendments": 46804, - "uncertainty": 46805, - "Ġoropharyngeal": 46806, - "ĠAid": 46807, - "oulder": 46808, - "ĠIncident": 46809, - "ĠáIJ": 46810, - "angiogenesis": 46811, - "ĠBEH": 46812, - "Ġicosa": 46813, - "ĠFOXP": 46814, - "fragment": 46815, - "Ġscintillator": 46816, - "JO": 46817, - "Law": 46818, - "ĠpL": 46819, - "Ġetoposide": 46820, - "Ġpolyaden": 46821, - "Ġhabitual": 46822, - "Ġtaxi": 46823, - "Ġcumulant": 46824, - "Ġhindrance": 46825, - "trigger": 46826, - "ratios": 46827, - "ilio": 46828, - "ĠPIR": 46829, - "ĠTheod": 46830, - "ĠMorton": 46831, - "ĠHaf": 46832, - "ĠOch": 46833, - "ĠExo": 46834, - "Ġurtic": 46835, - "ĠCFRP": 46836, - "Screen": 46837, - "Slice": 46838, - "Ġmushrooms": 46839, - "Ġevanescent": 46840, - "Sx": 46841, - "ËIJ": 46842, - "ìŀ": 46843, - "Ġsigm": 46844, - "icl": 46845, - "Ġguests": 46846, - "ĠGIST": 46847, - "Ġdeformities": 46848, - "polyacrylamide": 46849, - "Significant": 46850, - "Ġimpressions": 46851, - "jmath": 46852, - "emoral": 46853, - "ĠBn": 46854, - "ĠHDR": 46855, - "ĠKeck": 46856, - "Ġvaline": 46857, - "spi": 46858, - "iterate": 46859, - "Ġsync": 46860, - "otiana": 46861, - "Interval": 46862, - "ĠBrauer": 46863, - "Ġsticky": 46864, - "ĠNeuroscience": 46865, - "Baxter": 46866, - "Ġcasts": 46867, - "allocation": 46868, - "neal": 46869, - "Ġbiop": 46870, - "Ġrestorations": 46871, - "Images": 46872, - "mitic": 46873, - "ĠElevation": 46874, - "Ġabstinence": 46875, - "ĠLesser": 46876, - "ĠRainfall": 46877, - "PAM": 46878, - "Wol": 46879, - "usch": 46880, - "Ġpromisc": 46881, - "naïve": 46882, - "Ġdeduc": 46883, - "accharide": 46884, - "Ġnominally": 46885, - "ĠExploratory": 46886, - "Ġreconciliation": 46887, - "linalg": 46888, - "TCR": 46889, - "Ġsore": 46890, - "ĠNab": 46891, - "Ġoutgroup": 46892, - "Ġmonophosphate": 46893, - "insu": 46894, - "ĠAddis": 46895, - "SPR": 46896, - "pointing": 46897, - "HERE": 46898, - "ĠTechnological": 46899, - "Ġcochlea": 46900, - "Ġspheroidal": 46901, - "ĠBaldwin": 46902, - "Feed": 46903, - "Ġfusing": 46904, - "Ġasper": 46905, - "Ġexosomal": 46906, - "ĠLinguistic": 46907, - "SCA": 46908, - "ĠEmpty": 46909, - "Ġvacant": 46910, - "glycol": 46911, - "immunoprecipitation": 46912, - "ĠITER": 46913, - "SnO": 46914, - "patterns": 46915, - "continental": 46916, - "ĠAccelerating": 46917, - "ĠAveraging": 46918, - "Ġchemoattractant": 46919, - "hb": 46920, - "sulph": 46921, - "ĠBx": 46922, - "Ġcomplicating": 46923, - "ĠWare": 46924, - "Ġsoaking": 46925, - "Ġupregulate": 46926, - "---------": 46927, - "Ġsemester": 46928, - "ĠBrod": 46929, - "Ġcascading": 46930, - "ĠCastell": 46931, - "Ġẽ": 46932, - "ĠEQUATIONS": 46933, - "Ġparsimonious": 46934, - "Ġsorbent": 46935, - "Ġeug": 46936, - "odin": 46937, - "ĠWig": 46938, - "ĠThir": 46939, - "Ġsolv": 46940, - "Ġcarboplatin": 46941, - "Ġzebra": 46942, - "venient": 46943, - "ĠmedRxiv": 46944, - "Ġautobi": 46945, - "Ġrepeatable": 46946, - "Ġmigrations": 46947, - "Ġд": 46948, - "holonomic": 46949, - "Ġmoderator": 46950, - "Ġchimera": 46951, - "ĠGrassmannian": 46952, - "ĠRonald": 46953, - "ĠVega": 46954, - "astes": 46955, - "Ġquotes": 46956, - "Ġmonic": 46957, - "Ġprecoding": 46958, - "ĠAssisted": 46959, - "ĠNetworking": 46960, - "Ġfabricating": 46961, - "Ġbotanical": 46962, - "Ġswarms": 46963, - "Ġmartensitic": 46964, - "elliptic": 46965, - "pherd": 46966, - "baryon": 46967, - "xfe": 46968, - "route": 46969, - "ĠFIL": 46970, - "opies": 46971, - "ĠPCBs": 46972, - "Ġerasure": 46973, - "ĠRemodeling": 46974, - "Ġanaer": 46975, - "Smad": 46976, - "injured": 46977, - "Ġimmunocompetent": 46978, - "dell": 46979, - "failed": 46980, - "Ġsinking": 46981, - "oracic": 46982, - "Ġdred": 46983, - "ĠVDR": 46984, - "Ġconnectors": 46985, - "Ġintratumoral": 46986, - "Ġcommutators": 46987, - "ĠAleks": 46988, - "ĠDicty": 46989, - "Ak": 46990, - "Ġrecalc": 46991, - "Ġisl": 46992, - "otrim": 46993, - "ncephal": 46994, - "ĠRees": 46995, - "Ġsteatohepatitis": 46996, - "ĠPolarized": 46997, - "SBATCH": 46998, - "ĠCrossing": 46999, - "Accuracy": 47000, - "ĠGiardia": 47001, - "ĠNovo": 47002, - "Ġvigilance": 47003, - "Ġphosphatidylcholine": 47004, - "ĠUEFA": 47005, - "Jim": 47006, - "Ġfasted": 47007, - "ĠTiny": 47008, - "Ġlang": 47009, - "issociation": 47010, - "Auto": 47011, - "ĠNorfolk": 47012, - "ĠArms": 47013, - "ĠSWI": 47014, - "ĠAmbros": 47015, - "transfection": 47016, - "Oryza": 47017, - "harm": 47018, - "ĠDs": 47019, - "Ġintrag": 47020, - "Ġcaller": 47021, - "Ġwritings": 47022, - "ĠElast": 47023, - "ĠMarvel": 47024, - "ĠImmunodeficiency": 47025, - "ĠMillion": 47026, - "Texture": 47027, - "ĠIceCube": 47028, - "snap": 47029, - "Ġenjoys": 47030, - "ĠChapel": 47031, - "ĠEstablishing": 47032, - "Actually": 47033, - "Ġphosphorylates": 47034, - "Ġchinensis": 47035, - "Ġrhabdomy": 47036, - "Ġemphysema": 47037, - "Middle": 47038, - "nant": 47039, - "Ñħ": 47040, - "Ġtart": 47041, - "lowest": 47042, - "hemia": 47043, - "Ġutilising": 47044, - "constit": 47045, - "Ġmagmatism": 47046, - "оÑĢ": 47047, - "ĠHasan": 47048, - "dispersed": 47049, - "Hear": 47050, - "Qt": 47051, - "zations": 47052, - "alon": 47053, - "ĠStau": 47054, - "ĠAmer": 47055, - "osystems": 47056, - "Ġdemarc": 47057, - "ĠNeoproterozoic": 47058, - "ĠMek": 47059, - "ĠDisclosure": 47060, - "Ġhematocrit": 47061, - "ĠCytoscape": 47062, - "Ġramification": 47063, - "Ġcommunicative": 47064, - "Ġbutterflies": 47065, - "Ġantisera": 47066, - "Ġaestivum": 47067, - "Bra": 47068, - "LTP": 47069, - "socket": 47070, - "ĠCherenkov": 47071, - "Ġchlam": 47072, - "angial": 47073, - "ultured": 47074, - "enged": 47075, - "ĠClinton": 47076, - "Ġmyoblasts": 47077, - "ĠCompensation": 47078, - "ymmetrically": 47079, - "Ġemployer": 47080, - "ozol": 47081, - "ĠSAXS": 47082, - "Ġretinas": 47083, - "piperidine": 47084, - "XYZ": 47085, - "ĠRoughly": 47086, - "Prep": 47087, - "Ġbinge": 47088, - "Ġerect": 47089, - "ĠOPER": 47090, - "Ġstressor": 47091, - "Christ": 47092, - "ĠPDZ": 47093, - "Ġsubstan": 47094, - "ĠSnail": 47095, - "Ġlamellae": 47096, - "ĠCycling": 47097, - "shifting": 47098, - "ĠHsieh": 47099, - "verify": 47100, - "Ġpreimage": 47101, - "Ġartillery": 47102, - "Ġepil": 47103, - "ĠApost": 47104, - "Ġhelmet": 47105, - "Ġmachined": 47106, - "ĠMinneapolis": 47107, - "ĠCryp": 47108, - "Ġsituational": 47109, - "passing": 47110, - "quinazolin": 47111, - "ĠCroatian": 47112, - "Ġstaircase": 47113, - "Bonnet": 47114, - "NLP": 47115, - "cium": 47116, - "Ġskeletons": 47117, - "Ġoxim": 47118, - "orib": 47119, - "Ġreticular": 47120, - "ĠSLS": 47121, - "ĠAromatic": 47122, - "ĠKes": 47123, - "Ġphor": 47124, - "Ġinvocation": 47125, - "Ġdozens": 47126, - "aively": 47127, - "Ġdetectability": 47128, - "Ġconcerted": 47129, - "yrins": 47130, - "ĠProcessor": 47131, - "Ġtolerable": 47132, - "attached": 47133, - "Ġannexin": 47134, - "ĠROSAT": 47135, - "ĠAlternate": 47136, - "ĠWavelength": 47137, - "ĠWillis": 47138, - "Ġsemicontinuous": 47139, - "Ġadvocacy": 47140, - "Ġobligation": 47141, - "chanter": 47142, - "ĠInsertion": 47143, - "Ġsymbiont": 47144, - "ZM": 47145, - "Ġtars": 47146, - "rof": 47147, - "Ġrevival": 47148, - "ĠTST": 47149, - "ĠEMP": 47150, - "Ġmex": 47151, - "ullin": 47152, - "ĠAdop": 47153, - "ĠDNAs": 47154, - "Ġemployers": 47155, - "MTs": 47156, - "ĠMartÃŃn": 47157, - "electrodes": 47158, - "ĠMedicaid": 47159, - "Ġtgt": 47160, - "Ġlognormal": 47161, - "ĠFrames": 47162, - "Ġpermissive": 47163, - "ĠArduino": 47164, - "Ġsemilinear": 47165, - "ĠAssign": 47166, - "ĠPrEP": 47167, - "ĠSiamese": 47168, - "benzimidazol": 47169, - "connectivity": 47170, - "ĠPEI": 47171, - "Ġbisulfite": 47172, - "Ġacetyltransferase": 47173, - "Ġswimmer": 47174, - "juven": 47175, - "Ġjejunum": 47176, - "ĠCincinnati": 47177, - "tai": 47178, - "ĠQI": 47179, - "ĠCommut": 47180, - "spacing": 47181, - "Ġaffords": 47182, - "itisation": 47183, - "elasticity": 47184, - "Ġdragon": 47185, - "Ġproteasomal": 47186, - "Ġpant": 47187, - "ĠNitro": 47188, - "Ġspic": 47189, - "Ġnanopl": 47190, - "ĠAllied": 47191, - "Ġthorax": 47192, - "ĠFTO": 47193, - "ĠJurkat": 47194, - "chiatry": 47195, - "young": 47196, - "directions": 47197, - "Ġneocortex": 47198, - "ĠKik": 47199, - "ango": 47200, - "clay": 47201, - "iodo": 47202, - "Ġabovementioned": 47203, - "ĠGuardian": 47204, - "Conjecture": 47205, - "ĠTrend": 47206, - "Ġfertilized": 47207, - "ĠSulfate": 47208, - "ochronology": 47209, - "Ġcraniofacial": 47210, - "ĠSaskatchewan": 47211, - "QQ": 47212, - "hman": 47213, - "Ġzym": 47214, - "logs": 47215, - "Ġïģ®": 47216, - "Ġgraduating": 47217, - "pinene": 47218, - "ĠîĢ": 47219, - "Ġetiological": 47220, - "ĠComprehension": 47221, - "Ġwandering": 47222, - "Ġlan": 47223, - "Ġsyst": 47224, - "returns": 47225, - "MOF": 47226, - "choalveolar": 47227, - "ĠArmen": 47228, - "Ġbimetallic": 47229, - "ĠPollen": 47230, - "Files": 47231, - "Ġssp": 47232, - "ENSI": 47233, - "ĠYus": 47234, - "Ġfinest": 47235, - "AGEN": 47236, - "Ġmicrobiomes": 47237, - "Ġpalind": 47238, - "Ġpetals": 47239, - "ĠRadiotherapy": 47240, - "ophenone": 47241, - "speaker": 47242, - "Ġcopepods": 47243, - "Ġkanamycin": 47244, - "Ġdegranulation": 47245, - "Construct": 47246, - "alter": 47247, - "ĠFgf": 47248, - "ĠNBS": 47249, - "ĠIncomplete": 47250, - "Ġparcel": 47251, - "neau": 47252, - "ĠÃIJ": 47253, - "ĠCHA": 47254, - "Ġduals": 47255, - "Ġsilicates": 47256, - "ĠGlobally": 47257, - "Ġkinesin": 47258, - "fid": 47259, - "ĠCPD": 47260, - "ĠYad": 47261, - "Ġdepress": 47262, - "ODY": 47263, - "ĠHistograms": 47264, - "ĠSummarization": 47265, - "automatic": 47266, - "ĠDomin": 47267, - "otransformation": 47268, - "Ġventricles": 47269, - "Widget": 47270, - "ĠPetersburg": 47271, - "Ġcholangiocarcinoma": 47272, - "Ġnectar": 47273, - "PIC": 47274, - "Scope": 47275, - "Tek": 47276, - "nitz": 47277, - "ĠPHD": 47278, - "Ġspiro": 47279, - "ĠCOG": 47280, - "ĠDioxide": 47281, - "conductivity": 47282, - "ĠGranger": 47283, - "ĠWearable": 47284, - "ĠKenneth": 47285, - "CCR": 47286, - "LINK": 47287, - "ĠÜ": 47288, - "retic": 47289, - "lya": 47290, - "Ġdemocratic": 47291, - "Ġradiograph": 47292, - "ĠRelax": 47293, - "ĠIncubation": 47294, - "ĠDenoising": 47295, - "COLOR": 47296, - "ĠClosure": 47297, - "HMM": 47298, - "urd": 47299, - "rada": 47300, - "ĠRv": 47301, - "ĠLuz": 47302, - "alls": 47303, - "Ġmultispectral": 47304, - "INED": 47305, - "SCN": 47306, - "Ġdyslexia": 47307, - "Ġsettlers": 47308, - "ĠVLSI": 47309, - "Ġavid": 47310, - "Ġlarynx": 47311, - "ĠChess": 47312, - "ĠFAA": 47313, - "Ġdefender": 47314, - "Ġlipolysis": 47315, - "ĠElmer": 47316, - "ĠAffymetrix": 47317, - "Ġrhodamine": 47318, - "Morph": 47319, - "Site": 47320, - "purity": 47321, - "ĠÊ": 47322, - "ĠTank": 47323, - "ĠMiao": 47324, - "Ġrecrystall": 47325, - "Weyl": 47326, - "ĠGuil": 47327, - "Ġmisfolded": 47328, - "suited": 47329, - "ĠApproximations": 47330, - "ĠABCB": 47331, - "donor": 47332, - "GWAS": 47333, - "---------------": 47334, - "Ġputida": 47335, - "Ġimpingement": 47336, - "yaml": 47337, - "Hill": 47338, - "Ġtl": 47339, - "agua": 47340, - "timing": 47341, - "Ġregenerate": 47342, - "Ġmultilingual": 47343, - "rador": 47344, - "classifier": 47345, - "ĠJohansson": 47346, - "Ġsulfides": 47347, - "hammer": 47348, - "Ġwalked": 47349, - "Ġallocating": 47350, - "ĠGustav": 47351, - "Ġimmunoprecipitated": 47352, - "ĠBrisbane": 47353, - "Ġsandwiched": 47354, - "ĠChatterjee": 47355, - "omandibular": 47356, - "Ġosc": 47357, - "Ġassass": 47358, - "Ġmultistage": 47359, - "Ġmultipartite": 47360, - "Ġpigmented": 47361, - "ĠVisualizing": 47362, - "Keys": 47363, - "pipeline": 47364, - "Ġdubbed": 47365, - "Ġcroc": 47366, - "ĠDLC": 47367, - "ĠRAT": 47368, - "ĠNex": 47369, - "plica": 47370, - "tingham": 47371, - "ĠSpider": 47372, - "Ġuncle": 47373, - "auts": 47374, - "ĠHowe": 47375, - "Ġarthropod": 47376, - "ĠPapad": 47377, - "urgy": 47378, - "Ġacclim": 47379, - "Broad": 47380, - "acer": 47381, - "vez": 47382, - "ĠDivers": 47383, - "Ġmodifiable": 47384, - "Ġantipsychotics": 47385, - "Prog": 47386, - "osahexa": 47387, - "ambrian": 47388, - "ĠIonization": 47389, - "ZA": 47390, - "oate": 47391, - "Ġpays": 47392, - "Ġewes": 47393, - "Ġbeaches": 47394, - "Ġevil": 47395, - "ĠCDs": 47396, - "naud": 47397, - "Ġconformity": 47398, - "ĠDMN": 47399, - "Ġcollaborate": 47400, - "Ġdeteriorate": 47401, - "VALID": 47402, - "ĠVegas": 47403, - "Ġultracent": 47404, - "BRA": 47405, - "Rub": 47406, - "YC": 47407, - "fh": 47408, - "åľ": 47409, - "ĠOWL": 47410, - "oseismic": 47411, - "oferrin": 47412, - "ochthon": 47413, - "ĠTNFR": 47414, - "smallsetminus": 47415, - "ĠArgument": 47416, - "Ġgranulocytes": 47417, - "Ġramified": 47418, - "Ġepiphy": 47419, - "fusc": 47420, - "ecdot": 47421, - "Ġhw": 47422, - "ĠNMS": 47423, - "ercus": 47424, - "Ġtether": 47425, - "ĠTrait": 47426, - "AgCl": 47427, - "ĠNearby": 47428, - "Ġhelminth": 47429, - "Ġlaevis": 47430, - "ĠBAR": 47431, - "ĠNancy": 47432, - "ĠGyn": 47433, - "Ġsecreting": 47434, - "Stellar": 47435, - "Ġsilhou": 47436, - "IMT": 47437, - "Ġscaffolding": 47438, - "ĠConverter": 47439, - "hid": 47440, - "Ġnud": 47441, - "estrian": 47442, - "anno": 47443, - "Ġdepiction": 47444, - "oremost": 47445, - "ĠShand": 47446, - "ABCD": 47447, - "ĠPDL": 47448, - "Ġdysphagia": 47449, - "Ġintrat": 47450, - "Ġhemip": 47451, - "Ġadaptable": 47452, - "longmapsto": 47453, - "ssbauer": 47454, - "ĠMcCarthy": 47455, - "ĠAutoimmune": 47456, - "ĠCutaneous": 47457, - "Inserting": 47458, - "Material": 47459, - "ĠAa": 47460, - "ĠGav": 47461, - "Ġmonocular": 47462, - "equil": 47463, - "ĠGeoff": 47464, - "Ġtethered": 47465, - "obilized": 47466, - "ĠShortly": 47467, - "Details": 47468, - "Ġrefugee": 47469, - "Ġabscisic": 47470, - "FBQyx": 47471, - "Ġdemocracy": 47472, - "crafted": 47473, - "difluor": 47474, - "yder": 47475, - "essment": 47476, - "Ġhistopathologic": 47477, - "Ġastrocytic": 47478, - "Ġwithdrew": 47479, - "Ġmoles": 47480, - "athic": 47481, - "mono": 47482, - "manual": 47483, - "Ġfoodborne": 47484, - "ĠRepository": 47485, - "Ġcovert": 47486, - "OTE": 47487, - "Ġtightness": 47488, - "Ġinstantiated": 47489, - "Ġwatermarking": 47490, - "Ġartemisinin": 47491, - "Language": 47492, - "OES": 47493, - "cant": 47494, - "already": 47495, - "unts": 47496, - "itia": 47497, - "ĠKaren": 47498, - "Ġalluvial": 47499, - "stratigraphy": 47500, - "ĠPIV": 47501, - "ĠFaces": 47502, - "ĠBim": 47503, - "applications": 47504, - "tails": 47505, - "Ġeld": 47506, - "IRB": 47507, - "ĠINTE": 47508, - "ĠNotImplemented": 47509, - "Ġmisclassified": 47510, - "Ġfertilizers": 47511, - "ĠElectricity": 47512, - "Ġtributaries": 47513, - "ĠDeutsch": 47514, - "Ġsleeve": 47515, - "fuzzy": 47516, - "ĠMTL": 47517, - "ĠBres": 47518, - "ĠWyn": 47519, - "Ġkyr": 47520, - "neuronal": 47521, - "oxymethyl": 47522, - "disorder": 47523, - "inches": 47524, - "ramidal": 47525, - "Ġpolyimide": 47526, - "ResNet": 47527, - "ĠEdmund": 47528, - "Ġdegeneracies": 47529, - "utherford": 47530, - "Dropout": 47531, - "ijĢ": 47532, - "Ġvoiced": 47533, - "ĠGomes": 47534, - "ivities": 47535, - "conductance": 47536, - "compl": 47537, - "vecs": 47538, - "Ġtuna": 47539, - "ĠKinect": 47540, - "Ġconveyed": 47541, - "Ġsphingosine": 47542, - "bat": 47543, - "ĠPurs": 47544, - "ounded": 47545, - "ĠStam": 47546, - "ĠXIII": 47547, - "ĠComics": 47548, - "MSM": 47549, - "SSL": 47550, - "Ġperfluor": 47551, - "Ġfluorinated": 47552, - "folios": 47553, - "Ġreposition": 47554, - "ĠSerr": 47555, - "ĠCors": 47556, - "ĠLabs": 47557, - "Ġcox": 47558, - "ĠAcquired": 47559, - "Ġreasoned": 47560, - "Genome": 47561, - "ĠPiper": 47562, - "Ġcompactified": 47563, - "Ġherbivore": 47564, - "lofenac": 47565, - "Ġboss": 47566, - "ĠBs": 47567, - "ĠEMR": 47568, - "Ġshoe": 47569, - "Ġcarers": 47570, - "Chrom": 47571, - "SVP": 47572, - "ĠTriangle": 47573, - "Ġhematite": 47574, - "dorf": 47575, - "ĠMovements": 47576, - "ĠVesicles": 47577, - "Olympus": 47578, - "Mol": 47579, - "Ġlend": 47580, - "uras": 47581, - "ĠASE": 47582, - "ĠWKB": 47583, - "proved": 47584, - "ĠKV": 47585, - "ĠUART": 47586, - "logarithmic": 47587, - "ĠADI": 47588, - "ĠDoing": 47589, - "Ġcease": 47590, - "Ġlengthening": 47591, - "Ġpyrophosphate": 47592, - "Fre": 47593, - "ĠCLD": 47594, - "ĠMLS": 47595, - "ĠPlum": 47596, - "Ġpropionate": 47597, - "ĠGuatem": 47598, - "CKD": 47599, - "Ġisos": 47600, - "ĠManning": 47601, - "neuro": 47602, - "OPER": 47603, - "ĠWilhelm": 47604, - "Ġacademia": 47605, - "AChR": 47606, - "ĠInertial": 47607, - "Occ": 47608, - "ujan": 47609, - "onas": 47610, - "Ġinulin": 47611, - "icia": 47612, - "andal": 47613, - "ĠKahn": 47614, - "Ġunmanned": 47615, - "ĠCoarse": 47616, - "Ġguilty": 47617, - "ĠPei": 47618, - "ĠLuca": 47619, - "ĠFibroblast": 47620, - "avian": 47621, - "vx": 47622, - "Ġdizziness": 47623, - "ĠDox": 47624, - "ĠHour": 47625, - "Ġdecoration": 47626, - "Ġverifier": 47627, - "rado": 47628, - "Ġfootprints": 47629, - "Ġdispensable": 47630, - "ĠAnaerobic": 47631, - "IoT": 47632, - "ĠRisks": 47633, - "ĠGLS": 47634, - "Ġchords": 47635, - "oidy": 47636, - "Ġneurolog": 47637, - "ruh": 47638, - "Ġvirtualization": 47639, - "Ġprotonation": 47640, - "ĠConstantin": 47641, - "Ġkeypoints": 47642, - "Buck": 47643, - "Hopf": 47644, - "Much": 47645, - "regime": 47646, - "Ġpromised": 47647, - "aij": 47648, - "ĠDesulf": 47649, - "ĠFormulas": 47650, - "Ġhump": 47651, - "lnc": 47652, - "ĠSuicide": 47653, - "ĠHOMA": 47654, - "oglycer": 47655, - "ĠProteomics": 47656, - "Ġdictate": 47657, - "ĠSpermat": 47658, - "Fun": 47659, - "Ġsag": 47660, - "ĠFam": 47661, - "eppe": 47662, - "ĠJah": 47663, - "Ġarisen": 47664, - "opharmaceutical": 47665, - "SAGE": 47666, - "ĠTHIS": 47667, - "enhance": 47668, - "Ġnapus": 47669, - "roe": 47670, - "ensch": 47671, - "deformation": 47672, - "bones": 47673, - "ĠErnest": 47674, - "irability": 47675, - "decom": 47676, - "Ġcrustaceans": 47677, - "Ġguaranteeing": 47678, - "OVAs": 47679, - "ĠMulticenter": 47680, - "ĠctDNA": 47681, - "Ġforaminifera": 47682, - "Linn": 47683, - "Ġcups": 47684, - "esch": 47685, - "ĠdF": 47686, - "ĠTah": 47687, - "pll": 47688, - "projects": 47689, - "ĠUCI": 47690, - "Ġhumanized": 47691, - "Ġabsl": 47692, - "ĠScho": 47693, - "Ġliterals": 47694, - "ĠSVR": 47695, - "Ġtoxicology": 47696, - "pgf": 47697, - "ĠIPTG": 47698, - "ĠMEASUREM": 47699, - "oing": 47700, - "ĠPasc": 47701, - "ĠBau": 47702, - "ĠWannier": 47703, - "Ġhypre": 47704, - "attributes": 47705, - "Ġpreconditioner": 47706, - "Writing": 47707, - "Ġgypsum": 47708, - "yuan": 47709, - "Ġupregulates": 47710, - "Ġtelec": 47711, - "ĠDiscre": 47712, - "guard": 47713, - "Ġdebates": 47714, - "Ġparasitoid": 47715, - "Lam": 47716, - "tige": 47717, - "Ġisopropanol": 47718, - "ĠIwas": 47719, - "plify": 47720, - "indolin": 47721, - "ĠApollo": 47722, - "Ġlanded": 47723, - "Ġbeamline": 47724, - "Union": 47725, - "Ġreciproc": 47726, - "ĠRossby": 47727, - "principal": 47728, - "Ġdescendant": 47729, - "ĠAnalogously": 47730, - "Ġderegulation": 47731, - "DSM": 47732, - "cta": 47733, - "Ġrebuilt": 47734, - "ĠMund": 47735, - "ĠFEC": 47736, - "ryn": 47737, - "plice": 47738, - "ĠYugoslav": 47739, - "ĠNorthwestern": 47740, - "ĠHomogen": 47741, - "ĠLISA": 47742, - "Ġinvestor": 47743, - "HSA": 47744, - "HPO": 47745, - "Ġdictionaries": 47746, - "ĠCategor": 47747, - "Ġcompacted": 47748, - "tilled": 47749, - "ç»": 47750, - "Ġfines": 47751, - "urans": 47752, - "Ġbetweenness": 47753, - "ĠZig": 47754, - "schema": 47755, - "Ġcommune": 47756, - "ĠQuinn": 47757, - "Ġanaphylaxis": 47758, - "TIES": 47759, - "Ġsnowpack": 47760, - "ĠDOA": 47761, - "agos": 47762, - "ĠOdd": 47763, - "arde": 47764, - "Ġevoke": 47765, - "ĠOcular": 47766, - "Ġfaulting": 47767, - "Ġvolcanism": 47768, - "ĠPaleozoic": 47769, - "Ġmycelium": 47770, - "ĠAdjustment": 47771, - "ICT": 47772, - "Nov": 47773, - "alias": 47774, - "ĠTul": 47775, - "ĠHh": 47776, - "Ġevade": 47777, - "ORs": 47778, - "Ġstrengthens": 47779, - "ĠUSGS": 47780, - "Ġlicensing": 47781, - "ĠClement": 47782, - "ĠPhytophthora": 47783, - "rified": 47784, - "Ġeighteen": 47785, - "Ġtops": 47786, - "ĠCLP": 47787, - "Ġstabilities": 47788, - "ĠPPT": 47789, - "ĠBIN": 47790, - "ĠRak": 47791, - "Ġgenistein": 47792, - "volve": 47793, - "Ġquicker": 47794, - "ĠCaused": 47795, - "benefit": 47796, - "YB": 47797, - "lift": 47798, - "Ġhood": 47799, - "ĠSCs": 47800, - "ofa": 47801, - "ĠMicron": 47802, - "angiotensin": 47803, - "Ġfeathers": 47804, - "Ġantiferromagnet": 47805, - "DECREF": 47806, - "yledons": 47807, - "Ġmyriad": 47808, - "Ġiz": 47809, - "ĠTrough": 47810, - "âĪ«": 47811, - "hemoglobin": 47812, - "ĠEnvelope": 47813, - "ĠClick": 47814, - "soliton": 47815, - "ĠSynchrotron": 47816, - "Ġlagged": 47817, - "MYB": 47818, - "Ġtrophoblast": 47819, - "Ġinterrogation": 47820, - "onvuls": 47821, - "Bac": 47822, - "Ġaperiodic": 47823, - "Ġgpu": 47824, - "Ġpropidium": 47825, - "teps": 47826, - "ĠKarp": 47827, - "ĠVaz": 47828, - "ackage": 47829, - "onson": 47830, - "Instr": 47831, - "filer": 47832, - "rifugation": 47833, - "KOV": 47834, - "fourth": 47835, - "Ġôı¼IJ": 47836, - "hyperbolic": 47837, - "schetz": 47838, - "Discussion": 47839, - "ĠOriented": 47840, - "jad": 47841, - "Ġauctions": 47842, - "usivity": 47843, - "ĠCran": 47844, - "Ġkd": 47845, - "Ġintest": 47846, - "rosarcoma": 47847, - "ugger": 47848, - "ĠILP": 47849, - "ĠSTA": 47850, - "Ġreversals": 47851, - "Ġgrapes": 47852, - "ĠPopulus": 47853, - "ĠKitaev": 47854, - "ĠAVP": 47855, - "Previously": 47856, - "Ġquadratically": 47857, - "ĠLOCAL": 47858, - "Bert": 47859, - "PED": 47860, - "live": 47861, - "à¬": 47862, - "Ġbidding": 47863, - "Ġtoss": 47864, - "ento": 47865, - "Ġthylak": 47866, - "Ġcomprehend": 47867, - "Ġdive": 47868, - "Ġapplicants": 47869, - "ĠÄħ": 47870, - "ĠVolcanic": 47871, - "adaptation": 47872, - "Ġá¹Ģ": 47873, - "ĠJanssen": 47874, - "Ġadjoining": 47875, - "ozolomide": 47876, - "CIS": 47877, - "dC": 47878, - "ducted": 47879, - "ĠAnast": 47880, - "ĠEmployment": 47881, - "ĠEndocrine": 47882, - "siloxane": 47883, - "Session": 47884, - "ĠNarr": 47885, - "ĠâĪĴâĪĨ": 47886, - "deev": 47887, - "othiaz": 47888, - "ringing": 47889, - "pointed": 47890, - "Ġacetylene": 47891, - "Ġglobulin": 47892, - "packing": 47893, - "ĠUses": 47894, - "AES": 47895, - "Hen": 47896, - "ĠSavage": 47897, - "ĠCanc": 47898, - "isto": 47899, - "ĠChromosomal": 47900, - "Ġcemented": 47901, - "Ġpyrox": 47902, - "ĠConstitutive": 47903, - "Ġphthalate": 47904, - "mechanism": 47905, - "Ġcyclosporine": 47906, - "PAP": 47907, - "arted": 47908, - "ĠRDT": 47909, - "Ġplains": 47910, - "Clone": 47911, - "propanol": 47912, - "regularity": 47913, - "Ġcotangent": 47914, - "ĠLeslie": 47915, - "ĠNitrate": 47916, - "ĠKawasaki": 47917, - "ĠPageRank": 47918, - "Ġanhydrase": 47919, - "ĠKrishna": 47920, - "Ġhemicellulose": 47921, - "Ġery": 47922, - "llis": 47923, - "Ġmicrogram": 47924, - "ĠDeligne": 47925, - "Ġenforces": 47926, - "Ġthrombolysis": 47927, - "Parse": 47928, - "orvastatin": 47929, - "Ġmated": 47930, - "ĠCrystalline": 47931, - "Ġautoradi": 47932, - "Ġthermophilic": 47933, - "infectious": 47934, - "Ġultram": 47935, - "ĠMLL": 47936, - "ĠFibers": 47937, - "Ġulceration": 47938, - "omedial": 47939, - "stratigraphic": 47940, - "Ġtouches": 47941, - "rhe": 47942, - "Ġtame": 47943, - "ĠCulic": 47944, - "ARDS": 47945, - "chter": 47946, - "Ġcounterclockwise": 47947, - "Ġcamps": 47948, - "VDC": 47949, - "Ġmethadone": 47950, - "dependently": 47951, - "validate": 47952, - "Ġprecludes": 47953, - "Ġparliamentary": 47954, - "ĠINTEREST": 47955, - "ĠSerg": 47956, - "ĠCBC": 47957, - "erella": 47958, - "ayi": 47959, - "ĠRAB": 47960, - "Ġchym": 47961, - "Ġnanospheres": 47962, - "Ġdiabetics": 47963, - "conservation": 47964, - "Ġpermeate": 47965, - "plotted": 47966, - "Ġnaphthalene": 47967, - "ĠBonn": 47968, - "ĠElectrostatic": 47969, - "Ġinventories": 47970, - "Gaussianity": 47971, - "ĠAdenosine": 47972, - "Delay": 47973, - "ĠBeginning": 47974, - "Ġsided": 47975, - "ĠCushing": 47976, - "ĠHv": 47977, - "Ġcoined": 47978, - "ĠAlm": 47979, - "scanning": 47980, - "fertil": 47981, - "Ġαv": 47982, - "ĠReactivity": 47983, - "Ġproximate": 47984, - "dependencies": 47985, - "Ġdensification": 47986, - "Ġôı¼ij": 47987, - "Ġbacteriocin": 47988, - "weakly": 47989, - "Ġdentistry": 47990, - "ĠOriental": 47991, - "Ġdormant": 47992, - "ĠpC": 47993, - "Ġmum": 47994, - "REs": 47995, - "Ġconval": 47996, - "Ġbiota": 47997, - "Ġmultilinear": 47998, - "ĠPTFE": 47999, - "Ġnarrowband": 48000, - "ĠRotational": 48001, - "Ġhoneybee": 48002, - "ĠChlorophyll": 48003, - "Baseline": 48004, - "Fern": 48005, - "Ġlk": 48006, - "ĠMash": 48007, - "rived": 48008, - "ĠBases": 48009, - "ĠDah": 48010, - "ĠKui": 48011, - "ĠÃĵ": 48012, - "ĠRecycl": 48013, - "AGN": 48014, - "PDE": 48015, - "Ġclimatological": 48016, - "ĠBasically": 48017, - "conserved": 48018, - "absorbing": 48019, - "ĠKoszul": 48020, - "oussines": 48021, - "Ġmdx": 48022, - "ithymia": 48023, - "ĠHinton": 48024, - "Ġkh": 48025, - "Ġadmittance": 48026, - "ĠVy": 48027, - "Ġextrema": 48028, - "Ġcreftype": 48029, - "subst": 48030, - "Ġbleomycin": 48031, - "LINEAR": 48032, - "AQ": 48033, - "iom": 48034, - "Ġnong": 48035, - "opian": 48036, - "sein": 48037, - "udal": 48038, - "Ġearning": 48039, - "Ġstandardize": 48040, - "ĠParticular": 48041, - "Ġwavevector": 48042, - "dxdy": 48043, - "ĠMacDonald": 48044, - "ĠEstuary": 48045, - "validated": 48046, - "ĠHurst": 48047, - "ĠMukherjee": 48048, - "Ġbivalves": 48049, - "Ġjugular": 48050, - "Ub": 48051, - "vill": 48052, - "enough": 48053, - "Ġinforms": 48054, - "anatomical": 48055, - "ulou": 48056, - "resa": 48057, - "ĠPMC": 48058, - "ĠMira": 48059, - "ĠRPL": 48060, - "ĠSDC": 48061, - "Ġhemi": 48062, - "MoS": 48063, - "ĠFloat": 48064, - "Ġocclusal": 48065, - "ĠRainbow": 48066, - "ĠProviding": 48067, - "Ġsupercapacitor": 48068, - "osf": 48069, - "ĠIRT": 48070, - "Ġadm": 48071, - "Ġdecoders": 48072, - "ĠXR": 48073, - "ĠRescue": 48074, - "Ġentom": 48075, - "Ġmortal": 48076, - "Angle": 48077, - "India": 48078, - "ĠMali": 48079, - "Ġinspecting": 48080, - "ĠGALAXY": 48081, - "ĠEriks": 48082, - "YF": 48083, - "rings": 48084, - "Ġsir": 48085, - "Ġgsl": 48086, - "ĠBubble": 48087, - "ĠDCA": 48088, - "ĠWidespread": 48089, - "assignment": 48090, - "Ġgeomorph": 48091, - "ĠPreference": 48092, - "COPD": 48093, - "processors": 48094, - "cutoff": 48095, - "ĠFlower": 48096, - "phenomen": 48097, - "music": 48098, - "ĠSlovakia": 48099, - "Supporting": 48100, - "blow": 48101, - "edit": 48102, - "ĠTrophy": 48103, - "ĠASF": 48104, - "ĠMoses": 48105, - "Ġindels": 48106, - "Ġnonhuman": 48107, - "Ġhandic": 48108, - "Ġrepairing": 48109, - "Ġmicrometer": 48110, - "ĠPhilippe": 48111, - "Ġexudates": 48112, - "ĠâĹĭ": 48113, - "Ġamalgam": 48114, - "Kin": 48115, - "fors": 48116, - "fron": 48117, - "Ġanabolic": 48118, - "ĠEich": 48119, - "NAN": 48120, - "Ġpseudogap": 48121, - "analyzed": 48122, - "Ġtackled": 48123, - "aginous": 48124, - "Ġlubricant": 48125, - "Ġradionuclides": 48126, - "arrestin": 48127, - "oussinesq": 48128, - "Lif": 48129, - "Î¥": 48130, - "received": 48131, - "astive": 48132, - "ĠPBC": 48133, - "Ġamoxicillin": 48134, - "copper": 48135, - "ubling": 48136, - "ophages": 48137, - "ĠSeas": 48138, - "ĠElite": 48139, - "PMMA": 48140, - "Ġcholang": 48141, - "Depending": 48142, - "Ġasbestos": 48143, - "ĠFecal": 48144, - "ĠRath": 48145, - "ĠLey": 48146, - "Ġfactored": 48147, - "bbles": 48148, - "Ġtokenizer": 48149, - "Ġofficinalis": 48150, - "ĠNUCLE": 48151, - "ĠSemicon": 48152, - "ĠBous": 48153, - "ĠRis": 48154, - "Ġloans": 48155, - "ACP": 48156, - "âĻĢ": 48157, - "phosate": 48158, - "Ġcherry": 48159, - "anan": 48160, - "arre": 48161, - "ĠCredit": 48162, - "isexual": 48163, - "ĠActa": 48164, - "ĠLetting": 48165, - "ĠInfarction": 48166, - "ĠAccounting": 48167, - "Ġcounterstained": 48168, - "Ġaerogel": 48169, - "standardized": 48170, - "Ġlyase": 48171, - "segments": 48172, - "Ġbachelor": 48173, - "Ġhue": 48174, - "ĠNETs": 48175, - "Ġunadjusted": 48176, - "Ġmicrohardness": 48177, - "Ġsinglets": 48178, - "ĠSPACE": 48179, - "ĠHydraulic": 48180, - "METHOD": 48181, - "ĠBjör": 48182, - "ĠKU": 48183, - "Ġrepur": 48184, - "Ġradiocarbon": 48185, - "Ġheterogeneities": 48186, - "Ġgastrocnemius": 48187, - "ĠLTD": 48188, - "Ġaccidentally": 48189, - "Processing": 48190, - "Doppler": 48191, - "TBI": 48192, - "Ġlingual": 48193, - "ĠAGS": 48194, - "ĠFrontal": 48195, - "ĠBrack": 48196, - "thema": 48197, - "Ġrepresentable": 48198, - "Ġpressurized": 48199, - "ADR": 48200, - "ĠMicrofluid": 48201, - "Ġê°": 48202, - "Ġreusable": 48203, - "Ġvendor": 48204, - "aller": 48205, - "Ġdiversion": 48206, - "FAST": 48207, - "ĠKirby": 48208, - "ĠStimulus": 48209, - "Ġattachments": 48210, - "ĠBridging": 48211, - "ĠRoberto": 48212, - "Ġqueuing": 48213, - "tling": 48214, - "roots": 48215, - "ĠMx": 48216, - "ĠMarrow": 48217, - "ĠLocus": 48218, - "Ġunimportant": 48219, - "ergarten": 48220, - "ÃŃk": 48221, - "ĠPotent": 48222, - "ĠBrunswick": 48223, - "ĠSCT": 48224, - "ĠMour": 48225, - "emias": 48226, - "ĠNCS": 48227, - "chicine": 48228, - "ĠOryza": 48229, - "Ġwherever": 48230, - "ĠXGB": 48231, - "COX": 48232, - "Ġhydrogenated": 48233, - "Ġhydraz": 48234, - "ĠPersons": 48235, - "Ġframeshift": 48236, - "Ġelectrolytic": 48237, - "ĠSenegal": 48238, - "Ġphagocyt": 48239, - "Ġinstantaneously": 48240, - "ĠGroundwater": 48241, - "Ġimperial": 48242, - "ĠRhode": 48243, - "ÅĦska": 48244, - "ovisual": 48245, - "ontsize": 48246, - "ĠExplanation": 48247, - "Ġempowerment": 48248, - "NTA": 48249, - "Pu": 48250, - "Por": 48251, - "Sched": 48252, - "eats": 48253, - "Ġys": 48254, - "inous": 48255, - "Ġwilt": 48256, - "ĠMov": 48257, - "ecton": 48258, - "ĠGins": 48259, - "introduction": 48260, - "inception": 48261, - "ĠInterpreting": 48262, - "Ġstartup": 48263, - "Ġalbino": 48264, - "Ġtetras": 48265, - "ĠHousehold": 48266, - "ĠELM": 48267, - "Ġsporulation": 48268, - "Ġosmol": 48269, - "Bis": 48270, - "erule": 48271, - "ĠEAR": 48272, - "Ġimbalances": 48273, - "Ġkt": 48274, - "Ġjl": 48275, - "gesterone": 48276, - "erala": 48277, - "ĠPointer": 48278, - "ĠHRQoL": 48279, - "ĠRiet": 48280, - "ĠEscape": 48281, - "purified": 48282, - "Ġinstantiation": 48283, - "matis": 48284, - "iona": 48285, - "Ġnoxious": 48286, - "ĠNog": 48287, - "Ġjam": 48288, - "ĠAntoni": 48289, - "ĠGodd": 48290, - "ĠPersonalized": 48291, - "Ġpermuted": 48292, - "ĠSHE": 48293, - "ĠOblast": 48294, - "ĠForbes": 48295, - "ĠResveratrol": 48296, - "ĠFeSe": 48297, - "Ġelectrodeposition": 48298, - "Ġhomeobox": 48299, - "Ġpyogenes": 48300, - "Ġviolin": 48301, - "Ġisoelectric": 48302, - "ĠPPG": 48303, - "probably": 48304, - "AMPK": 48305, - "ĠWolfe": 48306, - "Ġultrafine": 48307, - "Beyond": 48308, - "onat": 48309, - "edian": 48310, - "ENABLE": 48311, - "ĠHAM": 48312, - "sout": 48313, - "ĠOpinion": 48314, - "rinted": 48315, - "typing": 48316, - "Unknown": 48317, - "Ġbuckets": 48318, - "Ġintuitionistic": 48319, - "algorithms": 48320, - "SSC": 48321, - "bir": 48322, - "ĠPond": 48323, - "advert": 48324, - "ipin": 48325, - "Ġupwind": 48326, - "ĠClaire": 48327, - "ĠMaturation": 48328, - "ĠPrP": 48329, - "OPO": 48330, - "FORMANCE": 48331, - "ĠdM": 48332, - "ĠCities": 48333, - "Ġinterrelated": 48334, - "ĠApparatus": 48335, - "Ġprecious": 48336, - "criptors": 48337, - "Ġpreparedness": 48338, - "ĠARCH": 48339, - "ĠPathogens": 48340, - "HOST": 48341, - "ĠGibbons": 48342, - "Ġirregularity": 48343, - "ĠLipids": 48344, - "Ġcfu": 48345, - "Ġvasodilation": 48346, - "imetre": 48347, - "improved": 48348, - "mq": 48349, - "ĠHens": 48350, - "ĠLoci": 48351, - "uncredited": 48352, - "Ġmultigrid": 48353, - "tigo": 48354, - "Ġaccountability": 48355, - "enchyme": 48356, - "Ġdisadvantaged": 48357, - "Ġbisphenol": 48358, - "Ġtic": 48359, - "Ġforks": 48360, - "ĠWester": 48361, - "ĠVii": 48362, - "ĠJere": 48363, - "simultaneous": 48364, - "ĠGuarant": 48365, - "ĠDoyle": 48366, - "Ġpotentiates": 48367, - "lassified": 48368, - "Ġileal": 48369, - "Ġvasoconstriction": 48370, - "MODULE": 48371, - "Nano": 48372, - "Wood": 48373, - "ĠTAT": 48374, - "urious": 48375, - "unya": 48376, - "Ġinstillation": 48377, - "ĠSimmons": 48378, - "ĠDirectional": 48379, - "Ġmalate": 48380, - "Ġplantation": 48381, - "Ġunsolved": 48382, - "ĠTauri": 48383, - "Ġovine": 48384, - "Ġkeratinocyte": 48385, - "ĠKullback": 48386, - "ĠKazakhstan": 48387, - "Ġhirs": 48388, - "ĠAerobic": 48389, - "ĠHai": 48390, - "ĠRiley": 48391, - "ensible": 48392, - "Ġinterplanetary": 48393, - "Ġtransits": 48394, - "Ġgenerous": 48395, - "Ġcalpain": 48396, - "Ġappended": 48397, - "ĠHydrodynamics": 48398, - "Ġcolonize": 48399, - "Ġheartbeat": 48400, - "Ġmetastas": 48401, - "Ġpyreth": 48402, - "ĠPAK": 48403, - "ĠС": 48404, - "multiplet": 48405, - "ĠBrady": 48406, - "Ġpropria": 48407, - "ĠFrontier": 48408, - "ĠJoyce": 48409, - "ĠPGF": 48410, - "ĠMcl": 48411, - "recurrent": 48412, - "ĠReplacing": 48413, - "inference": 48414, - "ĠWhitt": 48415, - "Ġschooling": 48416, - "ĠHarold": 48417, - "Ġabstractions": 48418, - "âĬķ": 48419, - "memcpy": 48420, - "Ġmicronucle": 48421, - "Ġradionuclide": 48422, - "otyl": 48423, - "ĠMIF": 48424, - "ĠMUS": 48425, - "Ġexfoli": 48426, - "ĠFamilial": 48427, - "Ġclam": 48428, - "ONO": 48429, - "Ġvanilla": 48430, - "Ġpastoris": 48431, - "ĠATL": 48432, - "ĠBursts": 48433, - "Quantitative": 48434, - "Ġeliciting": 48435, - "Ġgranulomatous": 48436, - "Ġbrowsing": 48437, - "tracks": 48438, - "Ġhij": 48439, - "ĠBCP": 48440, - "incomp": 48441, - "azid": 48442, - "ckpt": 48443, - "Ġlinkers": 48444, - "Ġsquid": 48445, - "Ġheadaches": 48446, - "ĠMoral": 48447, - "Ġstabilisation": 48448, - "&&&&": 48449, - "ĠSufficient": 48450, - "ĠArchaea": 48451, - "Ġìł": 48452, - "ĠLuciferase": 48453, - "Camera": 48454, - "expanded": 48455, - "Ġmysterious": 48456, - "HPS": 48457, - "ĠBJ": 48458, - "ĠKNN": 48459, - "Ġsuperhydrophobic": 48460, - "ĠHydrothermal": 48461, - "ĠRusso": 48462, - "ĠArsenic": 48463, - "Ġnormotensive": 48464, - "ultimate": 48465, - "ĠCMIP": 48466, - "examined": 48467, - "Ġmicroporous": 48468, - "Ġforever": 48469, - "ĠSTING": 48470, - "IGS": 48471, - "ĉĉĉĠĠ": 48472, - "Plant": 48473, - "Ġcoherently": 48474, - "charging": 48475, - "Ġinherit": 48476, - "alternative": 48477, - "ĠBaptist": 48478, - "Fm": 48479, - "bipy": 48480, - "Ġoler": 48481, - "ĠSubstit": 48482, - "Ġultrap": 48483, - "freeze": 48484, - "pergill": 48485, - "POSE": 48486, - "Ġadvertisements": 48487, - "ECHAN": 48488, - "Bayesian": 48489, - "Ġcobordism": 48490, - "¸°": 48491, - "ĠAER": 48492, - "ĠAIP": 48493, - "ĠLNA": 48494, - "essentially": 48495, - "reciprocal": 48496, - "ĠAnand": 48497, - "Ġsmeared": 48498, - "onese": 48499, - "ethylamine": 48500, - "ĠERS": 48501, - "Ġjudicial": 48502, - "Ġwoodland": 48503, - "ĠGregor": 48504, - "Ġtabular": 48505, - "avirin": 48506, - "mirror": 48507, - "Ġjaundice": 48508, - "astigotes": 48509, - "ĠLGBT": 48510, - "ĠNaj": 48511, - "Ġsubscheme": 48512, - "Ġmultiuser": 48513, - "Ġdrains": 48514, - "Ġevacuated": 48515, - "phosphoryl": 48516, - "ĠFeldman": 48517, - "ĠTRIzol": 48518, - "ĠBLEU": 48519, - "aromatic": 48520, - "oviÄĩ": 48521, - "pion": 48522, - "repr": 48523, - "roth": 48524, - "ĠFES": 48525, - "ĠLeeds": 48526, - "Ġung": 48527, - "obranch": 48528, - "Ġpatency": 48529, - "ĠScr": 48530, - "ĠSimplex": 48531, - "pecies": 48532, - "Ġbenefici": 48533, - "Ġpolymerases": 48534, - "ĠCygn": 48535, - "octadec": 48536, - "Ġpunctured": 48537, - "Ġjaponicus": 48538, - "ĠFPGAs": 48539, - "frown": 48540, - "Ġeb": 48541, - "utiny": 48542, - "ĠPoy": 48543, - "ĠBrent": 48544, - "ĠBAM": 48545, - "ĠHick": 48546, - "ĠNPS": 48547, - "ĠGDF": 48548, - "ĠVIRT": 48549, - "Ġinterl": 48550, - "ĠscFv": 48551, - "Ġteamm": 48552, - "Ġparticipatory": 48553, - "Ġexistential": 48554, - "Ġosteomyelitis": 48555, - "Ġpneumothorax": 48556, - "stdout": 48557, - "Ġsingletons": 48558, - "hypothesis": 48559, - "stratified": 48560, - "USD": 48561, - "onasal": 48562, - "eris": 48563, - "imits": 48564, - "ĠICs": 48565, - "ĠEncephal": 48566, - "izi": 48567, - "ĠGradients": 48568, - "Ġallop": 48569, - "Ġcorp": 48570, - "constructed": 48571, - "Ġmonument": 48572, - "simulator": 48573, - "ĠFermions": 48574, - "ĠWyoming": 48575, - "Ġprednisolone": 48576, - "Lang": 48577, - "Notes": 48578, - "eer": 48579, - "Ġfighter": 48580, - "entrant": 48581, - "ĠNij": 48582, - "ĠGPD": 48583, - "ĠProl": 48584, - "Ġrealisation": 48585, - "Ġpackings": 48586, - "ĠDiscovering": 48587, - "ĠAnglo": 48588, - "ĠCassini": 48589, - "execute": 48590, - "Ġinhabited": 48591, - "across": 48592, - "ĠCram": 48593, - "ĠNBR": 48594, - "antes": 48595, - "Ġdispersing": 48596, - "achandran": 48597, - "ĠUND": 48598, - "Ġshoulders": 48599, - "Ġcrises": 48600, - "ustrine": 48601, - "Ġpropane": 48602, - "UNE": 48603, - "brush": 48604, - "Ġetiologies": 48605, - "Ġshotgun": 48606, - "showing": 48607, - "ĠPhytochemical": 48608, - "ĠMehta": 48609, - "orrhea": 48610, - "ĠImagery": 48611, - "Tre": 48612, - "wc": 48613, - "Ġeluent": 48614, - "ondin": 48615, - "ĠAttitude": 48616, - "Ġferromagnet": 48617, - "Ġcountermeasures": 48618, - "Ġalkanes": 48619, - "ĠCapillary": 48620, - "latent": 48621, - "Ġsolubil": 48622, - "Viewer": 48623, - "ázquez": 48624, - "ĠPunjab": 48625, - "aas": 48626, - "tang": 48627, - "Ġimports": 48628, - "ĠYounger": 48629, - "roughly": 48630, - "Weinberg": 48631, - "ĠAtkinson": 48632, - "bfa": 48633, - "MPa": 48634, - "steel": 48635, - "PCP": 48636, - "chlorinated": 48637, - "ĠPsychometric": 48638, - "Ġpyroptosis": 48639, - "Ġwatched": 48640, - "ĠPercutaneous": 48641, - "RBD": 48642, - "VARI": 48643, - "atu": 48644, - "ĠWake": 48645, - "Ġcanyon": 48646, - "iparous": 48647, - "Ġscall": 48648, - "completely": 48649, - "interfer": 48650, - "ophyceae": 48651, - "Ġfatalities": 48652, - "czak": 48653, - "ĠPathophysiology": 48654, - "Lem": 48655, - "lach": 48656, - "tuary": 48657, - "Ġalex": 48658, - "Ġsisters": 48659, - "Ġpum": 48660, - "ĠCatch": 48661, - "ĠEber": 48662, - "inex": 48663, - "phthe": 48664, - "Ġboar": 48665, - "ĠSoul": 48666, - "Ġcatfish": 48667, - "Ġcloudy": 48668, - "ĠBuilt": 48669, - "ophylline": 48670, - "ĠRibosome": 48671, - "ĠAnomalies": 48672, - "YD": 48673, - "categorical": 48674, - "wor": 48675, - "openta": 48676, - "ĠLIB": 48677, - "Ġrick": 48678, - "Ġradiations": 48679, - "Ġhypercube": 48680, - "Ġmaltreatment": 48681, - "ĠîĦĦ": 48682, - "dispersity": 48683, - "continent": 48684, - "Digital": 48685, - "ĠCoryneb": 48686, - "Ġrevert": 48687, - "ĠTEA": 48688, - "ĠMLR": 48689, - "ĠFCM": 48690, - "ĠLamp": 48691, - "izabilities": 48692, - "Ġcarved": 48693, - "ĠMonoclonal": 48694, - "Ġpenis": 48695, - "ĠMorales": 48696, - "Enter": 48697, - "esterification": 48698, - "Ġcabbage": 48699, - "RANTIES": 48700, - "Ġdebridement": 48701, - "Lead": 48702, - "cAMP": 48703, - "Ġcesium": 48704, - "ĠCubic": 48705, - "Ġunimodular": 48706, - "ĠExport": 48707, - "Ġanalyser": 48708, - "denotes": 48709, - "Ġradically": 48710, - "ĠHistology": 48711, - "Ġmelanomas": 48712, - "Ġworship": 48713, - "ĠHimalayan": 48714, - "ĠIntegrable": 48715, - "benzenesulfonamide": 48716, - "Ġharbored": 48717, - "Putting": 48718, - "ĠTir": 48719, - "ĠUTI": 48720, - "centers": 48721, - "ĠPluripot": 48722, - "Ġharbors": 48723, - "Ġcarbam": 48724, - "ĠAppalach": 48725, - "ĠJoan": 48726, - "ĠCommissioner": 48727, - "ĠGemini": 48728, - "Near": 48729, - "OPS": 48730, - "QG": 48731, - "pytorch": 48732, - "staining": 48733, - "ĠhCG": 48734, - "Ġgavage": 48735, - "perhaps": 48736, - "ĠGrib": 48737, - "ĠZah": 48738, - "Ġcomparably": 48739, - "ĠBioscience": 48740, - "SPL": 48741, - "Connell": 48742, - "ĠAirway": 48743, - "primed": 48744, - "Ġsubmucosal": 48745, - "Enhanced": 48746, - "Ġwisdom": 48747, - "VN": 48748, - "ĠMumbai": 48749, - "rius": 48750, - "ĠRGD": 48751, - "ĠRNeasy": 48752, - "mai": 48753, - "ĠADL": 48754, - "Ġadoptive": 48755, - "Outlined": 48756, - "ĠWARRANTIES": 48757, - "ĠViolence": 48758, - "Ġcaterp": 48759, - "Fund": 48760, - "dθ": 48761, - "ĠPok": 48762, - "ĠBenson": 48763, - "ĠRIG": 48764, - "ĠVs": 48765, - "Ġinstants": 48766, - "ĠMultidrug": 48767, - "PDMS": 48768, - "CONST": 48769, - "Ġcartridge": 48770, - "ĠLifestyle": 48771, - "ĠCONDITIONS": 48772, - "odysplastic": 48773, - "CONTROL": 48774, - "LHC": 48775, - "tire": 48776, - "ĠStain": 48777, - "Ġyx": 48778, - "Ġjunctional": 48779, - "obo": 48780, - "annah": 48781, - "ĠCPAP": 48782, - "Ġsoundness": 48783, - "ĠUltimate": 48784, - "silicon": 48785, - "Ġparalog": 48786, - "Events": 48787, - "Gas": 48788, - "JE": 48789, - "ĠJorge": 48790, - "Ġoverproduction": 48791, - "Ġmaxilla": 48792, - "ĠReasons": 48793, - "weeks": 48794, - "ĠNearest": 48795, - "Ġheadspace": 48796, - "ĠATC": 48797, - "balancing": 48798, - "Ġjudging": 48799, - "ĠUniversality": 48800, - "Ġsinuses": 48801, - "Ġretroperitoneal": 48802, - "Detection": 48803, - "Ġhydrolysate": 48804, - "Hoch": 48805, - "wrapper": 48806, - "ĠpKa": 48807, - "Ġlasso": 48808, - "ĠAlu": 48809, - "ĠAPR": 48810, - "ĠDors": 48811, - "ĠDarboux": 48812, - "ĠRFS": 48813, - "ĠKhar": 48814, - "ĠThrom": 48815, - "Ġdesignate": 48816, - "arco": 48817, - "Ġthermostat": 48818, - "ĠGlacial": 48819, - "IFF": 48820, - "ĠManifest": 48821, - "Ġinterspersed": 48822, - "hauser": 48823, - "ĠDDX": 48824, - "Ġale": 48825, - "tides": 48826, - "Ġlaccase": 48827, - "ĠHered": 48828, - "ĠRacial": 48829, - "ĠKats": 48830, - "ajo": 48831, - "ĠCoordinated": 48832, - "ĠProbably": 48833, - "Ġtitanate": 48834, - "SLAM": 48835, - "driving": 48836, - "ĠEmergent": 48837, - "ĠDrives": 48838, - "Ġobligations": 48839, - "Ġnebulae": 48840, - "fried": 48841, - "ithin": 48842, - "ĠPGD": 48843, - "occlusion": 48844, - "ĠUH": 48845, - "Ġsubroutine": 48846, - "oidin": 48847, - "Ġannoy": 48848, - "ĠVirasoro": 48849, - "instances": 48850, - "ĠDerby": 48851, - "Ġtriangulations": 48852, - "Ġcutoffs": 48853, - "ĠOrganizational": 48854, - "ĠVenk": 48855, - "ĠEGTA": 48856, - "ĠDeutsche": 48857, - "Ġantineut": 48858, - "ĠVulnerability": 48859, - "iated": 48860, - "Ġavium": 48861, - "Ġhsp": 48862, - "emulsions": 48863, - "adherence": 48864, - "ĠUPS": 48865, - "maph": 48866, - "ĠVAP": 48867, - "relatively": 48868, - "Ġmaxill": 48869, - "ophase": 48870, - "Threshold": 48871, - "ĠSupp": 48872, - "ethoprim": 48873, - "Ġpenetrated": 48874, - "Ġblasting": 48875, - "ĠAdvantages": 48876, - "BUS": 48877, - "olson": 48878, - "recv": 48879, - "Ġcarnitine": 48880, - "tening": 48881, - "Ġprovoked": 48882, - "various": 48883, - "ĠCalab": 48884, - "leneck": 48885, - "ĠParkin": 48886, - "Ġblowup": 48887, - "ĠDWI": 48888, - "synthesized": 48889, - "Ġdisproportionately": 48890, - "Ġcardiorespiratory": 48891, - "ĠXanthomonas": 48892, - "Ġpuncta": 48893, - "bddc": 48894, - "ĠPACS": 48895, - "aseg": 48896, - "Ġincurs": 48897, - "osta": 48898, - "ĠJL": 48899, - "ĠWeierstrass": 48900, - "oleucine": 48901, - "Ġfinals": 48902, - "Ġcausation": 48903, - "ĠDirective": 48904, - "ĠPorto": 48905, - "ĠFlores": 48906, - "arbonyl": 48907, - "----------------------------------------------------------------------------": 48908, - "historic": 48909, - "Kähler": 48910, - "onna": 48911, - "Ġcel": 48912, - "ĠTBA": 48913, - "ĠOphthal": 48914, - "Ġsubthreshold": 48915, - "Ġlips": 48916, - "ĠSubstrates": 48917, - "Ġpeninsula": 48918, - "Ġadsor": 48919, - "Ġdryness": 48920, - "masses": 48921, - "ème": 48922, - "strok": 48923, - "ĠExpanded": 48924, - "Ġgc": 48925, - "ĠGolf": 48926, - "Ġcritique": 48927, - "ĠÍ©": 48928, - "Ġlensed": 48929, - "ĠKingma": 48930, - "ĠGoldman": 48931, - "ĠFacile": 48932, - "Carl": 48933, - "Ġchondrites": 48934, - "ĠCohomology": 48935, - "ĠSocioeconomic": 48936, - "ĠDominican": 48937, - "ĠAzerbaijan": 48938, - "ĠAne": 48939, - "ĠMidd": 48940, - "ĠNed": 48941, - "Ġemulate": 48942, - "ĠShakes": 48943, - "Ġliked": 48944, - "Ġbuildup": 48945, - "Ġexcessively": 48946, - "ĠŶ": 48947, - "ĠAdapted": 48948, - "Ġauthenticated": 48949, - "Ġlocomotive": 48950, - "Ġsubmill": 48951, - "Ġinterpreter": 48952, - "ĠVibrational": 48953, - "Rα": 48954, - "laden": 48955, - "pkl": 48956, - "rw": 48957, - "yet": 48958, - "enzymes": 48959, - "Ġwav": 48960, - "ĠNMT": 48961, - "athion": 48962, - "Ġbiotechnological": 48963, - "arcs": 48964, - "Ġactuated": 48965, - "Ġherring": 48966, - "ECG": 48967, - "OCI": 48968, - "Activated": 48969, - "Ġparaph": 48970, - "Observation": 48971, - "ĠEkman": 48972, - "ancellor": 48973, - "velihood": 48974, - "Gauss": 48975, - "HAL": 48976, - "rdev": 48977, - "tbl": 48978, - "icits": 48979, - "ĠRoux": 48980, - "opram": 48981, - "Ġseropositive": 48982, - "ĠPhysically": 48983, - "ĠEdu": 48984, - "Ġdocumenting": 48985, - "Ġо": 48986, - "ĠSmaller": 48987, - "chery": 48988, - "Ġlanthanide": 48989, - "Today": 48990, - "ÑĨ": 48991, - "Ġotitis": 48992, - "ĠCores": 48993, - "ifolium": 48994, - "ĠZel": 48995, - "Ġtimings": 48996, - "coarse": 48997, - "repair": 48998, - "ĠLDPC": 48999, - "Ġbowl": 49000, - "ĠEpidermal": 49001, - "Ġâľ²": 49002, - "Ġsynonyms": 49003, - "ĠENT": 49004, - "Ġbilliard": 49005, - "Ġejac": 49006, - "ĠBAA": 49007, - "Ġscientif": 49008, - "Ġγγ": 49009, - "Ġcapsular": 49010, - "Ġazithromycin": 49011, - "Ġcredentials": 49012, - "Ġḳ": 49013, - "ĠGlioblastoma": 49014, - "Ġuncoated": 49015, - "Ġhibern": 49016, - "ĠTos": 49017, - "ĠBaro": 49018, - "ĠKass": 49019, - "yland": 49020, - "ĠXM": 49021, - "Ġaggra": 49022, - "Ġneutralize": 49023, - "licted": 49024, - "Ġsoundtrack": 49025, - "ĠKnud": 49026, - "ensorship": 49027, - "empfer": 49028, - "ĠHaldane": 49029, - "ĠRocks": 49030, - "ĠGou": 49031, - "ĠOpi": 49032, - "ibacterium": 49033, - "eptives": 49034, - "usta": 49035, - "pars": 49036, - "ukawa": 49037, - "bein": 49038, - "elius": 49039, - "averaging": 49040, - "ĠMWCNT": 49041, - "Ġshielded": 49042, - "Ġquaternionic": 49043, - "BatchNorm": 49044, - "Ġdella": 49045, - "ĠTp": 49046, - "Ġbyproduct": 49047, - "ĠGow": 49048, - "ĠJO": 49049, - "Ġparameterize": 49050, - "gler": 49051, - "Ġfacult": 49052, - "Ġ͵": 49053, - "Ġnomination": 49054, - "Ġbaths": 49055, - "Ġinstallations": 49056, - "ĠJustin": 49057, - "Ġchampionships": 49058, - "tap": 49059, - "ĠSanc": 49060, - "ĠSusp": 49061, - "Ġsubleading": 49062, - "Ġdefended": 49063, - "Ġbutyl": 49064, - "remote": 49065, - "Ġcarbides": 49066, - "ĠPredicts": 49067, - "ĠPriority": 49068, - "ĠAntibiotics": 49069, - "ĠPUFAs": 49070, - "ĠMICs": 49071, - "ĠMaximization": 49072, - "bare": 49073, - "ĠPCN": 49074, - "Ġinfested": 49075, - "Ġsolenoid": 49076, - "Ġagronomic": 49077, - "ANGE": 49078, - "Rev": 49079, - "ĠNKG": 49080, - "Ġsaponins": 49081, - "Recommend": 49082, - "Ġsharpen": 49083, - "othioyl": 49084, - "suspended": 49085, - "atron": 49086, - "usage": 49087, - "ilter": 49088, - "ĠNER": 49089, - "CRIPT": 49090, - "infections": 49091, - "Ġheterosexual": 49092, - "Ġmesoc": 49093, - "ĠBobby": 49094, - "allocate": 49095, - "ĠPayne": 49096, - "ĠSultan": 49097, - "è¡": 49098, - "racles": 49099, - "ribe": 49100, - "ĠDoub": 49101, - "ĠPAF": 49102, - "communication": 49103, - "Ġnineteenth": 49104, - "Ġpoplar": 49105, - "pgfstrok": 49106, - "pgfstrokecolor": 49107, - "SLE": 49108, - "ecia": 49109, - "Ġdetach": 49110, - "Ġcharity": 49111, - "Ġmonochrom": 49112, - "Ġprescribe": 49113, - "Ġsupermassive": 49114, - "Ġguards": 49115, - "Ġcycloaddition": 49116, - "Cohen": 49117, - "phosphatidyl": 49118, - "created": 49119, - "ĠElectrodynamics": 49120, - "Ġplasmons": 49121, - "Ñģк": 49122, - "ĠDaphnia": 49123, - "easy": 49124, - "Ġaq": 49125, - "Ġfimb": 49126, - "Ġwrest": 49127, - "ĠTend": 49128, - "hipp": 49129, - "Ġorganisational": 49130, - "MAE": 49131, - "OPY": 49132, - "Ġpotentiated": 49133, - "Ġbrute": 49134, - "omassie": 49135, - "aunay": 49136, - "luster": 49137, - "Ġophi": 49138, - "unge": 49139, - "ĠPom": 49140, - "Ġplague": 49141, - "berries": 49142, - "Ġinviscid": 49143, - "ĠQE": 49144, - "incident": 49145, - "ximide": 49146, - "Ġestrogens": 49147, - "ĠTransparent": 49148, - "vereign": 49149, - "ĠPreferred": 49150, - "Ġelastase": 49151, - "Civ": 49152, - "JF": 49153, - "Ku": 49154, - "caster": 49155, - "Ġspends": 49156, - "Ġabstracted": 49157, - "otechnical": 49158, - "Ġbreeders": 49159, - "Ġsyringae": 49160, - "Ġclotting": 49161, - "African": 49162, - "PEC": 49163, - "usep": 49164, - "Ġstark": 49165, - "solete": 49166, - "ofovir": 49167, - "Ġsensations": 49168, - "azawa": 49169, - "Ġbiomechanics": 49170, - "Ġemergencies": 49171, - "Ġspectrometers": 49172, - "Ġhemispheric": 49173, - "Ġdiscriminatory": 49174, - "ĠInspection": 49175, - "ndim": 49176, - "REP": 49177, - "ĠWess": 49178, - "Ġhyperalgesia": 49179, - "IRC": 49180, - "Ġauthorship": 49181, - "CPA": 49182, - "Ġrotationally": 49183, - "ĠPyth": 49184, - "ĠYamaguchi": 49185, - "Fields": 49186, - "Ġenrolment": 49187, - "ĠRethinking": 49188, - "Gate": 49189, - "ìĺ": 49190, - "Ġcements": 49191, - "ĠTTS": 49192, - "ĠFink": 49193, - "adus": 49194, - "ĠLl": 49195, - "Ġimplicate": 49196, - "annihilation": 49197, - "Ġfeeders": 49198, - "ĠPDX": 49199, - "ĠFrançois": 49200, - "Spearman": 49201, - "ĠBenchmarking": 49202, - "Forest": 49203, - "evidence": 49204, - "enoyl": 49205, - "olactone": 49206, - "cephaly": 49207, - "ĠPEA": 49208, - "ĠNSE": 49209, - "Ġnotified": 49210, - "Ġpolyelectrolyte": 49211, - "ĠMalik": 49212, - "anthine": 49213, - "tetrad": 49214, - "Ġflagella": 49215, - "ãĥ¼": 49216, - "orpion": 49217, - "Ġbuyers": 49218, - "Ġoligodendrocyte": 49219, - "ĠNMDAR": 49220, - "ĠHarvesting": 49221, - "Ġkarst": 49222, - "IBD": 49223, - "ĠFolk": 49224, - "Ġsubcarrier": 49225, - "Ġnotices": 49226, - "ĠYous": 49227, - "awak": 49228, - "Ġadversaries": 49229, - "Looking": 49230, - "Ġthymocytes": 49231, - "Ġmeningioma": 49232, - "Ġilluminate": 49233, - "ĠSPDX": 49234, - "Ġimpinging": 49235, - "associative": 49236, - "Ġtiger": 49237, - "leon": 49238, - "Ġstature": 49239, - "ĠHood": 49240, - "ĠRutherford": 49241, - "ĠEIT": 49242, - "Ġinfantile": 49243, - "ĠQubit": 49244, - "Ġpacks": 49245, - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 49246, - "azolam": 49247, - "า": 49248, - "ĠTunisia": 49249, - "dilution": 49250, - "Ġsympatric": 49251, - "Ġliquefaction": 49252, - "porphyrin": 49253, - "Gn": 49254, - "Rib": 49255, - "isothermal": 49256, - "apo": 49257, - "Ġregressors": 49258, - "mani": 49259, - "ĠILs": 49260, - "oxidants": 49261, - "Atom": 49262, - "ligo": 49263, - "ĠSRAM": 49264, - "alcone": 49265, - "csr": 49266, - "Ġcautious": 49267, - "Ġhandlers": 49268, - "Ġgastritis": 49269, - "ĠSupervision": 49270, - "Ġevaporative": 49271, - "RUN": 49272, - "ĠICG": 49273, - "ĠPrague": 49274, - "ĠMLC": 49275, - "ĠMoney": 49276, - "ĠRm": 49277, - "ĠECS": 49278, - "velt": 49279, - "ĠVg": 49280, - "Ġbiography": 49281, - "Ġministry": 49282, - "convolution": 49283, - "ogenomics": 49284, - "rounding": 49285, - "ĠPhag": 49286, - "Ġaudiences": 49287, - "ĠHCWs": 49288, - "Ġblastocysts": 49289, - "Ġdiagonals": 49290, - "Ġprecautions": 49291, - "Íĵ": 49292, - "ecewise": 49293, - "ĠToxin": 49294, - "ĠHapp": 49295, - "ĠâĢĭ": 49296, - "Ġpopulate": 49297, - "mmol": 49298, - "ĠPRS": 49299, - "Ġreinforces": 49300, - "ISTIC": 49301, - "ozoites": 49302, - "arrival": 49303, - "Ġpavement": 49304, - "REGISTER": 49305, - "ĠGases": 49306, - "ĠExhib": 49307, - "Ġfactorizations": 49308, - "Ġmyopia": 49309, - "Ġmovable": 49310, - "ĠLIMIT": 49311, - "Ġsoleus": 49312, - "DOUBLE": 49313, - "ĠInputs": 49314, - "footnotes": 49315, - "BITS": 49316, - "ĠCyprus": 49317, - "reports": 49318, - "ĠPAA": 49319, - "istal": 49320, - "Ġgroupoids": 49321, - "orphin": 49322, - "ĠCoordinates": 49323, - "boro": 49324, - "ĠOslo": 49325, - "whenever": 49326, - "Ġplausibility": 49327, - "ĠFoxO": 49328, - "ĠIntrusion": 49329, - "Ġsimplices": 49330, - "ĠFaso": 49331, - "Ġpicosecond": 49332, - "ĠAnsatz": 49333, - "Importantly": 49334, - "ĠHutchinson": 49335, - "ovani": 49336, - "ĠAsymptotics": 49337, - "Ġappra": 49338, - "ĠExogenous": 49339, - "Ġcaptions": 49340, - "ĠAcanth": 49341, - "Ġillicit": 49342, - "ĠBladder": 49343, - "Ġboom": 49344, - "ĠSalinity": 49345, - "Ġmuscul": 49346, - "eptidyl": 49347, - "Ġavalanches": 49348, - "Helper": 49349, - "Ġbivalve": 49350, - "Ġreimbursement": 49351, - "zzo": 49352, - "romatosis": 49353, - "Ġparacetamol": 49354, - "vio": 49355, - "Ġvalpro": 49356, - "clamation": 49357, - "Ġuu": 49358, - "ĠSoC": 49359, - "ĠGiac": 49360, - "Ġlycopene": 49361, - "Flags": 49362, - "Ġsticking": 49363, - "Ġsqueeze": 49364, - "synthetic": 49365, - "osahexaenoic": 49366, - "mobile": 49367, - "vect": 49368, - "ĠBaryon": 49369, - "Ġnef": 49370, - "Ġflatter": 49371, - "SSI": 49372, - "Ġschw": 49373, - "ancreas": 49374, - "Buf": 49375, - "Solid": 49376, - "ĠRIPA": 49377, - "Square": 49378, - "Ġtranscendental": 49379, - "Ġcyn": 49380, - "Ġmf": 49381, - "ĠSew": 49382, - "ĠPIT": 49383, - "ocs": 49384, - "ĠBash": 49385, - "Ġsurprised": 49386, - "Ġautonomously": 49387, - "Ġlocalizing": 49388, - "Ġvisitor": 49389, - "Ġpersisting": 49390, - "Ġlandfill": 49391, - "datetime": 49392, - "Ġfiref": 49393, - "ĠEngineered": 49394, - "ĠSnyder": 49395, - "ochromes": 49396, - "fractionated": 49397, - "GPI": 49398, - "Ġwoven": 49399, - "ĠTMR": 49400, - "Ġforgotten": 49401, - "ĠMult": 49402, - "ĠBipolar": 49403, - "ĠHisp": 49404, - "opeptides": 49405, - "apamil": 49406, - "Ġrouted": 49407, - "Ġagn": 49408, - "Ġdaylight": 49409, - "ĠÍĶ": 49410, - "BBB": 49411, - "ĠMajority": 49412, - "Ġconfounded": 49413, - "ĠCaroline": 49414, - "ĠShimura": 49415, - "ruction": 49416, - "Ġtympan": 49417, - "acio": 49418, - "ĠTFE": 49419, - "ĠTutorial": 49420, - "Ġallyl": 49421, - "ĠFrost": 49422, - "ĠRPS": 49423, - "ĠWah": 49424, - "Ġiy": 49425, - "Ġsubproblems": 49426, - "Ġairfoil": 49427, - "Ġembeds": 49428, - "ĠMorning": 49429, - "Ġminorities": 49430, - "ĠMembership": 49431, - "Ġquadriceps": 49432, - "yly": 49433, - "ĠBodies": 49434, - "ĠRAND": 49435, - "Ġrationally": 49436, - "ĠManifold": 49437, - "phosphine": 49438, - "considering": 49439, - "ezvous": 49440, - "ĠKnowing": 49441, - "Ġtumorigenic": 49442, - "Ġilluminating": 49443, - "ĠFernandes": 49444, - "polynomials": 49445, - "ĠBulgarian": 49446, - "ĠBhattacharya": 49447, - "ospira": 49448, - "Api": 49449, - "henne": 49450, - "Ġmays": 49451, - "ĠArgin": 49452, - "interpol": 49453, - "ĠAndean": 49454, - "ĠPDS": 49455, - "ĠCNP": 49456, - "Ġtransfusions": 49457, - "ĠNanom": 49458, - "Ġsynergism": 49459, - "Ġbentonite": 49460, - "Ġgravitons": 49461, - "aquette": 49462, - "Ġfissure": 49463, - "tandem": 49464, - "wash": 49465, - "ĠEyes": 49466, - "Ġdilepton": 49467, - "Ġrectified": 49468, - "ĠArist": 49469, - "iscible": 49470, - "Ġirq": 49471, - "Ġligaments": 49472, - "security": 49473, - "Ġvascularization": 49474, - "NaCl": 49475, - "ĠStraight": 49476, - "ĠLeptin": 49477, - "ĠAbundances": 49478, - "ĠKEY": 49479, - "ĠMothers": 49480, - "ĠRenewable": 49481, - "Ġmasonry": 49482, - "ëı": 49483, - "raceutical": 49484, - "Ġarity": 49485, - "ĠAlves": 49486, - "ospectral": 49487, - "Ġimmunod": 49488, - "Ġmarble": 49489, - "Ġcoverings": 49490, - "ĠConstants": 49491, - "ĠReversal": 49492, - "Works": 49493, - "ĠNurse": 49494, - "ĠAggregate": 49495, - "acillin": 49496, - "plug": 49497, - "Ġjury": 49498, - "oneogenesis": 49499, - "Ġamoeb": 49500, - "aukee": 49501, - "Ġphosphoric": 49502, - "ĠRemoving": 49503, - "Ġworsen": 49504, - "ĠESRD": 49505, - "ĠHernandez": 49506, - "ĠEugene": 49507, - "viscosity": 49508, - "FID": 49509, - "¦": 49510, - "ĠÝ": 49511, - "ĠStig": 49512, - "ĠSING": 49513, - "ĠIMRT": 49514, - "ĠBq": 49515, - "ĠDME": 49516, - "ĠHOM": 49517, - "physis": 49518, - "obes": 49519, - "Ġsuperfields": 49520, - "Ġargc": 49521, - "Ġmaladaptive": 49522, - "ĠEditing": 49523, - "Ġcondem": 49524, - "ubei": 49525, - "stimulus": 49526, - "Ġabbreviation": 49527, - "Haus": 49528, - "ĠNeeds": 49529, - "Ġadhering": 49530, - "ĠVPA": 49531, - "ofrontal": 49532, - "ĠŪ": 49533, - "ĠVerde": 49534, - "ĠSlav": 49535, - "ĠPropag": 49536, - "Ġcongeners": 49537, - "Ġtilapia": 49538, - "ĠRachel": 49539, - "Less": 49540, - "Ġmasc": 49541, - "entangled": 49542, - "ĠDTI": 49543, - "atik": 49544, - "rolases": 49545, - "ĠYen": 49546, - "armor": 49547, - "ĠDecisions": 49548, - "Ġηp": 49549, - "Intuitively": 49550, - "ĠPharmaceuticals": 49551, - "Ju": 49552, - "uddin": 49553, - "ĠWASP": 49554, - "nton": 49555, - "Ġbiot": 49556, - "ĠZNF": 49557, - "Ġcrush": 49558, - "ĠParity": 49559, - "SIST": 49560, - "EVENT": 49561, - "ĠSquamous": 49562, - "Student": 49563, - "Ġgingivalis": 49564, - "fused": 49565, - "ĠMises": 49566, - "ĠFDTD": 49567, - "oreceptors": 49568, - "Ġdiscretion": 49569, - "ORTC": 49570, - "MSP": 49571, - "Ġexposes": 49572, - "Ġchlorinated": 49573, - "ĠUpregulation": 49574, - "ĠLimb": 49575, - "Ġanticor": 49576, - "Regular": 49577, - "Advanced": 49578, - "Xe": 49579, - "aghan": 49580, - "ĠBLA": 49581, - "Ġcoasts": 49582, - "ĠThirteen": 49583, - "hesin": 49584, - "ĠMethanol": 49585, - "rotus": 49586, - "ĠStephens": 49587, - "Book": 49588, - "ĠHistorically": 49589, - "ĠEmploying": 49590, - "Ġcorrugated": 49591, - "mercaptoethanol": 49592, - "ĠDnmt": 49593, - "ĠQueries": 49594, - "DRB": 49595, - "ĠGRU": 49596, - "FLU": 49597, - "ĠCarboniferous": 49598, - "OBJECT": 49599, - "ĠDiscriminative": 49600, - "ĠBurgess": 49601, - "Ġplanetesimals": 49602, - "ĠAmendment": 49603, - "ĠStrikingly": 49604, - "tric": 49605, - "ecure": 49606, - "Ġtransposable": 49607, - "rolateral": 49608, - "Ġhisti": 49609, - "egaard": 49610, - "Ġskim": 49611, - "ĠSPF": 49612, - "Statistics": 49613, - "Ġintestines": 49614, - "feng": 49615, - "lain": 49616, - "Ġtheat": 49617, - "Ġorogen": 49618, - "Ġpill": 49619, - "odopa": 49620, - "Ġcorrelative": 49621, - "ACO": 49622, - "Ġadjunction": 49623, - "ĠCarey": 49624, - "Ġteleportation": 49625, - "ĠBoundaries": 49626, - "ĠGoodfellow": 49627, - "ĠLinda": 49628, - "ĠPolymeric": 49629, - "Ġexertion": 49630, - "Ġsteeply": 49631, - "Ġprotrusion": 49632, - "Ġhyaluronic": 49633, - "ĠRochester": 49634, - "ENSIONAL": 49635, - "Dar": 49636, - "fet": 49637, - "ĠFSS": 49638, - "hemically": 49639, - "Ġflashes": 49640, - "Ġdeviated": 49641, - "feldt": 49642, - "Ġsticks": 49643, - "Ġoctet": 49644, - "Ġgravitationally": 49645, - "footnotesize": 49646, - "Lex": 49647, - "ovi": 49648, - "Ġwired": 49649, - "ĠSMP": 49650, - "ermans": 49651, - "Ġunbroken": 49652, - "Ġemulation": 49653, - "simulated": 49654, - "Ġminimality": 49655, - "ardiac": 49656, - "Ġshipw": 49657, - "Genetic": 49658, - "ĠHermann": 49659, - "ynchronization": 49660, - "ĠNapole": 49661, - "Ġmonodisperse": 49662, - "Rho": 49663, - "rists": 49664, - "Ġfx": 49665, - "ĠFUV": 49666, - "ĠGelfand": 49667, - "hemispheric": 49668, - "ronidazole": 49669, - "Ġsupersaturation": 49670, - "oudh": 49671, - "olitical": 49672, - "ĠAiry": 49673, - "Ġmanifestly": 49674, - "ĠHMG": 49675, - "Ġadvertisement": 49676, - "ĠBrooklyn": 49677, - "Ġparalleled": 49678, - "answered": 49679, - "ĠNotImplementedError": 49680, - "UPD": 49681, - "oust": 49682, - "ĠTeng": 49683, - "Ġfortified": 49684, - "ĠSort": 49685, - "ENE": 49686, - "ĠFris": 49687, - "ĠHIS": 49688, - "ĠROT": 49689, - "ĠNested": 49690, - "produce": 49691, - "ĠKerala": 49692, - "genomic": 49693, - "ĠIsab": 49694, - "Ġuracil": 49695, - "burger": 49696, - "ĠLogarithmic": 49697, - "Ġsterility": 49698, - "Ġunemployed": 49699, - "Ġoriental": 49700, - "Ko": 49701, - "jima": 49702, - "ĠCTP": 49703, - "ĠLAD": 49704, - "Ġconformers": 49705, - "CGG": 49706, - "Perkin": 49707, - "Ġbridged": 49708, - "ĠDissociation": 49709, - "ĠQiagen": 49710, - "Ġwealthy": 49711, - "Ġanaesthetic": 49712, - "ĠMinimizing": 49713, - "Ġacoustics": 49714, - "bucket": 49715, - "ĠSertoli": 49716, - "rath": 49717, - "saw": 49718, - "Ġgarn": 49719, - "ĠTheoretically": 49720, - "ticul": 49721, - "ĠThinking": 49722, - "iker": 49723, - "ĠChit": 49724, - "Ġtrin": 49725, - "ALITY": 49726, - "ĠFeO": 49727, - "Ġpolymerized": 49728, - "Encoding": 49729, - "Ġanalgesics": 49730, - "ĠLexical": 49731, - "Ġmarijuana": 49732, - "âĸĪâĸĪ": 49733, - "crops": 49734, - "entropic": 49735, - "olocation": 49736, - "ĠPomp": 49737, - "Ġcofactors": 49738, - "boxtimes": 49739, - "ĠArri": 49740, - "Angel": 49741, - "ĠRequirement": 49742, - "Ġmicrolensing": 49743, - "ĠTRANSF": 49744, - "åº": 49745, - "Ġdma": 49746, - "Ġrerio": 49747, - "undancy": 49748, - "antel": 49749, - "Ġradiometric": 49750, - "ĠSean": 49751, - "randn": 49752, - "ĠCRL": 49753, - "halos": 49754, - "ubertal": 49755, - "Ġquinone": 49756, - "TES": 49757, - "ĠdW": 49758, - "ĠCGM": 49759, - "Ġhealed": 49760, - "iane": 49761, - "Ġobtainable": 49762, - "ĠAdrian": 49763, - "Ġlikes": 49764, - "ĠMedication": 49765, - "Ġcognitively": 49766, - "Whether": 49767, - "Bob": 49768, - "did": 49769, - "alcohol": 49770, - "Ġnivolumab": 49771, - "ĠFY": 49772, - "Ġatresia": 49773, - "achs": 49774, - "ĠKip": 49775, - "Ġunigenes": 49776, - "ĠJaccard": 49777, - "ustri": 49778, - "Ġconfine": 49779, - "Ġautofluorescence": 49780, - "Ġpyg": 49781, - "Sea": 49782, - "Settings": 49783, - "Ġtruncatula": 49784, - "Literal": 49785, - "Fab": 49786, - "Mah": 49787, - "Ven": 49788, - "Ġtig": 49789, - "Ġcher": 49790, - "ĠCCI": 49791, - "ĠFunk": 49792, - "ĠBess": 49793, - "ĠNasal": 49794, - "iffer": 49795, - "Ġobsessive": 49796, - "ĠOpening": 49797, - "ochondral": 49798, - "ĠTRPA": 49799, - "ĠRabin": 49800, - "Ġtaper": 49801, - "Ġdeafness": 49802, - "DOS": 49803, - "isites": 49804, - "anite": 49805, - "leost": 49806, - "ĠSTP": 49807, - "ĠBACE": 49808, - "ĠHenn": 49809, - "ĠESM": 49810, - "Ġsuperfield": 49811, - "ĠOrland": 49812, - "ĠAMPs": 49813, - "ĠHemorrh": 49814, - "Ġrescues": 49815, - "Ġtourists": 49816, - "ĠVLBI": 49817, - "Ġneighbourhoods": 49818, - "communicable": 49819, - "gx": 49820, - "ratase": 49821, - "ĠNRT": 49822, - "Ġobstructions": 49823, - "Ġdeforestation": 49824, - "Ġqp": 49825, - "ĠPhan": 49826, - "ĠSTI": 49827, - "imento": 49828, - "ĠIRI": 49829, - "SVs": 49830, - "Ġstriped": 49831, - "Poinc": 49832, - "ĠBedford": 49833, - "ĠFragment": 49834, - "ĠReligion": 49835, - "Ġdrones": 49836, - "imulation": 49837, - "ĠCet": 49838, - "Ġgills": 49839, - "ĠNorton": 49840, - "ibatch": 49841, - "estructive": 49842, - "ĠJav": 49843, - "ĠϽ": 49844, - "Ġmica": 49845, - "AGB": 49846, - "RAW": 49847, - "ĠMyD": 49848, - "ctl": 49849, - "Ġreversibly": 49850, - "Ġsuppressors": 49851, - "ĠFAIL": 49852, - "ĠFukushima": 49853, - "Evidence": 49854, - "pink": 49855, - "asarray": 49856, - "ĠTann": 49857, - "Ġloved": 49858, - "Ġbiologists": 49859, - "Ġendothermic": 49860, - "Ġbroker": 49861, - "ĠPerkins": 49862, - "Ġcategorised": 49863, - "ĠSOME": 49864, - "hydroxyvitamin": 49865, - "rogates": 49866, - "ĠAgeing": 49867, - "Ġtournaments": 49868, - "ĠStromal": 49869, - "Ġdeferred": 49870, - "ĠSREBP": 49871, - "MAD": 49872, - "Say": 49873, - "cgi": 49874, - "phe": 49875, - "olini": 49876, - "ĠDü": 49877, - "Ġdehydro": 49878, - "apeptide": 49879, - "Ġhes": 49880, - "Ġdistally": 49881, - "versions": 49882, - "Ġmedals": 49883, - "Ġflaw": 49884, - "Ġduo": 49885, - "Ġimpairing": 49886, - "toplasts": 49887, - "ĠHFILL": 49888, - "Ġesculent": 49889, - "Classification": 49890, - "ĠGriffith": 49891, - "ĠWellington": 49892, - "Ġattorney": 49893, - "Ast": 49894, - "kA": 49895, - "Ġmilit": 49896, - "Ġnite": 49897, - "ĠCasp": 49898, - "ĠChester": 49899, - "ĠMok": 49900, - "ĠRAR": 49901, - "Ġchr": 49902, - "unctor": 49903, - "Ġabduction": 49904, - "Ġuniv": 49905, - "ovars": 49906, - "ouk": 49907, - "ERICAL": 49908, - "éri": 49909, - "orbance": 49910, - "ĠIdentifies": 49911, - "amento": 49912, - "Ġparenthesis": 49913, - "ĠMEFs": 49914, - "Ġabsorbs": 49915, - "ĠArrayList": 49916, - "Ġcaregiving": 49917, - "ĠFILE": 49918, - "Ġfeldspar": 49919, - "ochthonous": 49920, - "Sort": 49921, - "jal": 49922, - "Ġtantal": 49923, - "arabine": 49924, - "ĠSaid": 49925, - "ĠBCE": 49926, - "ĠNGO": 49927, - "ynure": 49928, - "doteq": 49929, - "ĠLeyd": 49930, - "modality": 49931, - "ĠGeometrical": 49932, - "Almost": 49933, - "Ġhardened": 49934, - "noea": 49935, - "news": 49936, - "Ġcleanup": 49937, - "ĠArmed": 49938, - "ĠSnake": 49939, - "multiply": 49940, - "ĠMillennium": 49941, - "ĠSmoothing": 49942, - "positely": 49943, - "enary": 49944, - "isse": 49945, - "ĠYuc": 49946, - "Ġgeneal": 49947, - "Ġsupers": 49948, - "Ġhandheld": 49949, - "Ġembark": 49950, - "ĠBla": 49951, - "horst": 49952, - "ĠPDGFR": 49953, - "Ġcitr": 49954, - "Ġcalorie": 49955, - "ĠBuddhist": 49956, - "Member": 49957, - "Ġfears": 49958, - "Ġfiscal": 49959, - "ĠAIF": 49960, - "LOAD": 49961, - "peare": 49962, - "Ġbitumen": 49963, - "Particip": 49964, - "ĠIndianapolis": 49965, - "ĠAlbum": 49966, - "Ġscrutiny": 49967, - "acylglycer": 49968, - "ĠSakai": 49969, - "Ġthermodynamical": 49970, - "ZB": 49971, - "Ġhpf": 49972, - "ĠLIP": 49973, - "Ġexpiration": 49974, - "tilt": 49975, - "Ġflax": 49976, - "ĠSelectivity": 49977, - "ĠSchol": 49978, - "anya": 49979, - "orbents": 49980, - "Ġincubations": 49981, - "Ġmarginals": 49982, - "involved": 49983, - "Ġenthalpies": 49984, - "macrophages": 49985, - "constructor": 49986, - "ĠRoland": 49987, - "ĠPm": 49988, - "ĠRY": 49989, - "Ġblobs": 49990, - "Ġannuli": 49991, - "Ġunstimulated": 49992, - "ĠPetroleum": 49993, - "Ġmerges": 49994, - "Ġenveloping": 49995, - "ĠInitialization": 49996, - "Ġsheds": 49997, - "Ġadvisable": 49998, - "ylethanolamine": 49999 - }, - "merges": [ - [ - "Ġ", - "t" - ], - [ - "i", - "n" - ], - [ - "Ġ", - "a" - ], - [ - "h", - "e" - ], - [ - "o", - "n" - ], - [ - "r", - "e" - ], - [ - "a", - "t" - ], - [ - "Ġt", - "he" - ], - [ - "e", - "r" - ], - [ - "Ġ", - "s" - ], - [ - "Ġ", - "o" - ], - [ - "e", - "n" - ], - [ - "a", - "l" - ], - [ - "Ġ", - "c" - ], - [ - "t", - "i" - ], - [ - "o", - "r" - ], - [ - "e", - "d" - ], - [ - "e", - "s" - ], - [ - "i", - "s" - ], - [ - "Ġ", - "p" - ], - [ - "Ġo", - "f" - ], - [ - "n", - "d" - ], - [ - "Ġ", - "in" - ], - [ - "Ġ", - "f" - ], - [ - "Ġ", - "w" - ], - [ - "Ġ", - "Ġ" - ], - [ - "i", - "t" - ], - [ - "a", - "n" - ], - [ - "r", - "o" - ], - [ - "a", - "r" - ], - [ - "Ġ", - "d" - ], - [ - "Ġ", - "m" - ], - [ - "Ġ", - "b" - ], - [ - "Ġa", - "nd" - ], - [ - "i", - "c" - ], - [ - "l", - "e" - ], - [ - "in", - "g" - ], - [ - "i", - "on" - ], - [ - "a", - "s" - ], - [ - "Ġ", - "e" - ], - [ - "Ġ", - "re" - ], - [ - "at", - "ion" - ], - [ - "Ġt", - "o" - ], - [ - "e", - "l" - ], - [ - "en", - "t" - ], - [ - "a", - "c" - ], - [ - "e", - "t" - ], - [ - "e", - "c" - ], - [ - "ti", - "on" - ], - [ - "o", - "m" - ], - [ - "s", - "t" - ], - [ - "Ġ", - "T" - ], - [ - "Ġ", - "n" - ], - [ - "Ġt", - "h" - ], - [ - "o", - "l" - ], - [ - "u", - "l" - ], - [ - "i", - "m" - ], - [ - "R", - "E" - ], - [ - "i", - "g" - ], - [ - "u", - "s" - ], - [ - "RE", - "F" - ], - [ - "Ġ", - "l" - ], - [ - "Ġ", - "h" - ], - [ - "u", - "r" - ], - [ - "Ġ", - "is" - ], - [ - "ĠĠ", - "ĠĠ" - ], - [ - "Ġf", - "or" - ], - [ - "i", - "d" - ], - [ - "a", - "m" - ], - [ - "Ġ", - "S" - ], - [ - "v", - "e" - ], - [ - "i", - "l" - ], - [ - "Ġ", - "A" - ], - [ - "Ġ", - "C" - ], - [ - "Ġ", - "g" - ], - [ - "o", - "t" - ], - [ - "it", - "h" - ], - [ - "l", - "y" - ], - [ - "c", - "e" - ], - [ - "Ġc", - "on" - ], - [ - "o", - "w" - ], - [ - "Ġs", - "t" - ], - [ - "u", - "t" - ], - [ - "o", - "s" - ], - [ - "Ġw", - "ith" - ], - [ - "o", - "d" - ], - [ - "r", - "a" - ], - [ - "Ġ", - "v" - ], - [ - "Ġp", - "ro" - ], - [ - "u", - "m" - ], - [ - "Ġ", - "I" - ], - [ - "i", - "f" - ], - [ - "u", - "c" - ], - [ - "t", - "er" - ], - [ - "u", - "n" - ], - [ - "A", - "R" - ], - [ - "S", - "T" - ], - [ - "re", - "s" - ], - [ - "Ġ", - "on" - ], - [ - "E", - "N" - ], - [ - "e", - "re" - ], - [ - "Ġ", - "P" - ], - [ - "ĠT", - "he" - ], - [ - "Ġ", - "M" - ], - [ - "Ġa", - "s" - ], - [ - "AR", - "T" - ], - [ - "Ġa", - "n" - ], - [ - "EN", - "D" - ], - [ - "ST", - "ART" - ], - [ - "Ġth", - "at" - ], - [ - "q", - "u" - ], - [ - "e", - "m" - ], - [ - "Ġb", - "e" - ], - [ - "Ġe", - "x" - ], - [ - "r", - "i" - ], - [ - "a", - "b" - ], - [ - "it", - "y" - ], - [ - "ti", - "c" - ], - [ - "v", - "er" - ], - [ - "Ġa", - "l" - ], - [ - "p", - "l" - ], - [ - "t", - "s" - ], - [ - "Ġ", - "F" - ], - [ - "Ġ", - "â" - ], - [ - "u", - "re" - ], - [ - "Ġb", - "y" - ], - [ - "at", - "e" - ], - [ - "a", - "g" - ], - [ - "i", - "r" - ], - [ - "o", - "c" - ], - [ - "p", - "er" - ], - [ - "Ġ", - "B" - ], - [ - "a", - "y" - ], - [ - "Ġ", - "D" - ], - [ - "Ġc", - "om" - ], - [ - "Ġ", - "H" - ], - [ - "at", - "ed" - ], - [ - "Ġ", - "R" - ], - [ - "Ġa", - "re" - ], - [ - "ro", - "m" - ], - [ - "Ġ", - "E" - ], - [ - "o", - "p" - ], - [ - "a", - "d" - ], - [ - "s", - "e" - ], - [ - "Ġ", - "L" - ], - [ - "ig", - "h" - ], - [ - "Ġ", - "N" - ], - [ - "m", - "ent" - ], - [ - "he", - "r" - ], - [ - "o", - "g" - ], - [ - "a", - "in" - ], - [ - "ec", - "t" - ], - [ - "u", - "d" - ], - [ - "Ġd", - "e" - ], - [ - "Ġ", - "r" - ], - [ - "Ġa", - "t" - ], - [ - "Ġw", - "as" - ], - [ - "Ġ", - "us" - ], - [ - "Ġre", - "s" - ], - [ - "el", - "l" - ], - [ - "i", - "z" - ], - [ - "in", - "e" - ], - [ - "p", - "h" - ], - [ - "Ġa", - "c" - ], - [ - "es", - "s" - ], - [ - "o", - "re" - ], - [ - "ic", - "al" - ], - [ - "t", - "h" - ], - [ - "u", - "nd" - ], - [ - "r", - "ac" - ], - [ - "Ġw", - "e" - ], - [ - "at", - "h" - ], - [ - "Ġ", - "G" - ], - [ - "Ġf", - "rom" - ], - [ - "at", - "i" - ], - [ - "u", - "p" - ], - [ - "is", - "t" - ], - [ - "an", - "t" - ], - [ - "Ġo", - "r" - ], - [ - "f", - "f" - ], - [ - "Ġcom", - "p" - ], - [ - "Ġw", - "h" - ], - [ - "Ġ", - "W" - ], - [ - "c", - "h" - ], - [ - "er", - "s" - ], - [ - "Ġs", - "p" - ], - [ - "or", - "m" - ], - [ - "Ġc", - "h" - ], - [ - "ation", - "s" - ], - [ - "r", - "an" - ], - [ - "u", - "b" - ], - [ - "t", - "e" - ], - [ - "d", - "i" - ], - [ - "Ġs", - "h" - ], - [ - "g", - "e" - ], - [ - "as", - "e" - ], - [ - "Ġw", - "ere" - ], - [ - "ĠĠĠĠ", - "ĠĠĠĠ" - ], - [ - "Ġ", - "Î" - ], - [ - "a", - "p" - ], - [ - "ĠI", - "n" - ], - [ - "a", - "nd" - ], - [ - "Ġs", - "e" - ], - [ - "v", - "el" - ], - [ - "Ġ", - "im" - ], - [ - "Ġâ", - "Ī" - ], - [ - "en", - "s" - ], - [ - "i", - "es" - ], - [ - "ic", - "h" - ], - [ - "igh", - "t" - ], - [ - "d", - "uc" - ], - [ - "Ġ", - "O" - ], - [ - "Ġ", - "it" - ], - [ - "tion", - "s" - ], - [ - "en", - "d" - ], - [ - "Ġc", - "o" - ], - [ - "Ġth", - "is" - ], - [ - "Ġc", - "an" - ], - [ - "Ġ", - "k" - ], - [ - "â", - "Ģ" - ], - [ - "le", - "c" - ], - [ - "t", - "ed" - ], - [ - "Ġm", - "od" - ], - [ - "m", - "ath" - ], - [ - "Ġcon", - "t" - ], - [ - "Ġn", - "e" - ], - [ - "Ġp", - "ar" - ], - [ - "i", - "b" - ], - [ - "ĠĠ", - "Ġ" - ], - [ - "Ġ", - "le" - ], - [ - "i", - "v" - ], - [ - "u", - "g" - ], - [ - "en", - "ce" - ], - [ - "ig", - "n" - ], - [ - "o", - "us" - ], - [ - "ent", - "s" - ], - [ - "y", - "s" - ], - [ - "a", - "ve" - ], - [ - "re", - "d" - ], - [ - "res", - "s" - ], - [ - "ab", - "le" - ], - [ - "p", - "or" - ], - [ - "al", - "l" - ], - [ - "if", - "f" - ], - [ - "es", - "t" - ], - [ - "Ġa", - "p" - ], - [ - "Ġin", - "c" - ], - [ - "n", - "t" - ], - [ - "ar", - "y" - ], - [ - "i", - "ti" - ], - [ - "Ġwh", - "ich" - ], - [ - "Ġn", - "ot" - ], - [ - "f", - "orm" - ], - [ - "Ġs", - "y" - ], - [ - "Ġa", - "d" - ], - [ - "l", - "ow" - ], - [ - "a", - "k" - ], - [ - "Ġp", - "er" - ], - [ - "Ġ", - "he" - ], - [ - "p", - "ro" - ], - [ - "an", - "ce" - ], - [ - "i", - "al" - ], - [ - "u", - "e" - ], - [ - "Ġ", - "en" - ], - [ - "Ġc", - "l" - ], - [ - "as", - "s" - ], - [ - "i", - "p" - ], - [ - "ran", - "s" - ], - [ - "Ġo", - "b" - ], - [ - "Ġg", - "en" - ], - [ - "ti", - "m" - ], - [ - "Ġd", - "is" - ], - [ - "un", - "c" - ], - [ - "Ġin", - "t" - ], - [ - "e", - "p" - ], - [ - "et", - "w" - ], - [ - "Ġd", - "iff" - ], - [ - "ac", - "h" - ], - [ - "t", - "her" - ], - [ - "im", - "e" - ], - [ - "ag", - "e" - ], - [ - "p", - "le" - ], - [ - "il", - "l" - ], - [ - "y", - "p" - ], - [ - "Ġ", - "K" - ], - [ - "ac", - "t" - ], - [ - "ar", - "i" - ], - [ - "Ġm", - "et" - ], - [ - "or", - "s" - ], - [ - "Ġh", - "ave" - ], - [ - "Ġst", - "ud" - ], - [ - "on", - "g" - ], - [ - "Ġ", - "U" - ], - [ - "Ġp", - "l" - ], - [ - "id", - "e" - ], - [ - "m", - "a" - ], - [ - "he", - "n" - ], - [ - "if", - "ic" - ], - [ - "om", - "e" - ], - [ - "Ġ", - "i" - ], - [ - "ul", - "ar" - ], - [ - "Ġ", - "V" - ], - [ - "al", - "ly" - ], - [ - "Ġsh", - "ow" - ], - [ - "ri", - "b" - ], - [ - "i", - "a" - ], - [ - "en", - "ti" - ], - [ - "Ġas", - "s" - ], - [ - "on", - "d" - ], - [ - "f", - "t" - ], - [ - "Ġa", - "b" - ], - [ - "Ġin", - "ter" - ], - [ - "ĠT", - "h" - ], - [ - "T", - "he" - ], - [ - "st", - "r" - ], - [ - "Ġc", - "ell" - ], - [ - "c", - "al" - ], - [ - "Ġmod", - "el" - ], - [ - "at", - "a" - ], - [ - "as", - "t" - ], - [ - "Ġe", - "ff" - ], - [ - "Ġt", - "rans" - ], - [ - "at", - "es" - ], - [ - "as", - "ed" - ], - [ - "o", - "st" - ], - [ - "v", - "i" - ], - [ - "an", - "g" - ], - [ - "o", - "ur" - ], - [ - "Ġm", - "e" - ], - [ - "ar", - "d" - ], - [ - "Ġdiff", - "ere" - ], - [ - "Ġp", - "re" - ], - [ - "Ġd", - "i" - ], - [ - "ĠâĪ", - "Ĵ" - ], - [ - "ol", - "og" - ], - [ - "u", - "tion" - ], - [ - "o", - "und" - ], - [ - "ac", - "e" - ], - [ - "Ġres", - "ul" - ], - [ - "er", - "m" - ], - [ - "p", - "os" - ], - [ - "he", - "re" - ], - [ - "ti", - "ve" - ], - [ - "or", - "d" - ], - [ - "s", - "o" - ], - [ - "st", - "em" - ], - [ - "y", - "l" - ], - [ - "Ġp", - "h" - ], - [ - "Ġ", - "y" - ], - [ - "am", - "e" - ], - [ - "or", - "k" - ], - [ - "ati", - "ve" - ], - [ - "Ġ", - "qu" - ], - [ - "r", - "ic" - ], - [ - "S", - "U" - ], - [ - "w", - "o" - ], - [ - "Ġ", - "un" - ], - [ - "Ġe", - "v" - ], - [ - "a", - "re" - ], - [ - "#", - "#" - ], - [ - "d", - "e" - ], - [ - "e", - "en" - ], - [ - "ti", - "v" - ], - [ - "Ġg", - "ro" - ], - [ - "or", - "y" - ], - [ - "Ġcon", - "s" - ], - [ - "Ġs", - "ub" - ], - [ - "t", - "a" - ], - [ - "-", - "-" - ], - [ - "Ġst", - "r" - ], - [ - "b", - "er" - ], - [ - "er", - "v" - ], - [ - "etw", - "een" - ], - [ - "en", - "c" - ], - [ - "Ġan", - "al" - ], - [ - "in", - "t" - ], - [ - "Ġh", - "as" - ], - [ - "uc", - "h" - ], - [ - "Ġre", - "g" - ], - [ - "Ġb", - "etween" - ], - [ - "Ġd", - "et" - ], - [ - "Ġal", - "l" - ], - [ - "c", - "ess" - ], - [ - "Ġex", - "p" - ], - [ - "ec", - "tion" - ], - [ - "Ġâ", - "Ģ" - ], - [ - "in", - "d" - ], - [ - "at", - "er" - ], - [ - "Ġs", - "ign" - ], - [ - "p", - "t" - ], - [ - "ug", - "h" - ], - [ - "it", - "e" - ], - [ - "il", - "ity" - ], - [ - "Ġus", - "ing" - ], - [ - "Ġv", - "al" - ], - [ - "Ġ", - "ro" - ], - [ - "re", - "e" - ], - [ - "Ġre", - "l" - ], - [ - "o", - "ut" - ], - [ - "Ġf", - "unc" - ], - [ - "i", - "tion" - ], - [ - "Ġc", - "or" - ], - [ - "Ġal", - "so" - ], - [ - "Ġt", - "wo" - ], - [ - "n", - "e" - ], - [ - "Ġ", - "J" - ], - [ - "Ġsy", - "stem" - ], - [ - "c", - "l" - ], - [ - "uc", - "t" - ], - [ - "Ġs", - "im" - ], - [ - "t", - "ain" - ], - [ - "u", - "st" - ], - [ - "i", - "ed" - ], - [ - "por", - "t" - ], - [ - "Ġre", - "c" - ], - [ - "Ġres", - "p" - ], - [ - "Ġd", - "ata" - ], - [ - "r", - "m" - ], - [ - "res", - "ent" - ], - [ - "ul", - "d" - ], - [ - "x", - "t" - ], - [ - "Ġ", - "j" - ], - [ - "r", - "y" - ], - [ - "ac", - "k" - ], - [ - "Ġ", - "ra" - ], - [ - "p", - "ar" - ], - [ - "Ġfor", - "m" - ], - [ - "Ġs", - "c" - ], - [ - "f", - "rac" - ], - [ - "ĠW", - "e" - ], - [ - "at", - "ing" - ], - [ - "ec", - "h" - ], - [ - "h", - "od" - ], - [ - "Ġf", - "ol" - ], - [ - "in", - "ed" - ], - [ - "ĠS", - "t" - ], - [ - "u", - "al" - ], - [ - "Ġus", - "ed" - ], - [ - "Ġon", - "e" - ], - [ - "Ġd", - "es" - ], - [ - "Ġ", - "Ï" - ], - [ - "Ġv", - "ari" - ], - [ - "Ġd", - "ist" - ], - [ - "Ġn", - "um" - ], - [ - "y", - "m" - ], - [ - "e", - "w" - ], - [ - "re", - "c" - ], - [ - "o", - "b" - ], - [ - "Ġin", - "f" - ], - [ - "Ġa", - "r" - ], - [ - "lec", - "t" - ], - [ - "l", - "l" - ], - [ - "on", - "s" - ], - [ - "ĠTh", - "is" - ], - [ - "os", - "e" - ], - [ - "i", - "le" - ], - [ - "pl", - "ay" - ], - [ - "e", - "ar" - ], - [ - "o", - "x" - ], - [ - "u", - "res" - ], - [ - "on", - "e" - ], - [ - "Ġstud", - "y" - ], - [ - "ys", - "is" - ], - [ - "Ġfol", - "low" - ], - [ - "y", - "le" - ], - [ - "rac", - "t" - ], - [ - "d", - "is" - ], - [ - "Ġp", - "os" - ], - [ - "r", - "ight" - ], - [ - "Ġth", - "an" - ], - [ - "ro", - "s" - ], - [ - "a", - "v" - ], - [ - "F", - "ig" - ], - [ - "Ġt", - "ime" - ], - [ - "iz", - "ation" - ], - [ - "ul", - "ation" - ], - [ - "iz", - "ed" - ], - [ - "Ġs", - "ur" - ], - [ - "ot", - "h" - ], - [ - "Ġo", - "ut" - ], - [ - "Ġc", - "ol" - ], - [ - "at", - "ure" - ], - [ - "i", - "ve" - ], - [ - "Ġs", - "ol" - ], - [ - "Ġ", - "x" - ], - [ - "el", - "d" - ], - [ - "Ġo", - "ther" - ], - [ - "pl", - "ic" - ], - [ - "Ġde", - "f" - ], - [ - "er", - "g" - ], - [ - "Ġgen", - "er" - ], - [ - "el", - "y" - ], - [ - "Ġbe", - "en" - ], - [ - "Ġinc", - "re" - ], - [ - "Ġthe", - "se" - ], - [ - "Ġn", - "o" - ], - [ - "a", - "x" - ], - [ - "st", - "yle" - ], - [ - "ar", - "g" - ], - [ - "i", - "an" - ], - [ - "Ġin", - "d" - ], - [ - "Ġs", - "uch" - ], - [ - "Ġfunc", - "tion" - ], - [ - "t", - "ing" - ], - [ - "Ġe", - "qu" - ], - [ - "a", - "us" - ], - [ - "Ġ", - "und" - ], - [ - "math", - "b" - ], - [ - "tic", - "al" - ], - [ - "Ġh", - "igh" - ], - [ - "ra", - "in" - ], - [ - "Ġa", - "m" - ], - [ - "i", - "eld" - ], - [ - "o", - "un" - ], - [ - "ress", - "ion" - ], - [ - "Ġsp", - "ec" - ], - [ - "Ġo", - "p" - ], - [ - "Ġd", - "ec" - ], - [ - "Ġo", - "ver" - ], - [ - "Ġmet", - "hod" - ], - [ - "Ġs", - "et" - ], - [ - "â", - "Ī" - ], - [ - "Ġ", - "if" - ], - [ - "di", - "tion" - ], - [ - "u", - "es" - ], - [ - "ec", - "ts" - ], - [ - "dis", - "play" - ], - [ - "he", - "m" - ], - [ - "Ġp", - "ati" - ], - [ - "Ġresul", - "ts" - ], - [ - "ol", - "d" - ], - [ - "an", - "c" - ], - [ - "display", - "style" - ], - [ - "Ġe", - "ach" - ], - [ - "Ġm", - "ore" - ], - [ - "l", - "es" - ], - [ - "p", - "r" - ], - [ - "ac", - "ter" - ], - [ - "Ġthe", - "ir" - ], - [ - "Ġac", - "c" - ], - [ - "Ġap", - "pro" - ], - [ - "is", - "s" - ], - [ - "iz", - "e" - ], - [ - "Ġin", - "v" - ], - [ - "as", - "es" - ], - [ - "Ġcell", - "s" - ], - [ - "ir", - "st" - ], - [ - "l", - "u" - ], - [ - "a", - "il" - ], - [ - "Ġme", - "as" - ], - [ - "Ġl", - "ow" - ], - [ - "o", - "v" - ], - [ - "t", - "he" - ], - [ - "i", - "k" - ], - [ - "*", - "*" - ], - [ - "e", - "f" - ], - [ - "Ġb", - "ut" - ], - [ - "he", - "s" - ], - [ - "f", - "ter" - ], - [ - "Ġdiffere", - "nt" - ], - [ - "vel", - "y" - ], - [ - "Ġex", - "t" - ], - [ - "Ġthe", - "re" - ], - [ - "oc", - "i" - ], - [ - "Ġpro", - "b" - ], - [ - "Ġit", - "s" - ], - [ - "r", - "on" - ], - [ - "ment", - "s" - ], - [ - "Ġa", - "g" - ], - [ - "N", - "A" - ], - [ - "Ġp", - "o" - ], - [ - "ic", - "e" - ], - [ - "yp", - "e" - ], - [ - "Ġgro", - "up" - ], - [ - "âĢ", - "ĵ" - ], - [ - "e", - "ver" - ], - [ - "ul", - "t" - ], - [ - "is", - "m" - ], - [ - "ter", - "n" - ], - [ - "ab", - "ility" - ], - [ - "ion", - "s" - ], - [ - "ar", - "k" - ], - [ - "Ġn", - "on" - ], - [ - "t", - "o" - ], - [ - "ĠĠĠĠ", - "ĠĠĠ" - ], - [ - "Ġob", - "s" - ], - [ - "Ġt", - "re" - ], - [ - "al", - "s" - ], - [ - "le", - "ft" - ], - [ - "ĠP", - "ro" - ], - [ - "Ġon", - "ly" - ], - [ - "Ġm", - "an" - ], - [ - "d", - "er" - ], - [ - "Ġp", - "ol" - ], - [ - "ur", - "ing" - ], - [ - "am", - "et" - ], - [ - "ro", - "l" - ], - [ - "I", - "n" - ], - [ - "y", - "n" - ], - [ - "Ġund", - "er" - ], - [ - "ĠC", - "h" - ], - [ - "Ġw", - "here" - ], - [ - "o", - "od" - ], - [ - "Ġ", - "X" - ], - [ - "n", - "ce" - ], - [ - "Ġpar", - "tic" - ], - [ - "ect", - "ed" - ], - [ - "ĠF", - "ig" - ], - [ - "Ġe", - "m" - ], - [ - "Ġf", - "act" - ], - [ - "ĠA", - "n" - ], - [ - "Ġper", - "form" - ], - [ - "Ġs", - "o" - ], - [ - "Ġanal", - "ysis" - ], - [ - "st", - "ract" - ], - [ - "he", - "d" - ], - [ - "Ġm", - "ay" - ], - [ - "at", - "ic" - ], - [ - "Ġre", - "p" - ], - [ - "te", - "in" - ], - [ - "duc", - "ed" - ], - [ - "Ġ", - "up" - ], - [ - "Ġint", - "o" - ], - [ - "Ġnum", - "ber" - ], - [ - "Ġo", - "ur" - ], - [ - "Ġe", - "t" - ], - [ - "e", - "g" - ], - [ - "it", - "le" - ], - [ - "o", - "ver" - ], - [ - "i", - "x" - ], - [ - "at", - "or" - ], - [ - "ul", - "ti" - ], - [ - "Ġinc", - "l" - ], - [ - "o", - "uld" - ], - [ - "ic", - "i" - ], - [ - "b", - "stract" - ], - [ - "Ġcomp", - "le" - ], - [ - "Ġpati", - "ents" - ], - [ - "Ġd", - "o" - ], - [ - "Ġex", - "per" - ], - [ - "v", - "id" - ], - [ - "an", - "ge" - ], - [ - "Ġle", - "vel" - ], - [ - "Ġpro", - "cess" - ], - [ - "math", - "cal" - ], - [ - "p", - "s" - ], - [ - "Ġsign", - "ific" - ], - [ - "Ġs", - "am" - ], - [ - "T", - "itle" - ], - [ - "Ġb", - "l" - ], - [ - "Ġstr", - "uct" - ], - [ - "et", - "a" - ], - [ - "Ġobs", - "erv" - ], - [ - "ra", - "ph" - ], - [ - "g", - "r" - ], - [ - "Ġac", - "tiv" - ], - [ - "Ġf", - "irst" - ], - [ - "vel", - "op" - ], - [ - "g", - "en" - ], - [ - "ib", - "le" - ], - [ - "Ġs", - "m" - ], - [ - "Ġw", - "ill" - ], - [ - "Ġ", - "Q" - ], - [ - "Ġmeas", - "ure" - ], - [ - "p", - "ut" - ], - [ - "Ġl", - "oc" - ], - [ - "Ġm", - "o" - ], - [ - "ver", - "s" - ], - [ - "o", - "f" - ], - [ - "t", - "al" - ], - [ - "ere", - "d" - ], - [ - "ow", - "n" - ], - [ - "Ġm", - "at" - ], - [ - "iti", - "es" - ], - [ - "ti", - "l" - ], - [ - "in", - "al" - ], - [ - "Ġc", - "ar" - ], - [ - "ph", - "a" - ], - [ - "Ġb", - "oth" - ], - [ - "Ġc", - "ur" - ], - [ - "SU", - "B" - ], - [ - "it", - "s" - ], - [ - "re", - "l" - ], - [ - "Ġw", - "hen" - ], - [ - "Ġ", - "z" - ], - [ - "Ġch", - "ar" - ], - [ - "Ġb", - "i" - ], - [ - "c", - "ent" - ], - [ - "Ġthe", - "n" - ], - [ - "is", - "e" - ], - [ - "ow", - "ever" - ], - [ - "Ġm", - "in" - ], - [ - "ĠF", - "or" - ], - [ - "Ġ", - "Y" - ], - [ - "p", - "tion" - ], - [ - "Ġ", - "es" - ], - [ - "m", - "un" - ], - [ - "Ġincl", - "ud" - ], - [ - "is", - "tic" - ], - [ - "c", - "on" - ], - [ - "Ġob", - "tain" - ], - [ - "a", - "red" - ], - [ - "duc", - "tion" - ], - [ - "Ġsignific", - "ant" - ], - [ - "Ġ", - "Z" - ], - [ - "Ġp", - "resent" - ], - [ - "an", - "n" - ], - [ - "Ġ", - "id" - ], - [ - "enc", - "y" - ], - [ - "Ġv", - "er" - ], - [ - "v", - "al" - ], - [ - "y", - "d" - ], - [ - "ro", - "ugh" - ], - [ - "SU", - "P" - ], - [ - "f", - "ore" - ], - [ - "Ġs", - "ome" - ], - [ - "ĠA", - "s" - ], - [ - "Ġs", - "up" - ], - [ - "Ġa", - "fter" - ], - [ - "olog", - "ical" - ], - [ - "enti", - "f" - ], - [ - "Ġc", - "ase" - ], - [ - "Ġs", - "ec" - ], - [ - "el", - "f" - ], - [ - "Ġde", - "p" - ], - [ - "k", - "s" - ], - [ - "Ġc", - "al" - ], - [ - "v", - "ed" - ], - [ - "Ġt", - "em" - ], - [ - "Ġus", - "e" - ], - [ - "ĠC", - "om" - ], - [ - "l", - "am" - ], - [ - "in", - "es" - ], - [ - "ay", - "s" - ], - [ - "Ġg", - "iv" - ], - [ - "Ġcons", - "id" - ], - [ - "Ġe", - "lect" - ], - [ - "ation", - "al" - ], - [ - "ĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠĠ" - ], - [ - "i", - "qu" - ], - [ - "ti", - "es" - ], - [ - "Ġl", - "ine" - ], - [ - "Ġs", - "u" - ], - [ - "A", - "bstract" - ], - [ - "oun", - "t" - ], - [ - "Ġde", - "velop" - ], - [ - "ĠC", - "on" - ], - [ - "olog", - "y" - ], - [ - "al", - "pha" - ], - [ - "an", - "s" - ], - [ - "pr", - "ime" - ], - [ - "c", - "c" - ], - [ - "og", - "en" - ], - [ - "Ġw", - "ork" - ], - [ - "v", - "en" - ], - [ - "i", - "um" - ], - [ - "ec", - "tive" - ], - [ - "Ġp", - "a" - ], - [ - "t", - "en" - ], - [ - "ĠA", - "l" - ], - [ - "Ġ", - "ï" - ], - [ - "Ġf", - "e" - ], - [ - "âĢ", - "Ļ" - ], - [ - "enti", - "al" - ], - [ - "l", - "ine" - ], - [ - "Ġpar", - "amet" - ], - [ - "Ġpro", - "tein" - ], - [ - "Ġdis", - "c" - ], - [ - "f", - "ace" - ], - [ - "c", - "es" - ], - [ - "Ġw", - "ell" - ], - [ - "ur", - "al" - ], - [ - "en", - "g" - ], - [ - "Ġd", - "uring" - ], - [ - "ro", - "w" - ], - [ - "an", - "ts" - ], - [ - "Ġre", - "m" - ], - [ - "form", - "ation" - ], - [ - "Ġex", - "am" - ], - [ - "Ġm", - "ic" - ], - [ - "âĪ", - "Ĵ" - ], - [ - "le", - "m" - ], - [ - "erg", - "y" - ], - [ - "Ġass", - "oci" - ], - [ - "Ġ", - "Ã" - ], - [ - "ro", - "p" - ], - [ - "Ġf", - "ield" - ], - [ - "t", - "y" - ], - [ - "Ġcl", - "ass" - ], - [ - "Ġ", - "u" - ], - [ - "i", - "e" - ], - [ - "Ġb", - "ec" - ], - [ - "Ġexper", - "im" - ], - [ - "s", - "p" - ], - [ - "Ġp", - "r" - ], - [ - "il", - "ar" - ], - [ - "ti", - "al" - ], - [ - "Ġcon", - "st" - ], - [ - "ĠI", - "t" - ], - [ - "Ġcont", - "rol" - ], - [ - "d", - "a" - ], - [ - "Ġm", - "ulti" - ], - [ - "iti", - "ve" - ], - [ - "ic", - "s" - ], - [ - "ur", - "n" - ], - [ - "Ġind", - "ic" - ], - [ - "Ġf", - "ound" - ], - [ - "te", - "xt" - ], - [ - "Ġne", - "w" - ], - [ - "Ġre", - "f" - ], - [ - "g", - "or" - ], - [ - "ra", - "p" - ], - [ - "Ġdes", - "c" - ], - [ - "Ġs", - "ame" - ], - [ - "Ġfollow", - "ing" - ], - [ - "Ġdist", - "rib" - ], - [ - "Fig", - "ure" - ], - [ - "il", - "d" - ], - [ - "Ġan", - "ti" - ], - [ - "etw", - "ork" - ], - [ - "o", - "ve" - ], - [ - "Ġth", - "rough" - ], - [ - "Ġm", - "ost" - ], - [ - "c", - "er" - ], - [ - "Ġdet", - "erm" - ], - [ - "h", - "a" - ], - [ - "el", - "ta" - ], - [ - "ar", - "ge" - ], - [ - "Ġshow", - "n" - ], - [ - "in", - "ce" - ], - [ - "Ġan", - "y" - ], - [ - "re", - "n" - ], - [ - "d", - "ot" - ], - [ - "r", - "al" - ], - [ - "r", - "ation" - ], - [ - "am", - "ma" - ], - [ - "o", - "id" - ], - [ - "Ġm", - "ed" - ], - [ - "ens", - "ion" - ], - [ - "ar", - "t" - ], - [ - "Ġp", - "red" - ], - [ - "m", - "et" - ], - [ - "mathb", - "b" - ], - [ - "ak", - "e" - ], - [ - "Ġcal", - "c" - ], - [ - "Ġh", - "ig" - ], - [ - "Ġth", - "ree" - ], - [ - "Ġb", - "ased" - ], - [ - "m", - "on" - ], - [ - "ar", - "ch" - ], - [ - "--", - "--" - ], - [ - "pl", - "es" - ], - [ - "ag", - "es" - ], - [ - "aus", - "e" - ], - [ - "is", - "h" - ], - [ - "ti", - "vely" - ], - [ - "qu", - "i" - ], - [ - "res", - "p" - ], - [ - "Ġchar", - "acter" - ], - [ - "oc", - "k" - ], - [ - "Ġtre", - "at" - ], - [ - "Ġpro", - "per" - ], - [ - "e", - "x" - ], - [ - "Ġsm", - "all" - ], - [ - "Ġt", - "erm" - ], - [ - "b", - "da" - ], - [ - "Ġk", - "n" - ], - [ - "od", - "e" - ], - [ - "ing", - "s" - ], - [ - "Ġexp", - "ression" - ], - [ - "Ġm", - "on" - ], - [ - "em", - "b" - ], - [ - "ut", - "e" - ], - [ - "ech", - "n" - ], - [ - "h", - "ib" - ], - [ - "Ġdi", - "rec" - ], - [ - "in", - "ation" - ], - [ - "ith", - "m" - ], - [ - "ul", - "ated" - ], - [ - "Ġc", - "y" - ], - [ - "Ġp", - "ot" - ], - [ - "Ġor", - "der" - ], - [ - "ot", - "e" - ], - [ - "ical", - "ly" - ], - [ - "Ġval", - "ues" - ], - [ - "or", - "t" - ], - [ - "ur", - "ther" - ], - [ - "ce", - "pt" - ], - [ - "yn", - "am" - ], - [ - "o", - "ugh" - ], - [ - "ech", - "an" - ], - [ - "Ġâ", - "ī" - ], - [ - "o", - "k" - ], - [ - "em", - "ent" - ], - [ - "ĠÎ", - "¼" - ], - [ - "Ġes", - "tim" - ], - [ - "Ġeff", - "ect" - ], - [ - "Ġp", - "ath" - ], - [ - "Ġcon", - "f" - ], - [ - "Ġap", - "p" - ], - [ - "Ġgiv", - "en" - ], - [ - "Ġ", - "end" - ], - [ - "s", - "et" - ], - [ - "Ġg", - "l" - ], - [ - "Ġthe", - "y" - ], - [ - "n", - "ing" - ], - [ - "Ġt", - "est" - ], - [ - "Ġtem", - "per" - ], - [ - "v", - "es" - ], - [ - "Ġval", - "ue" - ], - [ - "it", - "ed" - ], - [ - "al", - "ity" - ], - [ - "Ġl", - "im" - ], - [ - "Ġsp", - "ect" - ], - [ - "ent", - "ly" - ], - [ - "ti", - "t" - ], - [ - "Ġse", - "qu" - ], - [ - "Ġid", - "entif" - ], - [ - "/", - "/" - ], - [ - "ig", - "ma" - ], - [ - "Ġen", - "ergy" - ], - [ - "in", - "c" - ], - [ - "n", - "ess" - ], - [ - "ens", - "ity" - ], - [ - "Ġprob", - "lem" - ], - [ - "yd", - "ro" - ], - [ - "ag", - "n" - ], - [ - "an", - "e" - ], - [ - "re", - "nt" - ], - [ - "c", - "om" - ], - [ - "j", - "ect" - ], - [ - "Ġim", - "port" - ], - [ - "ĉ", - "ĉ" - ], - [ - "Ġo", - "per" - ], - [ - "ol", - "ution" - ], - [ - "Ġa", - "ut" - ], - [ - "ec", - "tively" - ], - [ - "ĠH", - "owever" - ], - [ - "h", - "o" - ], - [ - "ent", - "al" - ], - [ - "Ġs", - "ing" - ], - [ - "e", - "y" - ], - [ - "m", - "u" - ], - [ - "ros", - "s" - ], - [ - "ac", - "tion" - ], - [ - "ep", - "end" - ], - [ - "ĠE", - "x" - ], - [ - "vi", - "ous" - ], - [ - "Ġstud", - "ies" - ], - [ - "s", - "c" - ], - [ - "orm", - "al" - ], - [ - "Ġh", - "ad" - ], - [ - "Ġm", - "ain" - ], - [ - "al", - "th" - ], - [ - "gor", - "ithm" - ], - [ - "Ġf", - "l" - ], - [ - "om", - "et" - ], - [ - "Ġ", - "Â" - ], - [ - ".", - "." - ], - [ - "er", - "r" - ], - [ - "Ġpos", - "s" - ], - [ - "Ġdiffere", - "n" - ], - [ - "Ġobserv", - "ed" - ], - [ - "ra", - "y" - ], - [ - "Ġpred", - "ic" - ], - [ - "Ġgen", - "e" - ], - [ - "Ġst", - "ate" - ], - [ - "W", - "e" - ], - [ - "Ġstruct", - "ure" - ], - [ - "Ġre", - "t" - ], - [ - "resp", - "ond" - ], - [ - "re", - "qu" - ], - [ - "il", - "y" - ], - [ - "ĠâĪ", - "Ī" - ], - [ - "Ġs", - "er" - ], - [ - "Ġb", - "ound" - ], - [ - "Ġrep", - "resent" - ], - [ - "ph", - "i" - ], - [ - "Ġtreat", - "ment" - ], - [ - "h", - "at" - ], - [ - "Ġre", - "qui" - ], - [ - "ap", - "p" - ], - [ - "um", - "an" - ], - [ - "Ġhig", - "her" - ], - [ - "Ġl", - "arge" - ], - [ - "Ġt", - "ra" - ], - [ - "w", - "ard" - ], - [ - "Ġobtain", - "ed" - ], - [ - "Ġco", - "uld" - ], - [ - "ti", - "g" - ], - [ - "ĠU", - "n" - ], - [ - "Ġdesc", - "rib" - ], - [ - "Ġsim", - "ilar" - ], - [ - "por", - "ted" - ], - [ - "in", - "s" - ], - [ - "Ġad", - "dition" - ], - [ - "os", - "is" - ], - [ - "Ġn", - "etwork" - ], - [ - "Ġe", - "le" - ], - [ - "p", - "i" - ], - [ - "ri", - "x" - ], - [ - "Ġr", - "ate" - ], - [ - "g", - "an" - ], - [ - "ug", - "g" - ], - [ - "us", - "s" - ], - [ - "Ġm", - "echan" - ], - [ - "Ġdis", - "e" - ], - [ - "Ġeff", - "ects" - ], - [ - "Ġmodel", - "s" - ], - [ - "or", - "ph" - ], - [ - "ik", - "e" - ], - [ - "Ġsec", - "ond" - ], - [ - "mathb", - "f" - ], - [ - "Ġd", - "ue" - ], - [ - "Ġ", - "q" - ], - [ - "Ġp", - "res" - ], - [ - "Ġt", - "echn" - ], - [ - "el", - "s" - ], - [ - "Ġcor", - "respond" - ], - [ - "Ġassoci", - "ated" - ], - [ - "pos", - "ed" - ], - [ - "Ġm", - "ass" - ], - [ - "ro", - "und" - ], - [ - "vi", - "ew" - ], - [ - "Ġin", - "s" - ], - [ - "ĠâĢ", - "¢" - ], - [ - "di", - "tions" - ], - [ - "Ġwh", - "ile" - ], - [ - "o", - "le" - ], - [ - "Ġl", - "ong" - ], - [ - "al", - "u" - ], - [ - "Ġc", - "ap" - ], - [ - "Ġsur", - "face" - ], - [ - "Ġcomple", - "x" - ], - [ - "Ġc", - "ent" - ], - [ - "Ġcomp", - "ared" - ], - [ - "Ġf", - "ind" - ], - [ - "arg", - "et" - ], - [ - "at", - "ory" - ], - [ - "f", - "er" - ], - [ - "Ġs", - "ize" - ], - [ - "Ġcont", - "ain" - ], - [ - "us", - "ion" - ], - [ - "u", - "tions" - ], - [ - "Ġd", - "em" - ], - [ - "E", - "S" - ], - [ - "Ġdep", - "end" - ], - [ - "at", - "is" - ], - [ - "s", - "um" - ], - [ - "ff", - "ici" - ], - [ - "Ġb", - "as" - ], - [ - "lam", - "bda" - ], - [ - "i", - "er" - ], - [ - "A", - "T" - ], - [ - "Ġm", - "ax" - ], - [ - "Ġim", - "p" - ], - [ - "Ġev", - "alu" - ], - [ - "Ġtemper", - "ature" - ], - [ - "in", - "k" - ], - [ - "ect", - "or" - ], - [ - "Ġs", - "cal" - ], - [ - "Ġgro", - "w" - ], - [ - "ow", - "er" - ], - [ - "Ġresp", - "ectively" - ], - [ - "le", - "ar" - ], - [ - "s", - "h" - ], - [ - "ic", - "k" - ], - [ - "Ġf", - "il" - ], - [ - "ir", - "c" - ], - [ - "il", - "on" - ], - [ - "r", - "am" - ], - [ - "ĠÎ", - "±" - ], - [ - "ific", - "ation" - ], - [ - "Ġo", - "cc" - ], - [ - "Ġy", - "ear" - ], - [ - "Ġs", - "ugg" - ], - [ - "Ġra", - "di" - ], - [ - "if", - "ied" - ], - [ - "ha", - "vi" - ], - [ - "Ġwith", - "in" - ], - [ - "Ġs", - "ens" - ], - [ - "Ġin", - "te" - ], - [ - "Ġw", - "ould" - ], - [ - "Ġcon", - "cent" - ], - [ - "Ġmic", - "ro" - ], - [ - "Ġsing", - "le" - ], - [ - "ĠS", - "p" - ], - [ - "o", - "u" - ], - [ - "Ġat", - "t" - ], - [ - "Ġs", - "elf" - ], - [ - "Ġab", - "out" - ], - [ - "eng", - "th" - ], - [ - "Ġe", - "l" - ], - [ - "ĠR", - "e" - ], - [ - "x", - "im" - ], - [ - "Ġcon", - "ditions" - ], - [ - "ud", - "e" - ], - [ - "ĠA", - "t" - ], - [ - "w", - "here" - ], - [ - "m", - "ed" - ], - [ - "Ġne", - "ed" - ], - [ - "ir", - "on" - ], - [ - "Ġp", - "op" - ], - [ - "Ġresul", - "t" - ], - [ - "Ġpo", - "int" - ], - [ - "Ġl", - "o" - ], - [ - "Ġal", - "gorithm" - ], - [ - "Ġactiv", - "ity" - ], - [ - "le", - "q" - ], - [ - "ple", - "ment" - ], - [ - "ĠR", - "es" - ], - [ - "Ġsy", - "m" - ], - [ - "on", - "str" - ], - [ - "at", - "ures" - ], - [ - "Ġim", - "pro" - ], - [ - "f", - "or" - ], - [ - "Ġgener", - "al" - ], - [ - "it", - "er" - ], - [ - "Ġex", - "pl" - ], - [ - "##", - "#" - ], - [ - "Ġd", - "om" - ], - [ - "Ġt", - "ri" - ], - [ - "m", - "in" - ], - [ - "Ġdistrib", - "ution" - ], - [ - "Ġt", - "r" - ], - [ - "ĠThe", - "re" - ], - [ - "os", - "s" - ], - [ - "u", - "ce" - ], - [ - "math", - "rm" - ], - [ - "ul", - "l" - ], - [ - "E", - "R" - ], - [ - "re", - "g" - ], - [ - "Ġp", - "e" - ], - [ - "Ġto", - "tal" - ], - [ - "Ġle", - "ad" - ], - [ - "=", - "=" - ], - [ - "i", - "od" - ], - [ - "Ġass", - "um" - ], - [ - "Ġch", - "ang" - ], - [ - "Ġg", - "ra" - ], - [ - "M", - "I" - ], - [ - "Ġcomp", - "ut" - ], - [ - "Ġcom", - "b" - ], - [ - "Ġin", - "formation" - ], - [ - "Ġdes", - "ign" - ], - [ - "Ġin", - "iti" - ], - [ - "Ġf", - "requ" - ], - [ - "im", - "ension" - ], - [ - "c", - "op" - ], - [ - "Ġproper", - "ties" - ], - [ - "Ġconsid", - "er" - ], - [ - "Ġlevel", - "s" - ], - [ - "en", - "e" - ], - [ - "Ġt", - "ype" - ], - [ - "iv", - "ed" - ], - [ - "ĠH", - "e" - ], - [ - "epend", - "ent" - ], - [ - "Ġap", - "plic" - ], - [ - "Ġinv", - "es" - ], - [ - "Ġpre", - "vious" - ], - [ - "a", - "w" - ], - [ - "Ġsp", - "ace" - ], - [ - "Ġpro", - "vid" - ], - [ - "h", - "yl" - ], - [ - "Ġinves", - "tig" - ], - [ - "Ġappro", - "ach" - ], - [ - "ater", - "ial" - ], - [ - "on", - "se" - ], - [ - "lec", - "ular" - ], - [ - "Ġparamet", - "ers" - ], - [ - "Ġph", - "ase" - ], - [ - "ul", - "ations" - ], - [ - "ub", - "l" - ], - [ - "b", - "eta" - ], - [ - "Ġa", - "v" - ], - [ - "Ġf", - "lu" - ], - [ - "Ġpot", - "ential" - ], - [ - "ĠThe", - "se" - ], - [ - "s", - "igma" - ], - [ - "l", - "o" - ], - [ - "tim", - "es" - ], - [ - "Ġop", - "tim" - ], - [ - "is", - "ion" - ], - [ - "Ġa", - "ff" - ], - [ - "Ġme", - "an" - ], - [ - "Ġbe", - "havi" - ], - [ - "Ġv", - "ol" - ], - [ - "ore", - "m" - ], - [ - "ag", - "ne" - ], - [ - "Ġdec", - "re" - ], - [ - "tion", - "al" - ], - [ - "Ġsol", - "ution" - ], - [ - "Ġh", - "uman" - ], - [ - "g", - "er" - ], - [ - "Ġpa", - "per" - ], - [ - "Ġcomp", - "ar" - ], - [ - "Ġlow", - "er" - ], - [ - "and", - "ard" - ], - [ - "Ġcor", - "rel" - ], - [ - "c", - "ri" - ], - [ - "Ġcur", - "rent" - ], - [ - "Ġd", - "er" - ], - [ - "iss", - "ion" - ], - [ - "ĠFig", - "ure" - ], - [ - "Ġpro", - "duc" - ], - [ - "Ġw", - "ater" - ], - [ - "ĠT", - "o" - ], - [ - "Ġth", - "ose" - ], - [ - "Ġac", - "id" - ], - [ - "Ġcan", - "cer" - ], - [ - "Ġloc", - "al" - ], - [ - "t", - "on" - ], - [ - "Ġf", - "low" - ], - [ - "Ġreg", - "ion" - ], - [ - "Ġhe", - "alth" - ], - [ - "Ġimport", - "ant" - ], - [ - "og", - "raph" - ], - [ - "ab", - "l" - ], - [ - "Ġse", - "lec" - ], - [ - "Ġg", - "re" - ], - [ - "Ġin", - "di" - ], - [ - "ad", - "e" - ], - [ - "r", - "id" - ], - [ - "Ġsh", - "ould" - ], - [ - "b", - "ased" - ], - [ - "Ġab", - "ove" - ], - [ - "l", - "d" - ], - [ - "Ġsystem", - "s" - ], - [ - "ic", - "ation" - ], - [ - "Ġ", - "ed" - ], - [ - "Ġt", - "yp" - ], - [ - "Ġph", - "ys" - ], - [ - "o", - "per" - ], - [ - "Ġcomp", - "on" - ], - [ - "O", - "N" - ], - [ - "Ġsu", - "per" - ], - [ - "g", - "a" - ], - [ - "hem", - "ical" - ], - [ - "is", - "k" - ], - [ - "op", - "h" - ], - [ - "Ġh", - "y" - ], - [ - "Ġanal", - "y" - ], - [ - "in", - "u" - ], - [ - "Ġt", - "arget" - ], - [ - "ĠA", - "d" - ], - [ - "Ġp", - "at" - ], - [ - "g", - "amma" - ], - [ - "Ġsam", - "ples" - ], - [ - "Ġs", - "l" - ], - [ - "Ġpar", - "t" - ], - [ - "old", - "s" - ], - [ - "Ġb", - "el" - ], - [ - "im", - "um" - ], - [ - "ĠI", - "m" - ], - [ - "Ġdise", - "ase" - ], - [ - "I", - "I" - ], - [ - "is", - "ts" - ], - [ - "i", - "ver" - ], - [ - "Ġperform", - "ance" - ], - [ - "ĠĠĠĠĠĠĠĠ", - "ĠĠĠ" - ], - [ - "g", - "le" - ], - [ - "Ġo", - "x" - ], - [ - "nd", - "om" - ], - [ - "ĠĠĠĠ", - "Ġ" - ], - [ - "Ġbec", - "ause" - ], - [ - "ay", - "er" - ], - [ - "Ġr", - "ange" - ], - [ - "Ġco", - "un" - ], - [ - "Ġincre", - "ased" - ], - [ - "oc", - "h" - ], - [ - "on", - "al" - ], - [ - "Ġver", - "y" - ], - [ - "Ġd", - "ynam" - ], - [ - "an", - "ti" - ], - [ - "Ġad", - "d" - ], - [ - "Ġin", - "hib" - ], - [ - "Ġmethod", - "s" - ], - [ - "id", - "ence" - ], - [ - "in", - "ical" - ], - [ - "ere", - "nce" - ], - [ - "iv", - "al" - ], - [ - "u", - "le" - ], - [ - "Ġfact", - "or" - ], - [ - "Ġf", - "in" - ], - [ - "in", - "ts" - ], - [ - "v", - "iron" - ], - [ - "Ġs", - "our" - ], - [ - "ver", - "age" - ], - [ - "e", - "qu" - ], - [ - "Ġe", - "ar" - ], - [ - "Ġshow", - "ed" - ], - [ - "it", - "es" - ], - [ - "Ġperform", - "ed" - ], - [ - "Ġre", - "se" - ], - [ - "ĠE", - "n" - ], - [ - "Ġspec", - "ies" - ], - [ - "A", - "C" - ], - [ - "ĠC", - "l" - ], - [ - "h", - "ip" - ], - [ - "til", - "de" - ], - [ - "i", - "o" - ], - [ - "at", - "ely" - ], - [ - "T", - "h" - ], - [ - "od", - "y" - ], - [ - "Ġincre", - "ase" - ], - [ - "ĠP", - "h" - ], - [ - "âĢ", - "Ŀ" - ], - [ - "Ġshow", - "s" - ], - [ - "ĠA", - "c" - ], - [ - "Ġp", - "ost" - ], - [ - "ord", - "ing" - ], - [ - "enc", - "es" - ], - [ - "o", - "y" - ], - [ - "n", - "er" - ], - [ - "Ġresp", - "onse" - ], - [ - "Ġocc", - "ur" - ], - [ - "r", - "ho" - ], - [ - "Ġper", - "iod" - ], - [ - "ar", - "s" - ], - [ - "Ġre", - "d" - ], - [ - "ĠO", - "n" - ], - [ - "Ġd", - "ensity" - ], - [ - "Ġexam", - "ple" - ], - [ - "g", - "et" - ], - [ - "Ġre", - "al" - ], - [ - "ĠC", - "ount" - ], - [ - "ac", - "y" - ], - [ - "Ġp", - "ower" - ], - [ - "Ġab", - "s" - ], - [ - "it", - "al" - ], - [ - "Ġpr", - "im" - ], - [ - "âĢ", - "IJ" - ], - [ - "Ġdef", - "ined" - ], - [ - "Ġn", - "ormal" - ], - [ - "a", - "j" - ], - [ - "Ġin", - "st" - ], - [ - "Ġal", - "low" - ], - [ - "Ġposs", - "ible" - ], - [ - "Ġv", - "is" - ], - [ - "Ġre", - "ported" - ], - [ - "Ġsign", - "al" - ], - [ - "the", - "ta" - ], - [ - "Ġd", - "en" - ], - [ - "ab", - "les" - ], - [ - "Ġde", - "g" - ], - [ - "Ġindi", - "vid" - ], - [ - "agne", - "tic" - ], - [ - "Ġgroup", - "s" - ], - [ - "a", - "e" - ], - [ - "ar", - "row" - ], - [ - "Ġst", - "at" - ], - [ - "Ġmechan", - "ism" - ], - [ - "os", - "p" - ], - [ - "m", - "er" - ], - [ - "ot", - "her" - ], - [ - "Ġpro", - "t" - ], - [ - "Ġc", - "ases" - ], - [ - "Ġc", - "r" - ], - [ - "Ġt", - "e" - ], - [ - "Ġinte", - "gr" - ], - [ - "et", - "s" - ], - [ - "Ġdevelop", - "ment" - ], - [ - "Ġra", - "ndom" - ], - [ - "Ġinv", - "ol" - ], - [ - "Ġinclud", - "ing" - ], - [ - "Ġ", - "err" - ], - [ - "gr", - "am" - ], - [ - "Ġpartic", - "ular" - ], - [ - "ep", - "s" - ], - [ - "Ġst", - "andard" - ], - [ - "pos", - "ition" - ], - [ - "Ġcont", - "rib" - ], - [ - "se", - "qu" - ], - [ - "Ġman", - "y" - ], - [ - "Ġf", - "urther" - ], - [ - "Ġsignificant", - "ly" - ], - [ - "at", - "ors" - ], - [ - "ur", - "b" - ], - [ - "Ġag", - "ain" - ], - [ - "b", - "ar" - ], - [ - "Ġwith", - "out" - ], - [ - "Ġse", - "ver" - ], - [ - "Ġto", - "p" - ], - [ - "re", - "t" - ], - [ - "l", - "ed" - ], - [ - "Ġmat", - "rix" - ], - [ - "Ġspec", - "ific" - ], - [ - "ate", - "g" - ], - [ - "Ĩ", - "Ĵ" - ], - [ - "Ġdirec", - "t" - ], - [ - "Ġsam", - "ple" - ], - [ - "Ġthe", - "m" - ], - [ - "S", - "A" - ], - [ - "o", - "int" - ], - [ - "Ġro", - "le" - ], - [ - "Ġchang", - "es" - ], - [ - "rac", - "tion" - ], - [ - "Ġs", - "um" - ], - [ - "Ġindivid", - "ual" - ], - [ - "I", - "N" - ], - [ - "Ġim", - "mun" - ], - [ - "c", - "ed" - ], - [ - "o", - "h" - ], - [ - "Ġstr", - "ong" - ], - [ - "Ġe", - "p" - ], - [ - "Ġline", - "ar" - ], - [ - "u", - "ally" - ], - [ - "d", - "elta" - ], - [ - "w", - "ay" - ], - [ - "as", - "ing" - ], - [ - "Ġt", - "im" - ], - [ - "Ġv", - "i" - ], - [ - "is", - "on" - ], - [ - "Ġfunc", - "tions" - ], - [ - "Ġam", - "ong" - ], - [ - "Ġse", - "e" - ], - [ - "ere", - "st" - ], - [ - "Ġgrow", - "th" - ], - [ - "Ġr", - "ati" - ], - [ - "ĠS", - "c" - ], - [ - "ix", - "ed" - ], - [ - "R", - "NA" - ], - [ - "e", - "ed" - ], - [ - "ta", - "u" - ], - [ - "Ġ", - "ent" - ], - [ - "Ġd", - "r" - ], - [ - "o", - "res" - ], - [ - "Ġappro", - "xim" - ], - [ - "f", - "ul" - ], - [ - "Ġre", - "le" - ], - [ - "Ġfact", - "ors" - ], - [ - "Ġdisc", - "uss" - ], - [ - "Ġph", - "ot" - ], - [ - "Ġpro", - "posed" - ], - [ - "er", - "o" - ], - [ - "ome", - "ga" - ], - [ - "Ġf", - "our" - ], - [ - "as", - "tic" - ], - [ - "Ġyear", - "s" - ], - [ - "hes", - "is" - ], - [ - "iqu", - "e" - ], - [ - "Ġm", - "aterial" - ], - [ - "Ġb", - "re" - ], - [ - "Ġpro", - "f" - ], - [ - "ĠA", - "p" - ], - [ - "Ġne", - "g" - ], - [ - "Ġb", - "u" - ], - [ - "Ġass", - "ess" - ], - [ - "ĠâĢ", - "ľ" - ], - [ - "Ġv", - "ir" - ], - [ - "at", - "ter" - ], - [ - "Ġdescrib", - "ed" - ], - [ - "istic", - "s" - ], - [ - "Ġcomp", - "os" - ], - [ - "a", - "z" - ], - [ - "str", - "uc" - ], - [ - "Ġt", - "um" - ], - [ - "par", - "tial" - ], - [ - "a", - "f" - ], - [ - "Ġwh", - "o" - ], - [ - "at", - "al" - ], - [ - "Ġdem", - "onstr" - ], - [ - "anc", - "es" - ], - [ - "y", - "t" - ], - [ - "Ġrem", - "ain" - ], - [ - "Ġl", - "ess" - ], - [ - "Ġpos", - "itive" - ], - [ - "om", - "ic" - ], - [ - "Ġs", - "ince" - ], - [ - "og", - "n" - ], - [ - "Ġcon", - "dition" - ], - [ - ":", - ":" - ], - [ - "Ġdo", - "es" - ], - [ - "ti", - "ce" - ], - [ - "os", - "ph" - ], - [ - "Ġpro", - "v" - ], - [ - "ĠC", - "O" - ], - [ - "Ġr", - "at" - ], - [ - "Ġterm", - "s" - ], - [ - "b", - "ox" - ], - [ - "Ġt", - "ak" - ], - [ - "Ġpat", - "tern" - ], - [ - "al", - "e" - ], - [ - "Ġn", - "an" - ], - [ - "ul", - "es" - ], - [ - "Ġm", - "ut" - ], - [ - "is", - "hed" - ], - [ - "Ġrel", - "ated" - ], - [ - "Ġthe", - "ory" - ], - [ - "b", - "ol" - ], - [ - "c", - "dot" - ], - [ - "viron", - "ment" - ], - [ - "a", - "ir" - ], - [ - "i", - "vers" - ], - [ - "ĠA", - "r" - ], - [ - "Ġï", - "£" - ], - [ - "ress", - "ed" - ], - [ - "Ġâī", - "¤" - ], - [ - "ĠM", - "et" - ], - [ - "I", - "D" - ], - [ - "ul", - "ts" - ], - [ - "ĠÎ", - "²" - ], - [ - "Ġd", - "at" - ], - [ - "pos", - "e" - ], - [ - "Ġor", - "ig" - ], - [ - "Ġret", - "urn" - ], - [ - "Ġch", - "ange" - ], - [ - "Ġl", - "arg" - ], - [ - "a", - "u" - ], - [ - "ac", - "es" - ], - [ - "Ġare", - "a" - ], - [ - "Ġgen", - "es" - ], - [ - "A", - "S" - ], - [ - "Ġh", - "ydro" - ], - [ - "Ġcons", - "ist" - ], - [ - "m", - "an" - ], - [ - "Ġrese", - "arch" - ], - [ - "ĠD", - "e" - ], - [ - "Ġor", - "gan" - ], - [ - "as", - "k" - ], - [ - "Ġb", - "ack" - ], - [ - "Ġfollow", - "s" - ], - [ - "un", - "g" - ], - [ - "ro", - "ll" - ], - [ - "Ġequ", - "ation" - ], - [ - "pl", - "ied" - ], - [ - "t", - "r" - ], - [ - "Ġcorrespond", - "ing" - ], - [ - "od", - "es" - ], - [ - "es", - "ted" - ], - [ - "Ġrel", - "ations" - ], - [ - "n", - "al" - ], - [ - "Ġf", - "r" - ], - [ - "Ġlim", - "it" - ], - [ - "m", - "it" - ], - [ - "Ġof", - "f" - ], - [ - "ut", - "ed" - ], - [ - "Ġr", - "isk" - ], - [ - "re", - "ad" - ], - [ - "Ġkn", - "own" - ], - [ - "pl", - "it" - ], - [ - "tiv", - "ity" - ], - [ - "Ġsequ", - "ence" - ], - [ - "Ġconsid", - "ered" - ], - [ - "x", - "i" - ], - [ - "ĠM", - "od" - ], - [ - "v", - "ity" - ], - [ - "Ġn", - "uc" - ], - [ - "c", - "le" - ], - [ - "ic", - "es" - ], - [ - "Ġl", - "ength" - ], - [ - "Ġsever", - "al" - ], - [ - "s", - "ing" - ], - [ - "o", - "ot" - ], - [ - "n", - "ot" - ], - [ - "Ġst", - "ress" - ], - [ - "ĠI", - "f" - ], - [ - "C", - "T" - ], - [ - "ro", - "ph" - ], - [ - "Ġcom", - "mun" - ], - [ - "Ġcl", - "ust" - ], - [ - "ĠL", - "e" - ], - [ - "m", - "e" - ], - [ - "ant", - "um" - ], - [ - "Ġm", - "emb" - ], - [ - "Ġl", - "ab" - ], - [ - "Ġev", - "en" - ], - [ - "Ġinf", - "lu" - ], - [ - "c", - "k" - ], - [ - "ĠÃ", - "Ĺ" - ], - [ - "Ġl", - "og" - ], - [ - "v", - "ing" - ], - [ - "es", - "ts" - ], - [ - "Ġh", - "is" - ], - [ - "an", - "k" - ], - [ - "ĠI", - "nd" - ], - [ - "ac", - "tions" - ], - [ - "ft", - "y" - ], - [ - "m", - "od" - ], - [ - "Ġre", - "view" - ], - [ - "th", - "ough" - ], - [ - "Ġeff", - "ici" - ], - [ - "Ġm", - "ap" - ], - [ - "in", - "fty" - ], - [ - "Ġbe", - "ing" - ], - [ - "l", - "and" - ], - [ - "Ġcl", - "inical" - ], - [ - "Ġmeasure", - "d" - ], - [ - "er", - "ing" - ], - [ - "ĠT", - "able" - ], - [ - "Ġs", - "he" - ], - [ - "se", - "e" - ], - [ - "Ġs", - "ection" - ], - [ - "Ġav", - "ail" - ], - [ - "om", - "en" - ], - [ - "Ġv", - "ers" - ], - [ - "Ġd", - "el" - ], - [ - "it", - "her" - ], - [ - "er", - "ation" - ], - [ - "Ġh", - "and" - ], - [ - "Ġcont", - "inu" - ], - [ - "Ġcon", - "n" - ], - [ - "h", - "ors" - ], - [ - "ra", - "d" - ], - [ - "Ġf", - "am" - ], - [ - "Ġle", - "ar" - ], - [ - "Ġiniti", - "al" - ], - [ - "y", - "stem" - ], - [ - "Ġg", - "e" - ], - [ - "ĠâĢ", - "²" - ], - [ - "Ġc", - "irc" - ], - [ - "Ġp", - "ubl" - ], - [ - "ĠI", - "s" - ], - [ - "Ġv", - "ia" - ], - [ - "Ġcom", - "mon" - ], - [ - "if", - "e" - ], - [ - "Ġm", - "ark" - ], - [ - "Ġe", - "ver" - ], - [ - "ar", - "c" - ], - [ - "b", - "ig" - ], - [ - "er", - "tain" - ], - [ - "\\", - "\\" - ], - [ - "v", - "ar" - ], - [ - "A", - "s" - ], - [ - "ros", - "cop" - ], - [ - "Ġa", - "ge" - ], - [ - "Ġh", - "ow" - ], - [ - "ĠL", - "et" - ], - [ - "str", - "uct" - ], - [ - "Ġa", - "verage" - ], - [ - "v", - "ant" - ], - [ - "ĠS", - "h" - ], - [ - "imension", - "al" - ], - [ - "S", - "C" - ], - [ - "ap", - "e" - ], - [ - "n", - "u" - ], - [ - "Ġl", - "oss" - ], - [ - "as", - "on" - ], - [ - "id", - "es" - ], - [ - "Ġpop", - "ulation" - ], - [ - "Ġdom", - "ain" - ], - [ - "ind", - "ing" - ], - [ - "w", - "e" - ], - [ - "A", - "L" - ], - [ - "Ġacc", - "ur" - ], - [ - "et", - "y" - ], - [ - "Ġc", - "aus" - ], - [ - "D", - "elta" - ], - [ - "rap", - "y" - ], - [ - "Ġpro", - "m" - ], - [ - "tim", - "e" - ], - [ - "Ġint", - "ro" - ], - [ - "Ġmulti", - "ple" - ], - [ - "Ġconst", - "ant" - ], - [ - "pl", - "ing" - ], - [ - "in", - "o" - ], - [ - "aj", - "or" - ], - [ - "i", - "or" - ], - [ - "ab", - "ol" - ], - [ - "de", - "f" - ], - [ - "Ġpo", - "ints" - ], - [ - "ver", - "se" - ], - [ - "n", - "ame" - ], - [ - "ĠS", - "e" - ], - [ - "it", - "or" - ], - [ - "P", - "ro" - ], - [ - "ar", - "m" - ], - [ - "Ġt", - "iss" - ], - [ - "Ġf", - "ib" - ], - [ - "Ġg", - "raph" - ], - [ - "Ġc", - "all" - ], - [ - "atis", - "f" - ], - [ - "Ġcon", - "duc" - ], - [ - "de", - "x" - ], - [ - "ĠN", - "e" - ], - [ - "Ġp", - "ers" - ], - [ - "er", - "n" - ], - [ - "C", - "R" - ], - [ - "ang", - "le" - ], - [ - "Ġfrequ", - "ency" - ], - [ - "A", - "P" - ], - [ - "Ġpresent", - "ed" - ], - [ - "am", - "p" - ], - [ - "Ġbe", - "fore" - ], - [ - "ord", - "s" - ], - [ - "Ġin", - "put" - ], - [ - "Ġâ", - "ĨĴ" - ], - [ - "Ġpartic", - "ip" - ], - [ - "O", - "R" - ], - [ - "Ġch", - "ild" - ], - [ - "Ġc", - "re" - ], - [ - "ffici", - "ent" - ], - [ - "Ġse", - "par" - ], - [ - "ur", - "ation" - ], - [ - "Î", - "±" - ], - [ - "Ġex", - "ist" - ], - [ - "is", - "ed" - ], - [ - "Ġl", - "ight" - ], - [ - "im", - "al" - ], - [ - "**", - "**" - ], - [ - "ĠD", - "NA" - ], - [ - "he", - "l" - ], - [ - "Ġint", - "erest" - ], - [ - "b", - "f" - ], - [ - "k", - "e" - ], - [ - "Ġcol", - "lec" - ], - [ - "Ġt", - "rain" - ], - [ - "a", - "i" - ], - [ - "ĠP", - "l" - ], - [ - "ĠÎ", - "»" - ], - [ - "ĠC", - "o" - ], - [ - "Ġim", - "age" - ], - [ - "Ġh", - "yp" - ], - [ - "om", - "a" - ], - [ - "Ġwe", - "ight" - ], - [ - "Ġc", - "ross" - ], - [ - "r", - "t" - ], - [ - "Ġdiffere", - "nce" - ], - [ - "Ġfe", - "atures" - ], - [ - "med", - "i" - ], - [ - "t", - "ype" - ], - [ - "Ġp", - "ress" - ], - [ - "I", - "C" - ], - [ - "Ġthe", - "rm" - ], - [ - "Ġst", - "ates" - ], - [ - "u", - "str" - ], - [ - "ti", - "ll" - ], - [ - "Ġh", - "ist" - ], - [ - "Ġrati", - "o" - ], - [ - "ag", - "ing" - ], - [ - "ĠA", - "ll" - ], - [ - "Ġhe", - "l" - ], - [ - "b", - "on" - ], - [ - "Ġbehavi", - "or" - ], - [ - "Ġp", - "ri" - ], - [ - "Ġsy", - "nt" - ], - [ - "end", - "ed" - ], - [ - "ĠIn", - "t" - ], - [ - "t", - "t" - ], - [ - "Ġvari", - "ous" - ], - [ - "rec", - "t" - ], - [ - "Ġpre", - "c" - ], - [ - "Ġtim", - "es" - ], - [ - "M", - "S" - ], - [ - "Ġanaly", - "z" - ], - [ - "Ġc", - "are" - ], - [ - "m", - "at" - ], - [ - "Ġal", - "ong" - ], - [ - "Ġp", - "ur" - ], - [ - "ati", - "vely" - ], - [ - "Ġst", - "ar" - ], - [ - "j", - "ects" - ], - [ - "i", - "i" - ], - [ - "ist", - "ance" - ], - [ - "ĠThe", - "n" - ], - [ - "A", - "N" - ], - [ - "Ġparamet", - "er" - ], - [ - "ul", - "ate" - ], - [ - "Ġever", - "y" - ], - [ - "Ġs", - "atisf" - ], - [ - "Ġdeterm", - "ined" - ], - [ - "in", - "a" - ], - [ - "ran", - "e" - ], - [ - "Ġpa", - "ir" - ], - [ - "o", - "ol" - ], - [ - "T", - "able" - ], - [ - "Ġth", - "us" - ], - [ - "ogen", - "e" - ], - [ - "ĠÏ", - "Ĩ" - ], - [ - "Ġpro", - "gram" - ], - [ - "as", - "c" - ], - [ - "Ġen", - "vironment" - ], - [ - "M", - "P" - ], - [ - "Ġre", - "ad" - ], - [ - "Ġac", - "h" - ], - [ - "Ġpres", - "ence" - ], - [ - "Ġm", - "ice" - ], - [ - "F", - "or" - ], - [ - "Ġpro", - "duction" - ], - [ - "Ġdifferen", - "ces" - ], - [ - "Ġprov", - "ide" - ], - [ - "st", - "e" - ], - [ - "am", - "es" - ], - [ - "ĉ", - "Ġ" - ], - [ - "ĠÂ", - "±" - ], - [ - "ro", - "up" - ], - [ - "Ġelect", - "ron" - ], - [ - "Ġhy", - "per" - ], - [ - "b", - "it" - ], - [ - "ĠR", - "ec" - ], - [ - "Ġv", - "ector" - ], - [ - "ub", - "le" - ], - [ - "ran", - "gle" - ], - [ - "Ġw", - "r" - ], - [ - "w", - "ide" - ], - [ - "Ġâ", - "Ĭ" - ], - [ - "rac", - "k" - ], - [ - "ry", - "st" - ], - [ - "Ġin", - "j" - ], - [ - "eg", - "a" - ], - [ - "Ġw", - "he" - ], - [ - "ps", - "ilon" - ], - [ - "Ġagain", - "st" - ], - [ - "Ġdi", - "agn" - ], - [ - "Ġh", - "om" - ], - [ - "Ġach", - "ie" - ], - [ - "n", - "s" - ], - [ - "Ġre", - "ce" - ], - [ - "----", - "----" - ], - [ - "Ġavail", - "able" - ], - [ - "in", - "f" - ], - [ - "Ġs", - "uc" - ], - [ - "Ġg", - "u" - ], - [ - "Ġm", - "ajor" - ], - [ - "ĠTh", - "us" - ], - [ - "w", - "are" - ], - [ - "Ġsup", - "port" - ], - [ - "l", - "or" - ], - [ - "Ġexperim", - "ental" - ], - [ - "ĠM", - "o" - ], - [ - "Ġconcent", - "ration" - ], - [ - "tic", - "s" - ], - [ - "Ġn", - "ec" - ], - [ - "Ġp", - "hen" - ], - [ - "s", - "q" - ], - [ - "Ġcl", - "os" - ], - [ - "s", - "ub" - ], - [ - "Ġkn", - "ow" - ], - [ - "Ġform", - "ation" - ], - [ - "Ġd", - "id" - ], - [ - "ous", - "e" - ], - [ - "in", - "ary" - ], - [ - "ic", - "t" - ], - [ - "ĠC", - "D" - ], - [ - "Th", - "is" - ], - [ - "l", - "ess" - ], - [ - "Ġne", - "ar" - ], - [ - "Ġimpro", - "ve" - ], - [ - "ab", - "il" - ], - [ - "Ġre", - "ve" - ], - [ - "Ġexperim", - "ents" - ], - [ - "i", - "ence" - ], - [ - "ul", - "a" - ], - [ - "ore", - "d" - ], - [ - "Ġ", - "unc" - ], - [ - "_", - "_" - ], - [ - "Ġap", - "plied" - ], - [ - "Ġre", - "duced" - ], - [ - "Ġdet", - "ail" - ], - [ - "st", - "and" - ], - [ - "Ġch", - "o" - ], - [ - "om", - "y" - ], - [ - "Ġcalc", - "ulated" - ], - [ - "Ġen", - "h" - ], - [ - "L", - "ES" - ], - [ - "it", - "ro" - ], - [ - "Ġresp", - "ons" - ], - [ - "Ġ", - "est" - ], - [ - "Ġm", - "i" - ], - [ - "Ġco", - "e" - ], - [ - "ĠThere", - "fore" - ], - [ - "ĠM", - "ore" - ], - [ - "b", - "l" - ], - [ - "anc", - "ed" - ], - [ - "um", - "e" - ], - [ - "Ġb", - "and" - ], - [ - "Ġac", - "t" - ], - [ - "Ġe", - "ither" - ], - [ - "om", - "es" - ], - [ - "ĠG", - "en" - ], - [ - "v", - "are" - ], - [ - "E", - "T" - ], - [ - "re", - "en" - ], - [ - "ĠP", - "ar" - ], - [ - "ĠS", - "im" - ], - [ - "Ġidentif", - "ied" - ], - [ - "Ġinter", - "action" - ], - [ - "Ġm", - "ade" - ], - [ - "Ġsour", - "ce" - ], - [ - "ti", - "s" - ], - [ - "ot", - "s" - ], - [ - "m", - "ega" - ], - [ - "Ġs", - "erv" - ], - [ - "m", - "s" - ], - [ - "al", - "ysis" - ], - [ - "v", - "ent" - ], - [ - "en", - "se" - ], - [ - "g", - "l" - ], - [ - "Ġl", - "ines" - ], - [ - "Ġapp", - "ear" - ], - [ - "ti", - "f" - ], - [ - "Ġf", - "ree" - ], - [ - "om", - "s" - ], - [ - "in", - "ing" - ], - [ - "ere", - "n" - ], - [ - "Ġch", - "ann" - ], - [ - "vare", - "psilon" - ], - [ - "s", - "im" - ], - [ - "Ġco", - "u" - ], - [ - "Â", - "°" - ], - [ - "Ġerr", - "or" - ], - [ - "Ġqu", - "anti" - ], - [ - "ĠE", - "q" - ], - [ - "b", - "y" - ], - [ - "ĠI", - "I" - ], - [ - "te", - "x" - ], - [ - "ĠS", - "ch" - ], - [ - "sq", - "rt" - ], - [ - "oc", - "us" - ], - [ - "Ġde", - "v" - ], - [ - "qu", - "ad" - ], - [ - "ter", - "s" - ], - [ - "Ġrelations", - "hip" - ], - [ - "ol", - "l" - ], - [ - "Ġg", - "o" - ], - [ - "Ġw", - "ave" - ], - [ - "Ġle", - "ft" - ], - [ - "w", - "ays" - ], - [ - "h", - "i" - ], - [ - "Ġr", - "ight" - ], - [ - "ob", - "al" - ], - [ - "Ġd", - "own" - ], - [ - "u", - "k" - ], - [ - "Ġcol", - "l" - ], - [ - "Ġm", - "agnetic" - ], - [ - "Ġpro", - "g" - ], - [ - "dot", - "s" - ], - [ - "Ġstr", - "ateg" - ], - [ - "b", - "s" - ], - [ - "unc", - "tion" - ], - [ - "Ġen", - "c" - ], - [ - "Ġc", - "lear" - ], - [ - "Ġco", - "st" - ], - [ - "ge", - "b" - ], - [ - "et", - "ter" - ], - [ - "MI", - "LES" - ], - [ - "lam", - "m" - ], - [ - "Ġm", - "ust" - ], - [ - "Ġeff", - "ective" - ], - [ - "Ġex", - "c" - ], - [ - "Ġpl", - "as" - ], - [ - "Ġsugg", - "est" - ], - [ - "i", - "tions" - ], - [ - "Ġle", - "ast" - ], - [ - "y", - "ing" - ], - [ - "ly", - "ing" - ], - [ - "Ġl", - "ik" - ], - [ - "O", - "mega" - ], - [ - "ak", - "ing" - ], - [ - "Ġmax", - "imum" - ], - [ - "Ġrel", - "ative" - ], - [ - "Ã", - "©" - ], - [ - "Ġacc", - "ording" - ], - [ - "i", - "ent" - ], - [ - "Ġw", - "ay" - ], - [ - "Ġs", - "em" - ], - [ - "at", - "ural" - ], - [ - "l", - "ike" - ], - [ - "res", - "h" - ], - [ - "ĠM", - "e" - ], - [ - "P", - "s" - ], - [ - "ĠT", - "rans" - ], - [ - "is", - "c" - ], - [ - "Ġp", - "rac" - ], - [ - "Ġr", - "un" - ], - [ - "Ġcon", - "ver" - ], - [ - "Ġs", - "k" - ], - [ - "Ġy", - "ield" - ], - [ - "ge", - "q" - ], - [ - "ab", - "ly" - ], - [ - "Ġanti", - "b" - ], - [ - "iz", - "ing" - ], - [ - "Î", - "²" - ], - [ - "m", - "ission" - ], - [ - "Ġn", - "ow" - ], - [ - "Ġdet", - "ection" - ], - [ - "el", - "oc" - ], - [ - "Ġg", - "et" - ], - [ - "er", - "t" - ], - [ - "Ġvari", - "ables" - ], - [ - "Ġop", - "en" - ], - [ - "Ġpress", - "ure" - ], - [ - "Ġst", - "rain" - ], - [ - "um", - "ent" - ], - [ - "ĠF", - "urther" - ], - [ - "Ġqu", - "antum" - ], - [ - "Ġim", - "plement" - ], - [ - "Ġear", - "ly" - ], - [ - "Ġfr", - "ame" - ], - [ - "Ġsh", - "ort" - ], - [ - "Ġdr", - "ug" - ], - [ - "Ġrequi", - "red" - ], - [ - "P", - "S" - ], - [ - "Ġm", - "y" - ], - [ - "Ġm", - "uch" - ], - [ - "Ġm", - "em" - ], - [ - "C", - "C" - ], - [ - "Ġqu", - "ality" - ], - [ - "Ġprotein", - "s" - ], - [ - "Ġl", - "ayer" - ], - [ - "Ġqu", - "es" - ], - [ - "Ġre", - "cept" - ], - [ - "Ġhe", - "re" - ], - [ - "Ġpro", - "ced" - ], - [ - "ure", - "d" - ], - [ - "Ġdevelop", - "ed" - ], - [ - "Ġpos", - "ition" - ], - [ - "r", - "um" - ], - [ - "Ġl", - "at" - ], - [ - "Ġincre", - "asing" - ], - [ - "E", - "M" - ], - [ - "Ġmeasure", - "ments" - ], - [ - "Ġb", - "en" - ], - [ - "Ġis", - "ol" - ], - [ - "w", - "h" - ], - [ - "T", - "o" - ], - [ - "Ġval", - "id" - ], - [ - "Ġfunction", - "al" - ], - [ - "em", - "ma" - ], - [ - "..", - "." - ], - [ - "or", - "ld" - ], - [ - "ri", - "es" - ], - [ - "Ġprob", - "ability" - ], - [ - "ĠN", - "ew" - ], - [ - "Ġm", - "m" - ], - [ - "O", - "S" - ], - [ - "A", - "D" - ], - [ - "ĠÎ", - "´" - ], - [ - "Ġscal", - "e" - ], - [ - "ĠF", - "e" - ], - [ - "ĠThe", - "orem" - ], - [ - "ĠQ", - "u" - ], - [ - "Ġcompon", - "ents" - ], - [ - "Ġbl", - "ood" - ], - [ - "ĠÏ", - "ĥ" - ], - [ - "ac", - "c" - ], - [ - "Ġb", - "etter" - ], - [ - "Ġst", - "ep" - ], - [ - "ĠÎ", - "³" - ], - [ - "Ġf", - "ac" - ], - [ - "ane", - "ous" - ], - [ - "Ġlo", - "ad" - ], - [ - "Ġmet", - "abol" - ], - [ - "Ġev", - "olution" - ], - [ - "s", - "on" - ], - [ - "re", - "am" - ], - [ - "Ġe", - "as" - ], - [ - "ir", - "d" - ], - [ - "d", - "imensional" - ], - [ - "b", - "or" - ], - [ - "Ġm", - "us" - ], - [ - "Ġequ", - "ations" - ], - [ - "ps", - "i" - ], - [ - "ord", - "er" - ], - [ - "ol", - "ar" - ], - [ - "Ġnum", - "er" - ], - [ - "Ġk", - "ey" - ], - [ - "or", - "th" - ], - [ - "Ġsim", - "ple" - ], - [ - "if", - "t" - ], - [ - "cal", - "e" - ], - [ - "Ġin", - "dex" - ], - [ - "ĠâĢ", - "ĵ" - ], - [ - "Ġconcent", - "r" - ], - [ - "g", - "es" - ], - [ - "Ġneg", - "ative" - ], - [ - "Ġv", - "eloc" - ], - [ - "Ġa", - "x" - ], - [ - "ĠE", - "ff" - ], - [ - "Ġfin", - "ite" - ], - [ - "Ġ", - "ill" - ], - [ - "ch", - "ing" - ], - [ - "Ġpati", - "ent" - ], - [ - "eps", - "ilon" - ], - [ - "Ġm", - "en" - ], - [ - "Ġc", - "ri" - ], - [ - "I", - "S" - ], - [ - "C", - "l" - ], - [ - "Ġcon", - "cl" - ], - [ - "ĠÎ", - "¸" - ], - [ - "ib", - "ility" - ], - [ - "Ġsym", - "met" - ], - [ - "ent", - "er" - ], - [ - "Ġdist", - "ance" - ], - [ - "Ġpol", - "ym" - ], - [ - "igh", - "ts" - ], - [ - "Ġc", - "ult" - ], - [ - "Ġpe", - "ak" - ], - [ - "Ġac", - "ross" - ], - [ - "in", - "ition" - ], - [ - "Ġle", - "t" - ], - [ - "Ġcon", - "struc" - ], - [ - "Ġinclud", - "ed" - ], - [ - "Ġh", - "owever" - ], - [ - "Ġreg", - "ions" - ], - [ - "Ġlear", - "ning" - ], - [ - "Ġev", - "idence" - ], - [ - "in", - "ally" - ], - [ - "Ġne", - "ut" - ], - [ - "it", - "ation" - ], - [ - "Ġwhe", - "ther" - ], - [ - "Ġout", - "put" - ], - [ - "ĠS", - "ection" - ], - [ - "Ġg", - "ood" - ], - [ - "I", - "T" - ], - [ - "u", - "ation" - ], - [ - "Ġtyp", - "es" - ], - [ - "b", - "m" - ], - [ - "c", - "os" - ], - [ - "w", - "ith" - ], - [ - "l", - "im" - ], - [ - "o", - "tic" - ], - [ - "Ġs", - "till" - ], - [ - "Ġd", - "ays" - ], - [ - "Ġstud", - "ied" - ], - [ - "Ġim", - "ages" - ], - [ - "b", - "le" - ], - [ - "Ġar", - "g" - ], - [ - "line", - "ar" - ], - [ - "Ġprocess", - "es" - ], - [ - "Ġw", - "id" - ], - [ - "Ġtrain", - "ing" - ], - [ - "Ġind", - "ependent" - ], - [ - "pl", - "ac" - ], - [ - "Ġres", - "id" - ], - [ - "Ġsuc", - "cess" - ], - [ - "Ġnuc", - "le" - ], - [ - "G", - "F" - ], - [ - "le", - "t" - ], - [ - "pl", - "oy" - ], - [ - "Ġtum", - "or" - ], - [ - "G", - "amma" - ], - [ - "Ġthere", - "fore" - ], - [ - "r", - "ast" - ], - [ - "Ġf", - "ocus" - ], - [ - "as", - "h" - ], - [ - "Ġbel", - "ow" - ], - [ - "ial", - "ly" - ], - [ - "Ġcompar", - "ison" - ], - [ - "Ġad", - "j" - ], - [ - "Ġl", - "ike" - ], - [ - "Ġmo", - "lecular" - ], - [ - "ri", - "ed" - ], - [ - "Ġf", - "it" - ], - [ - "ĠD", - "i" - ], - [ - "l", - "og" - ], - [ - "Ġpl", - "ay" - ], - [ - "w", - "ork" - ], - [ - "ec", - "tions" - ], - [ - "Ġelect", - "ro" - ], - [ - "u", - "it" - ], - [ - "m", - "ore" - ], - [ - "Ġm", - "ight" - ], - [ - "Ġanal", - "ys" - ], - [ - "Ġme", - "ans" - ], - [ - "Ġcorrel", - "ation" - ], - [ - "k", - "n" - ], - [ - "Ġcont", - "roll" - ], - [ - "I", - "V" - ], - [ - "C", - "h" - ], - [ - "p", - "ec" - ], - [ - "ra", - "g" - ], - [ - "Ġm", - "agn" - ], - [ - "Ġphys", - "ical" - ], - [ - "I", - "ON" - ], - [ - "Ġreve", - "al" - ], - [ - "Ġph", - "osph" - ], - [ - "Ġr", - "ates" - ], - [ - "Ġlarg", - "er" - ], - [ - "Ġs", - "tim" - ], - [ - "Ġso", - "ft" - ], - [ - "Ġcomp", - "ound" - ], - [ - "b", - "e" - ], - [ - "ch", - "i" - ], - [ - "ĠN", - "o" - ], - [ - "Ġimp", - "act" - ], - [ - "t", - "or" - ], - [ - "Ġprim", - "ary" - ], - [ - "oc", - "ial" - ], - [ - "Ġapplic", - "ation" - ], - [ - "Ġsol", - "utions" - ], - [ - "d", - "uce" - ], - [ - "Ġcharacter", - "istics" - ], - [ - "Ġele", - "ments" - ], - [ - "Ġvi", - "ew" - ], - [ - "Ġl", - "ater" - ], - [ - "ut", - "ure" - ], - [ - "Ġfam", - "ily" - ], - [ - "ri", - "al" - ], - [ - "Ġtrans", - "cri" - ], - [ - "or", - "ption" - ], - [ - "Ġs", - "w" - ], - [ - "C", - "D" - ], - [ - "E", - "D" - ], - [ - "Ġem", - "b" - ], - [ - "Ġz", - "ero" - ], - [ - "ol", - "s" - ], - [ - "Ġl", - "ife" - ], - [ - "ce", - "p" - ], - [ - "ĠL", - "i" - ], - [ - "th", - "s" - ], - [ - "Ġser", - "ies" - ], - [ - "Ġa", - "round" - ], - [ - "Ġtrans", - "ition" - ], - [ - "ĠC", - "or" - ], - [ - "ĠâĪ", - "Ĥ" - ], - [ - "Ġdat", - "as" - ], - [ - "Ġ", - "her" - ], - [ - "ĠB", - "y" - ], - [ - "A", - "M" - ], - [ - "sp", - "ec" - ], - [ - "ol", - "es" - ], - [ - "ograph", - "y" - ], - [ - "t", - "le" - ], - [ - "ĠC", - "ar" - ], - [ - "al", - "le" - ], - [ - "Ġest", - "abl" - ], - [ - "ag", - "ement" - ], - [ - "Ġsc", - "hem" - ], - [ - "g", - "round" - ], - [ - "Ġf", - "ail" - ], - [ - "Ġexp", - "ected" - ], - [ - "Ġrequi", - "re" - ], - [ - "ar", - "ray" - ], - [ - "Ġexperim", - "ent" - ], - [ - "Ġele", - "ment" - ], - [ - "Ġne", - "u" - ], - [ - "Ġgener", - "ated" - ], - [ - "Ġs", - "ite" - ], - [ - "ĠCon", - "t" - ], - [ - "ĠR", - "NA" - ], - [ - "er", - "al" - ], - [ - "Ġcont", - "ent" - ], - [ - "Ġb", - "acter" - ], - [ - "l", - "er" - ], - [ - "Ġtrans", - "fer" - ], - [ - "ul", - "f" - ], - [ - "right", - "arrow" - ], - [ - "an", - "y" - ], - [ - "ĠS", - "ince" - ], - [ - "in", - "duced" - ], - [ - "Ġre", - "action" - ], - [ - "he", - "ck" - ], - [ - "Ġstruct", - "ures" - ], - [ - "Ġcoun", - "t" - ], - [ - "Ġdeterm", - "ine" - ], - [ - "z", - "ym" - ], - [ - "ĠB", - "l" - ], - [ - "Ġunder", - "stand" - ], - [ - "oc", - "al" - ], - [ - "Ġsy", - "n" - ], - [ - "Ġpol", - "y" - ], - [ - "ur", - "y" - ], - [ - "Ġb", - "est" - ], - [ - "Ġf", - "ixed" - ], - [ - "ren", - "g" - ], - [ - "Ġc", - "hemical" - ], - [ - "Ġtiss", - "ue" - ], - [ - "Ġp", - "ul" - ], - [ - "Ġbound", - "ary" - ], - [ - "is", - "ing" - ], - [ - "Ġb", - "ro" - ], - [ - "atis", - "tical" - ], - [ - "ic", - "ity" - ], - [ - "s", - "k" - ], - [ - "r", - "ing" - ], - [ - "Ġl", - "ast" - ], - [ - "Ġchild", - "ren" - ], - [ - "r", - "im" - ], - [ - "Ġre", - "duction" - ], - [ - "Ġsp", - "in" - ], - [ - "Ġb", - "ody" - ], - [ - "oper", - "ator" - ], - [ - "v", - "ari" - ], - [ - "Ġd", - "iv" - ], - [ - "ym", - "bol" - ], - [ - "Ġm", - "al" - ], - [ - "Ġsp", - "ati" - ], - [ - "a", - "h" - ], - [ - "ĠB", - "i" - ], - [ - "b", - "ack" - ], - [ - "s", - "y" - ], - [ - "Ġse", - "en" - ], - [ - "ĠW", - "ith" - ], - [ - "id", - "s" - ], - [ - "plic", - "ations" - ], - [ - "Ġnec", - "ess" - ], - [ - "Ġs", - "ide" - ], - [ - "Ġb", - "rain" - ], - [ - "Ġf", - "ew" - ], - [ - "Ġapplic", - "ations" - ], - [ - "ut", - "es" - ], - [ - "ac", - "hes" - ], - [ - "Ġac", - "tive" - ], - [ - "var", - "phi" - ], - [ - "ter", - "m" - ], - [ - "Ġm", - "om" - ], - [ - "ivers", - "ity" - ], - [ - "Ġf", - "inal" - ], - [ - "led", - "ge" - ], - [ - "Ġdynam", - "ics" - ], - [ - "av", - "ing" - ], - [ - "er", - "c" - ], - [ - "orph", - "ism" - ], - [ - "on", - "es" - ], - [ - "o", - "ff" - ], - [ - "p", - "m" - ], - [ - "Ġac", - "tion" - ], - [ - "Ġn", - "atural" - ], - [ - "ĠG", - "e" - ], - [ - "Ġy", - "ou" - ], - [ - "le", - "x" - ], - [ - "ĠĠĠĠ", - "ĠĠ" - ], - [ - "s", - "tit" - ], - [ - "Ġg", - "as" - ], - [ - "Ġm", - "ake" - ], - [ - "Ġin", - "duced" - ], - [ - "ĠA", - "fter" - ], - [ - "ĠW", - "h" - ], - [ - "Ġcompon", - "ent" - ], - [ - "Ġinf", - "ection" - ], - [ - "ĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠ" - ], - [ - "Ġconf", - "ir" - ], - [ - "ig", - "en" - ], - [ - "ĠS", - "ystem" - ], - [ - "tic", - "le" - ], - [ - "Ġprovid", - "ed" - ], - [ - "tern", - "al" - ], - [ - "b", - "ers" - ], - [ - "O", - "D" - ], - [ - "ĠIn", - "ter" - ], - [ - "ot", - "t" - ], - [ - "av", - "es" - ], - [ - "ĠSt", - "ud" - ], - [ - "p", - "y" - ], - [ - "Ġres", - "istance" - ], - [ - "ĠS", - "ur" - ], - [ - "at", - "ch" - ], - [ - "Ġd", - "im" - ], - [ - "Ġinter", - "p" - ], - [ - "Ġcy", - "cl" - ], - [ - "on", - "t" - ], - [ - "it", - "ing" - ], - [ - "A", - "G" - ], - [ - "Ġequ", - "ival" - ], - [ - "ot", - "ype" - ], - [ - "Ġprevious", - "ly" - ], - [ - "Ġaddition", - "al" - ], - [ - "out", - "h" - ], - [ - "Ġim", - "pl" - ], - [ - "Ġ", - "ion" - ], - [ - "Ġ", - "ir" - ], - [ - "Ġc", - "op" - ], - [ - "Ġh", - "al" - ], - [ - "Ġactiv", - "ation" - ], - [ - "l", - "angle" - ], - [ - "Ġf", - "ull" - ], - [ - "S", - "S" - ], - [ - "ĠO", - "p" - ], - [ - "id", - "d" - ], - [ - "Ġpro", - "of" - ], - [ - "Ġproblem", - "s" - ], - [ - "Ġtrans", - "form" - ], - [ - "Ġinter", - "actions" - ], - [ - "Ġsup", - "p" - ], - [ - "d", - "es" - ], - [ - "ĠR", - "eg" - ], - [ - "operator", - "name" - ], - [ - "eg", - "in" - ], - [ - "Ġc", - "ryst" - ], - [ - "Ġincre", - "ases" - ], - [ - "ron", - "ic" - ], - [ - "Ġad", - "ap" - ], - [ - "in", - "ant" - ], - [ - "Ġveloc", - "ity" - ], - [ - "ĠAs", - "s" - ], - [ - "iqu", - "es" - ], - [ - "Ġcontinu", - "ous" - ], - [ - "ĠCom", - "p" - ], - [ - "ĠPro", - "per" - ], - [ - "Ġpri", - "or" - ], - [ - "or", - "b" - ], - [ - "Ġno", - "vel" - ], - [ - "Ġbl", - "ock" - ], - [ - "Ġvol", - "ume" - ], - [ - "Ġreg", - "ard" - ], - [ - "omet", - "ry" - ], - [ - "E", - "C" - ], - [ - "Ġresul", - "ting" - ], - [ - "ĠO", - "r" - ], - [ - "Ġcar", - "bon" - ], - [ - "are", - "nt" - ], - [ - "Ġb", - "inding" - ], - [ - "i", - "j" - ], - [ - "Ġac", - "cess" - ], - [ - "Ġwe", - "ak" - ], - [ - "Ġun", - "it" - ], - [ - "Ġ", - "ide" - ], - [ - "\"", - "\"" - ], - [ - "Ġc", - "m" - ], - [ - "Ġcri", - "tical" - ], - [ - "Ġresp", - "ect" - ], - [ - "t", - "rans" - ], - [ - "Ġâī", - "¥" - ], - [ - "Ġs", - "al" - ], - [ - "e", - "ad" - ], - [ - "Ġsim", - "ulation" - ], - [ - "Ġcap", - "ac" - ], - [ - "iti", - "vity" - ], - [ - "Ġrec", - "ord" - ], - [ - "ra", - "k" - ], - [ - "Ġne", - "ur" - ], - [ - "on", - "ic" - ], - [ - "op", - "le" - ], - [ - "Ġm", - "g" - ], - [ - "Ġst", - "reng" - ], - [ - "er", - "ve" - ], - [ - "Ġre", - "duc" - ], - [ - "Ġp", - "ass" - ], - [ - "ord", - "in" - ], - [ - "ex", - "p" - ], - [ - "j", - "ective" - ], - [ - "ens", - "or" - ], - [ - "Ġpartic", - "les" - ], - [ - "Ġa", - "ir" - ], - [ - "Ġl", - "ink" - ], - [ - "ĠÏ", - "Ħ" - ], - [ - "Ġl", - "ist" - ], - [ - "c", - "in" - ], - [ - "ĠO", - "ur" - ], - [ - "p", - "ri" - ], - [ - "ve", - "re" - ], - [ - "ib", - "r" - ], - [ - "if", - "orm" - ], - [ - "Ġexpl", - "ain" - ], - [ - "Ġf", - "em" - ], - [ - "Ġu", - "til" - ], - [ - "S", - "t" - ], - [ - "over", - "line" - ], - [ - "Ġof", - "ten" - ], - [ - "er", - "y" - ], - [ - "op", - "e" - ], - [ - "ĠU", - "sing" - ], - [ - "b", - "egin" - ], - [ - "Ġdifferen", - "ti" - ], - [ - "per", - "s" - ], - [ - "s", - "elf" - ], - [ - "iz", - "es" - ], - [ - "Ġconcentr", - "ations" - ], - [ - "I", - "R" - ], - [ - "ĠS", - "up" - ], - [ - "Ġbas", - "is" - ], - [ - "Ġinclud", - "e" - ], - [ - "ĠB", - "ond" - ], - [ - "Ġext", - "rac" - ], - [ - "ĠMet", - "hod" - ], - [ - "ĠD", - "ata" - ], - [ - "ĠD", - "ef" - ], - [ - "w", - "n" - ], - [ - "Ġnetwork", - "s" - ], - [ - "ign", - "ed" - ], - [ - "âĢ", - "¢" - ], - [ - "Ġexp", - "ressed" - ], - [ - "Ġcont", - "rast" - ], - [ - "es", - "is" - ], - [ - "c", - "ol" - ], - [ - "in", - "ter" - ], - [ - "p", - "id" - ], - [ - "Ġd", - "ri" - ], - [ - "Ġdef", - "ine" - ], - [ - "Ġinflu", - "ence" - ], - [ - "Ġselec", - "ted" - ], - [ - "E", - "L" - ], - [ - "Ġcontain", - "ing" - ], - [ - "Ġs", - "il" - ], - [ - "geb", - "ra" - ], - [ - "re", - "at" - ], - [ - "b", - "olds" - ], - [ - "Ġinvestig", - "ated" - ], - [ - "ĠC", - "ol" - ], - [ - "ym", - "met" - ], - [ - "yt", - "es" - ], - [ - "Ġmo", - "lec" - ], - [ - "Ġinvol", - "ved" - ], - [ - "Ġd", - "ay" - ], - [ - "Ġch", - "ain" - ], - [ - "ĠMore", - "over" - ], - [ - "Ġdi", - "ag" - ], - [ - "Ġan", - "g" - ], - [ - "Ġlik", - "ely" - ], - [ - "Ġspect", - "rum" - ], - [ - "Ġder", - "iv" - ], - [ - "bolds", - "ymbol" - ], - [ - "Ġhel", - "p" - ], - [ - "ĠA", - "m" - ], - [ - "Ġtre", - "ated" - ], - [ - "Ġvari", - "able" - ], - [ - "ell", - "ular" - ], - [ - "ĠD", - "es" - ], - [ - "ap", - "s" - ], - [ - "Ġn", - "m" - ], - [ - "ĠÏ", - "ģ" - ], - [ - "ĠW", - "hen" - ], - [ - "Ġhigh", - "ly" - ], - [ - "am", - "in" - ], - [ - "Ġwh", - "at" - ], - [ - "rel", - "ated" - ], - [ - "Ġch", - "rom" - ], - [ - "Ġsur", - "v" - ], - [ - "ĠAn", - "alysis" - ], - [ - "Ġs", - "it" - ], - [ - "f", - "act" - ], - [ - "od", - "ing" - ], - [ - "Ġproduc", - "t" - ], - [ - "Ġev", - "ents" - ], - [ - "r", - "as" - ], - [ - "ĠP", - "er" - ], - [ - "ma", - "x" - ], - [ - "ĠA", - "g" - ], - [ - "con", - "t" - ], - [ - "ic", - "ro" - ], - [ - "Ġad", - "v" - ], - [ - "Ġcall", - "ed" - ], - [ - "Ġdeg", - "ree" - ], - [ - "A", - "B" - ], - [ - "T", - "R" - ], - [ - "Ġse", - "g" - ], - [ - "ĠC", - "an" - ], - [ - "Ġdemonstr", - "ated" - ], - [ - "w", - "ise" - ], - [ - "Ġ", - "ve" - ], - [ - "ĠC", - "a" - ], - [ - "Ġdet", - "ected" - ], - [ - "c", - "o" - ], - [ - "Ġder", - "ived" - ], - [ - "Ġex", - "hib" - ], - [ - "Ġgl", - "obal" - ], - [ - "al", - "ax" - ], - [ - "ul", - "ating" - ], - [ - "A", - "l" - ], - [ - "ang", - "u" - ], - [ - "b", - "o" - ], - [ - "Ġrec", - "om" - ], - [ - "Ġfe", - "ature" - ], - [ - "d", - "ependent" - ], - [ - "Ġro", - "t" - ], - [ - "ven", - "tion" - ], - [ - "Ġrem", - "ov" - ], - [ - "Ġw", - "ind" - ], - [ - "Ġaccur", - "acy" - ], - [ - "s", - "ize" - ], - [ - "Ġsum", - "m" - ], - [ - "Ġmeasure", - "ment" - ], - [ - "Ġfield", - "s" - ], - [ - "ward", - "s" - ], - [ - "Ġl", - "iter" - ], - [ - "atal", - "y" - ], - [ - "ĠSt", - "r" - ], - [ - "Ġre", - "port" - ], - [ - "Ġcent", - "ral" - ], - [ - "Ġs", - "qu" - ], - [ - "Ġthe", - "rapy" - ], - [ - "he", - "st" - ], - [ - "Ġfe", - "ed" - ], - [ - "S", - "MILES" - ], - [ - "ĠA", - "N" - ], - [ - "Ġs", - "ites" - ], - [ - "âĢ", - "²" - ], - [ - "our", - "s" - ], - [ - "om", - "al" - ], - [ - "Ġl", - "ip" - ], - [ - "Ġanalyz", - "ed" - ], - [ - "ĠÂ", - "°" - ], - [ - "Ġwe", - "e" - ], - [ - "t", - "em" - ], - [ - "Ġan", - "other" - ], - [ - "il", - "es" - ], - [ - "Ġcomple", - "te" - ], - [ - "Ġne", - "xt" - ], - [ - "ĠO", - "ne" - ], - [ - "b", - "i" - ], - [ - "ri", - "p" - ], - [ - "st", - "ate" - ], - [ - "ĠMod", - "el" - ], - [ - "Ġfind", - "ings" - ], - [ - "ĠP", - "re" - ], - [ - "Ġrec", - "ent" - ], - [ - "asc", - "ular" - ], - [ - "Ġestim", - "ate" - ], - [ - "Ġmechanism", - "s" - ], - [ - "ĠRes", - "ults" - ], - [ - "Ġparticip", - "ants" - ], - [ - "Ġen", - "g" - ], - [ - "m", - "ost" - ], - [ - "omet", - "ric" - ], - [ - "Ġequ", - "al" - ], - [ - "Ġro", - "b" - ], - [ - "Ġpol", - "ar" - ], - [ - "Ġgene", - "tic" - ], - [ - "Ġb", - "o" - ], - [ - "Ġre", - "st" - ], - [ - "ĠÏ", - "Ģ" - ], - [ - "Ġrel", - "ation" - ], - [ - "Ġques", - "tion" - ], - [ - "ep", - "ti" - ], - [ - "Ġdiff", - "ic" - ], - [ - "em", - "s" - ], - [ - "Ġf", - "uture" - ], - [ - "if", - "y" - ], - [ - "Ġmod", - "e" - ], - [ - "Ġmemb", - "rane" - ], - [ - "Ġhe", - "at" - ], - [ - "A", - "ut" - ], - [ - "d", - "ing" - ], - [ - "Ġox", - "id" - ], - [ - "Ġconf", - "ig" - ], - [ - "plic", - "ation" - ], - [ - "ĠM", - "on" - ], - [ - "alle", - "l" - ], - [ - "id", - "ed" - ], - [ - "Ġdirec", - "tion" - ], - [ - "pl", - "ed" - ], - [ - "Ġprovid", - "es" - ], - [ - "Ġindic", - "ate" - ], - [ - "Ġset", - "s" - ], - [ - "Ġtechn", - "ique" - ], - [ - "Ġm", - "ac" - ], - [ - "Ġhyp", - "ot" - ], - [ - "Ġat", - "ten" - ], - [ - "Ġev", - "ent" - ], - [ - "Ġst", - "age" - ], - [ - "Ġn", - "ode" - ], - [ - "Ġref", - "erence" - ], - [ - "Ġup", - "per" - ], - [ - "Ġtechn", - "iques" - ], - [ - "Ġgre", - "ater" - ], - [ - "Ġdirect", - "ly" - ], - [ - "Ġare", - "as" - ], - [ - "Ġdis", - "s" - ], - [ - "h", - "or" - ], - [ - "ĠP", - "ol" - ], - [ - "Ġevalu", - "ation" - ], - [ - "Ġpattern", - "s" - ], - [ - "ĠA", - "bstract" - ], - [ - "Ġvir", - "us" - ], - [ - "ve", - "y" - ], - [ - "P", - "C" - ], - [ - "Ġw", - "omen" - ], - [ - "ri", - "ent" - ], - [ - "Ġplas", - "ma" - ], - [ - "Ġpro", - "duced" - ], - [ - "ĠÎ", - "µ" - ], - [ - "Ġanalys", - "es" - ], - [ - "ĠS", - "ub" - ], - [ - "Ġset", - "ting" - ], - [ - "Ġmom", - "ent" - ], - [ - "Ġtherm", - "al" - ], - [ - "Ġoptim", - "al" - ], - [ - "Ġtak", - "en" - ], - [ - "Ġrec", - "ogn" - ], - [ - "Ġvari", - "ation" - ], - [ - "ĠL", - "emma" - ], - [ - "Ġs", - "us" - ], - [ - "f", - "rak" - ], - [ - "ĠI", - "L" - ], - [ - "Ġproced", - "ure" - ], - [ - "h", - "ood" - ], - [ - "Ġa", - "im" - ], - [ - "ar", - "ies" - ], - [ - "math", - "frak" - ], - [ - "Ġpl", - "ant" - ], - [ - "b", - "rid" - ], - [ - "e", - "lect" - ], - [ - "Ġvis", - "ual" - ], - [ - "ur", - "s" - ], - [ - "c", - "ence" - ], - [ - "Ġf", - "ive" - ], - [ - "Ġspati", - "al" - ], - [ - "Ġrecept", - "or" - ], - [ - "Ġindic", - "ated" - ], - [ - "Ġ", - "ess" - ], - [ - "Ġconsist", - "ent" - ], - [ - "Ġt", - "urn" - ], - [ - "tic", - "es" - ], - [ - "Ġex", - "ists" - ], - [ - "ect", - "ors" - ], - [ - "Ġen", - "zym" - ], - [ - "mer", - "ic" - ], - [ - "Ġno", - "ise" - ], - [ - "Ġgro", - "und" - ], - [ - "Ġestim", - "ated" - ], - [ - "el", - "ine" - ], - [ - "Ġchann", - "el" - ], - [ - "ti", - "tion" - ], - [ - "Ġdiscuss", - "ed" - ], - [ - "om", - "er" - ], - [ - "ot", - "es" - ], - [ - "Ġex", - "act" - ], - [ - "ĠS", - "ec" - ], - [ - "Ġt", - "ake" - ], - [ - "Ġknow", - "ledge" - ], - [ - "Ġpro", - "p" - ], - [ - "Ġinf", - "lamm" - ], - [ - "Ġdo", - "uble" - ], - [ - "I", - "t" - ], - [ - "Ġcon", - "text" - ], - [ - "ĠM", - "ed" - ], - [ - "M", - "A" - ], - [ - "Ġf", - "at" - ], - [ - "am", - "s" - ], - [ - "d", - "ata" - ], - [ - "and", - "s" - ], - [ - "Ġcar", - "di" - ], - [ - "ĠFurther", - "more" - ], - [ - "oc", - "y" - ], - [ - "Ġobserv", - "ations" - ], - [ - "app", - "ing" - ], - [ - "ĠIn", - "f" - ], - [ - "om", - "ial" - ], - [ - "Ġpubl", - "ic" - ], - [ - "Ġem", - "ploy" - ], - [ - "Ġre", - "ason" - ], - [ - "y", - "gen" - ], - [ - "Ġfollow", - "ed" - ], - [ - "Ġam", - "ount" - ], - [ - "Ġc", - "ertain" - ], - [ - "wh", - "ich" - ], - [ - "ot", - "yp" - ], - [ - "ĠC", - "ell" - ], - [ - "Ġch", - "all" - ], - [ - "Ġpartic", - "le" - ], - [ - "am", - "bda" - ], - [ - "Ġ", - "ens" - ], - [ - "Ġpe", - "ople" - ], - [ - "a", - "ult" - ], - [ - "ĠU", - "nd" - ], - [ - "ĠB", - "e" - ], - [ - "um", - "in" - ], - [ - "roscop", - "y" - ], - [ - "M", - "R" - ], - [ - "l", - "ation" - ], - [ - "Ġrep", - "e" - ], - [ - "Ġab", - "le" - ], - [ - "ĠS", - "o" - ], - [ - "ĠâĪ", - "ŀ" - ], - [ - "Ġen", - "ti" - ], - [ - "Ġmo", - "ve" - ], - [ - "Ġt", - "rac" - ], - [ - "C", - "O" - ], - [ - "Ġhe", - "ter" - ], - [ - "Ġsp", - "eed" - ], - [ - "Ġeffici", - "ency" - ], - [ - "Ġop", - "tical" - ], - [ - "Ġcomb", - "ination" - ], - [ - "en", - "ess" - ], - [ - "Ġc", - "hem" - ], - [ - "L", - "E" - ], - [ - "app", - "a" - ], - [ - "Ġdecre", - "ase" - ], - [ - "Î", - "¼" - ], - [ - "p", - "ed" - ], - [ - "n", - "ote" - ], - [ - "ĠM", - "ulti" - ], - [ - "Ġal", - "tern" - ], - [ - "Ġassum", - "e" - ], - [ - "ĠF", - "orm" - ], - [ - "str", - "ic" - ], - [ - "qu", - "e" - ], - [ - "Ġis", - "s" - ], - [ - "ur", - "rent" - ], - [ - "Ġpr", - "inc" - ], - [ - "Ġt", - "ask" - ], - [ - "op", - "s" - ], - [ - "Ġwhere", - "as" - ], - [ - "C", - "H" - ], - [ - "Ġreveal", - "ed" - ], - [ - "Ġcan", - "not" - ], - [ - "ac", - "tive" - ], - [ - "en", - "z" - ], - [ - "Ġf", - "ore" - ], - [ - "Ġoper", - "ator" - ], - [ - "Ġcol", - "um" - ], - [ - "at", - "in" - ], - [ - "Ġorig", - "inal" - ], - [ - "Ġsmall", - "er" - ], - [ - "Ġmaterial", - "s" - ], - [ - "h", - "ydro" - ], - [ - "Ġcur", - "ve" - ], - [ - "Ġselec", - "tion" - ], - [ - "ak", - "es" - ], - [ - "Ġex", - "pos" - ], - [ - "at", - "s" - ], - [ - "ĠÏ", - "ī" - ], - [ - "Ġp", - "ack" - ], - [ - "Ġst", - "ability" - ], - [ - "Ġover", - "all" - ], - [ - "Ġm", - "orph" - ], - [ - "Ġmet", - "ric" - ], - [ - "Ġo", - "l" - ], - [ - "Ġb", - "ar" - ], - [ - "ĠI", - "N" - ], - [ - "I", - "M" - ], - [ - "c", - "y" - ], - [ - "et", - "hyl" - ], - [ - "S", - "P" - ], - [ - "Ġrespons", - "es" - ], - [ - "anc", - "y" - ], - [ - "Ġl", - "ay" - ], - [ - "spec", - "ific" - ], - [ - "Ġv", - "s" - ], - [ - "ag", - "ed" - ], - [ - "Ġs", - "ocial" - ], - [ - "Ġc", - "ut" - ], - [ - "I", - "P" - ], - [ - "Ġlim", - "ited" - ], - [ - "enc", - "ies" - ], - [ - "Ġprot", - "oc" - ], - [ - "Ġcompos", - "ition" - ], - [ - "ĠThe", - "y" - ], - [ - "Ġnum", - "bers" - ], - [ - "m", - "box" - ], - [ - "Ġdecre", - "ased" - ], - [ - "v", - "ec" - ], - [ - "R", - "O" - ], - [ - "Aut", - "hors" - ], - [ - "Ġth", - "ick" - ], - [ - "Ġco", - "ordin" - ], - [ - "Ġm", - "es" - ], - [ - "Ġaff", - "ect" - ], - [ - "Ġcl", - "ose" - ], - [ - "Ġtrans", - "port" - ], - [ - "C", - "A" - ], - [ - "re", - "te" - ], - [ - "c", - "ome" - ], - [ - "Ġcollec", - "ted" - ], - [ - "ĠF", - "rom" - ], - [ - "Ġcontain", - "s" - ], - [ - "ch", - "it" - ], - [ - "ĠD", - "et" - ], - [ - "Ġflu", - "x" - ], - [ - "over", - "y" - ], - [ - "e", - "u" - ], - [ - "a", - "ff" - ], - [ - "Ġconduc", - "ted" - ], - [ - "Ġcr", - "iter" - ], - [ - "Ġliter", - "ature" - ], - [ - "Ġmem", - "ory" - ], - [ - "Ġsequ", - "ences" - ], - [ - "Ġp", - "an" - ], - [ - "plic", - "it" - ], - [ - "Ġtr", - "ue" - ], - [ - "Ġmed", - "ium" - ], - [ - "Ġd", - "am" - ], - [ - "i", - "re" - ], - [ - "c", - "ell" - ], - [ - "L", - "et" - ], - [ - "ef", - "ul" - ], - [ - "ĠA", - "meric" - ], - [ - "Ġn", - "odes" - ], - [ - "get", - "her" - ], - [ - "Ġto", - "gether" - ], - [ - "T", - "P" - ], - [ - "Ġrat", - "her" - ], - [ - "Ġaut", - "hors" - ], - [ - "Ġs", - "ch" - ], - [ - "Ġprocess", - "ing" - ], - [ - "Ġspect", - "ra" - ], - [ - "Ġevalu", - "ated" - ], - [ - "al", - "k" - ], - [ - "Ġred", - "uce" - ], - [ - "ĠH", - "igh" - ], - [ - "ĠC", - "ons" - ], - [ - "Ġcy", - "cle" - ], - [ - "or", - "n" - ], - [ - "i", - "ers" - ], - [ - "Ġpro", - "por" - ], - [ - "or", - "ies" - ], - [ - "r", - "ate" - ], - [ - "Ġh", - "ost" - ], - [ - "o", - "oth" - ], - [ - "y", - "nt" - ], - [ - "Ġsour", - "ces" - ], - [ - "Ġindividual", - "s" - ], - [ - "Ġacc", - "ount" - ], - [ - "ĠAl", - "though" - ], - [ - "Ġcor", - "rec" - ], - [ - "Ġpl", - "an" - ], - [ - "enti", - "ally" - ], - [ - "Ġdist", - "inc" - ], - [ - "Ġso", - "il" - ], - [ - "Ġse", - "arch" - ], - [ - "Ġman", - "agement" - ], - [ - "Ġvers", - "ion" - ], - [ - "âĢ", - "Ķ" - ], - [ - "Ġf", - "ig" - ], - [ - "ĠN", - "ote" - ], - [ - "Ġhe", - "ad" - ], - [ - "dition", - "al" - ], - [ - "Ġbu", - "ild" - ], - [ - "ĠG", - "l" - ], - [ - "as", - "is" - ], - [ - "g", - "roup" - ], - [ - "Ġdis", - "play" - ], - [ - "ĠUn", - "iversity" - ], - [ - "oot", - "note" - ], - [ - "amet", - "er" - ], - [ - "min", - "ist" - ], - [ - "o", - "pl" - ], - [ - "ym", - "ph" - ], - [ - "L", - "ambda" - ], - [ - "Ġidentif", - "y" - ], - [ - "ĠSt", - "ere" - ], - [ - "Ġï", - "Ģ" - ], - [ - "Ġpro", - "l" - ], - [ - "our", - "ce" - ], - [ - "ic", - "ial" - ], - [ - "Ġsim", - "ulations" - ], - [ - "Ġth", - "resh" - ], - [ - "p", - "oint" - ], - [ - "ear", - "ch" - ], - [ - "ell", - "ing" - ], - [ - "ĠA", - "cc" - ], - [ - "Ġframe", - "work" - ], - [ - "Ġstreng", - "th" - ], - [ - "ĠA", - "b" - ], - [ - "tic", - "les" - ], - [ - "Ġc", - "os" - ], - [ - "F", - "ootnote" - ], - [ - "r", - "u" - ], - [ - "osp", - "ital" - ], - [ - "Ġst", - "able" - ], - [ - "Ġmo", - "tion" - ], - [ - "Ġt", - "ested" - ], - [ - "Ġt", - "ests" - ], - [ - "as", - "ter" - ], - [ - "l", - "dots" - ], - [ - "C", - "L" - ], - [ - "in", - "ite" - ], - [ - "Ġspec", - "ial" - ], - [ - "==", - "==" - ], - [ - "Ġappro", - "aches" - ], - [ - "p", - "ing" - ], - [ - "Ġcons", - "um" - ], - [ - "S", - "D" - ], - [ - "Ġj", - "ust" - ], - [ - "k", - "appa" - ], - [ - "Ġth", - "ough" - ], - [ - "f", - "aces" - ], - [ - "Ġra", - "pid" - ], - [ - "ens", - "ive" - ], - [ - "Ġnecess", - "ary" - ], - [ - "Ġt", - "ub" - ], - [ - "Ġfor", - "ce" - ], - [ - "Ġbl", - "ack" - ], - [ - "v", - "olution" - ], - [ - "ĠAt", - "om" - ], - [ - "ĠH", - "ere" - ], - [ - "it", - "ude" - ], - [ - "ens", - "ions" - ], - [ - "ff", - "er" - ], - [ - "r", - "ich" - ], - [ - "Ġgiv", - "es" - ], - [ - "Ġsh", - "ape" - ], - [ - "Ġh", - "ard" - ], - [ - "om", - "p" - ], - [ - "Ġrepresent", - "ation" - ], - [ - "l", - "ing" - ], - [ - "ĠD", - "ec" - ], - [ - "Ġnumer", - "ical" - ], - [ - "Ġpl", - "ace" - ], - [ - "Ġlead", - "ing" - ], - [ - "Ġben", - "ef" - ], - [ - "Ġreg", - "ular" - ], - [ - "Ġclust", - "er" - ], - [ - "Ġrel", - "atively" - ], - [ - "Ġper", - "cent" - ], - [ - "Ġaut", - "om" - ], - [ - "Ġsym", - "pt" - ], - [ - "ib", - "ri" - ], - [ - "c", - "hes" - ], - [ - "hen", - "yl" - ], - [ - "c", - "ar" - ], - [ - "Ġill", - "ustr" - ], - [ - "por", - "ts" - ], - [ - "em", - "ic" - ], - [ - "Ġg", - "ive" - ], - [ - "Ġcon", - "ven" - ], - [ - "lec", - "tion" - ], - [ - "ĠĠĠĠĠĠĠĠ", - "ĠĠĠĠ" - ], - [ - "ĠA", - "nd" - ], - [ - "Ġf", - "ood" - ], - [ - "m", - "ic" - ], - [ - "ograph", - "ic" - ], - [ - "Ġc", - "heck" - ], - [ - "Ġab", - "ility" - ], - [ - "iqu", - "id" - ], - [ - "Ġsub", - "str" - ], - [ - "ĠâĪ", - "Ĩ" - ], - [ - "Ġed", - "ge" - ], - [ - "ĠP", - "D" - ], - [ - "Ġclass", - "ification" - ], - [ - "Ġsurv", - "ival" - ], - [ - "ĠC", - "al" - ], - [ - "er", - "ate" - ], - [ - "Ġus", - "eful" - ], - [ - "Ġcar", - "ried" - ], - [ - "Ġint", - "ensity" - ], - [ - "H", - "E" - ], - [ - "oc", - "enter" - ], - [ - "Ġpath", - "way" - ], - [ - "Ġdef", - "inition" - ], - [ - "Ġschem", - "e" - ], - [ - "Ġsub", - "sequ" - ], - [ - "ĠF", - "irst" - ], - [ - "Ġcon", - "sequ" - ], - [ - "ĠD", - "iff" - ], - [ - "Ġinhib", - "it" - ], - [ - "Ġam", - "plit" - ], - [ - "as", - "er" - ], - [ - "ĠN", - "etwork" - ], - [ - "n", - "ormal" - ], - [ - "ĠS", - "T" - ], - [ - "Ġsol", - "id" - ], - [ - "per", - "im" - ], - [ - "com", - "es" - ], - [ - "Ġcy", - "t" - ], - [ - "od", - "ies" - ], - [ - "I", - "F" - ], - [ - "ra", - "di" - ], - [ - "Ġm", - "or" - ], - [ - "Ġc", - "ore" - ], - [ - "B", - "S" - ], - [ - "****", - "****" - ], - [ - "Ġsoft", - "ware" - ], - [ - "ĠG", - "u" - ], - [ - "i", - "red" - ], - [ - "id", - "ent" - ], - [ - "Ġdiffic", - "ult" - ], - [ - "us", - "e" - ], - [ - "Ġadd", - "ed" - ], - [ - "le", - "y" - ], - [ - "Ġcaus", - "ed" - ], - [ - "g", - "ence" - ], - [ - "Ġb", - "ase" - ], - [ - "##", - "##" - ], - [ - "ogen", - "ic" - ], - [ - "f", - "rom" - ], - [ - "Ġstat", - "us" - ], - [ - "Ġassoci", - "ation" - ], - [ - "ĠStere", - "ocenter" - ], - [ - "Ġg", - "alax" - ], - [ - "N", - "O" - ], - [ - "angu", - "age" - ], - [ - "Ġd", - "imension" - ], - [ - "ogen", - "esis" - ], - [ - "Ġem", - "ission" - ], - [ - "Ġde", - "ath" - ], - [ - "ul", - "in" - ], - [ - "Ġag", - "re" - ], - [ - "t", - "urb" - ], - [ - "n", - "abl" - ], - [ - "por", - "al" - ], - [ - "Ġp", - "or" - ], - [ - "Ġcomb", - "ined" - ], - [ - "Ġalgorithm", - "s" - ], - [ - "C", - "s" - ], - [ - "Ġsens", - "itivity" - ], - [ - "Ġallow", - "s" - ], - [ - "Ġcapac", - "ity" - ], - [ - "vers", - "ion" - ], - [ - "Ġre", - "stric" - ], - [ - "rom", - "e" - ], - [ - "Ġexpos", - "ure" - ], - [ - "h", - "y" - ], - [ - "ann", - "ing" - ], - [ - "Ġob", - "ject" - ], - [ - "Ġc", - "ode" - ], - [ - "f", - "l" - ], - [ - "ro", - "duction" - ], - [ - "res", - "ents" - ], - [ - "r", - "up" - ], - [ - "Ġte", - "xt" - ], - [ - "ĠM", - "at" - ], - [ - "Ġlead", - "s" - ], - [ - "Ġres", - "on" - ], - [ - "Ġproduc", - "ts" - ], - [ - "Ġwh", - "ole" - ], - [ - "Ġmat", - "ter" - ], - [ - "P", - "hi" - ], - [ - "op", - "t" - ], - [ - "enc", - "ing" - ], - [ - "ffici", - "ents" - ], - [ - "n", - "a" - ], - [ - "pec", - "ially" - ], - [ - "Ġh", - "aving" - ], - [ - "rop", - "y" - ], - [ - "Ġunc", - "ertain" - ], - [ - "en", - "ari" - ], - [ - "r", - "ical" - ], - [ - "Ġmin", - "im" - ], - [ - "Ġorig", - "in" - ], - [ - "u", - "per" - ], - [ - "ĠN", - "on" - ], - [ - "Ġevalu", - "ate" - ], - [ - "Pro", - "of" - ], - [ - "c", - "ap" - ], - [ - "Ġsignal", - "ing" - ], - [ - "Ġpolym", - "er" - ], - [ - "tic", - "ally" - ], - [ - "it", - "ten" - ], - [ - "an", - "tit" - ], - [ - "Ġus", - "er" - ], - [ - "le", - "vel" - ], - [ - "Ġmeas", - "ures" - ], - [ - "Ġdynam", - "ic" - ], - [ - "Ġmon", - "ths" - ], - [ - "o", - "ti" - ], - [ - "ra", - "nd" - ], - [ - "Ġun", - "til" - ], - [ - "Ġden", - "ote" - ], - [ - "Ġnot", - "e" - ], - [ - "Ġmain", - "tain" - ], - [ - "Ġk", - "in" - ], - [ - "sc", - "ill" - ], - [ - "Ġim", - "aging" - ], - [ - "Ġp", - "ain" - ], - [ - "av", - "y" - ], - [ - "Ġm", - "it" - ], - [ - "ot", - "he" - ], - [ - "Ġreg", - "ul" - ], - [ - "kn", - "own" - ], - [ - "Ġpl", - "ot" - ], - [ - "nabl", - "a" - ], - [ - "Ġf", - "raction" - ], - [ - "w", - "er" - ], - [ - "Ġstrateg", - "y" - ], - [ - "Ġgre", - "at" - ], - [ - "Ġdatas", - "et" - ], - [ - "Ġun", - "ique" - ], - [ - "C", - "M" - ], - [ - "Ġt", - "w" - ], - [ - "h", - "an" - ], - [ - "ĠE", - "u" - ], - [ - "and", - "id" - ], - [ - "Ġback", - "ground" - ], - [ - "Ġbro", - "ad" - ], - [ - "il", - "t" - ], - [ - "Ġimpro", - "ved" - ], - [ - "Ġdiagn", - "osis" - ], - [ - "i", - "ous" - ], - [ - "Ġd", - "ig" - ], - [ - "re", - "m" - ], - [ - "er", - "a" - ], - [ - "Ġex", - "cl" - ], - [ - "Ġmet", - "al" - ], - [ - "Ġs", - "ix" - ], - [ - "Ġmin", - "imum" - ], - [ - "us", - "ions" - ], - [ - "e", - "e" - ], - [ - "Ġcompound", - "s" - ], - [ - "Ġas", - "p" - ], - [ - "Ġe", - "th" - ], - [ - "Ġdet", - "ect" - ], - [ - "f", - "erence" - ], - [ - "ĠÎ", - "·" - ], - [ - "Ġst", - "atistical" - ], - [ - "ati", - "ves" - ], - [ - "r", - "is" - ], - [ - "Ġthe", - "orem" - ], - [ - "ĠO", - "F" - ], - [ - "w", - "w" - ], - [ - "ar", - "ily" - ], - [ - "ce", - "ption" - ], - [ - "iv", - "ing" - ], - [ - "Ġtest", - "ing" - ], - [ - "Ġdiagn", - "os" - ], - [ - "Ġrep", - "resents" - ], - [ - "S", - "igma" - ], - [ - "on", - "ical" - ], - [ - "Ġequival", - "ent" - ], - [ - "Ġbi", - "om" - ], - [ - "Ġsub", - "st" - ], - [ - "rain", - "ts" - ], - [ - "ĠR", - "ef" - ], - [ - "Ġsc", - "ore" - ], - [ - "Ġd", - "oc" - ], - [ - "Ġimpl", - "ies" - ], - [ - "et", - "er" - ], - [ - "Ġsynt", - "hesis" - ], - [ - "il", - "ibri" - ], - [ - "atter", - "ing" - ], - [ - "C", - "S" - ], - [ - "al", - "se" - ], - [ - "Ġneu", - "ro" - ], - [ - "Ġal", - "though" - ], - [ - "ir", - "us" - ], - [ - "met", - "hyl" - ], - [ - "Ġtranscri", - "ption" - ], - [ - "Ï", - "Ģ" - ], - [ - "ĠMo", - "lecular" - ], - [ - "Ġc", - "ause" - ], - [ - "m", - "ut" - ], - [ - "ĠI", - "d" - ], - [ - "Î", - "»" - ], - [ - "ad", - "d" - ], - [ - "Ġpl", - "ac" - ], - [ - "Ġag", - "g" - ], - [ - "t", - "ure" - ], - [ - "Ġl", - "ack" - ], - [ - "Ġpredic", - "tion" - ], - [ - "ra", - "w" - ], - [ - "A", - "n" - ], - [ - "Ġ", - "ult" - ], - [ - "yn", - "omial" - ], - [ - "Ġimmun", - "e" - ], - [ - "il", - "i" - ], - [ - "Ġpre", - "p" - ], - [ - "Î", - "³" - ], - [ - "cl", - "ass" - ], - [ - "Ġm", - "ach" - ], - [ - "am", - "ple" - ], - [ - "Ġres", - "olution" - ], - [ - "Ġcou", - "pling" - ], - [ - "se", - "ud" - ], - [ - "Ġindic", - "ates" - ], - [ - "Ġgener", - "ation" - ], - [ - "Ġh", - "ar" - ], - [ - "Ġf", - "und" - ], - [ - "s", - "cale" - ], - [ - "Ġe", - "igen" - ], - [ - "ĠR", - "el" - ], - [ - "ab", - "or" - ], - [ - "ĠC", - "H" - ], - [ - "e", - "xt" - ], - [ - "am", - "m" - ], - [ - "Ġcor", - "rect" - ], - [ - "Ġsc", - "reen" - ], - [ - "Ġstruct", - "ural" - ], - [ - "Ġp", - "H" - ], - [ - "Ġrele", - "vant" - ], - [ - "Ġan", - "gle" - ], - [ - "I", - "G" - ], - [ - "Ġal", - "gebra" - ], - [ - "hel", - "ial" - ], - [ - "Ġw", - "orld" - ], - [ - "Ġcur", - "ves" - ], - [ - "ĠInt", - "roduction" - ], - [ - "Ġth", - "ird" - ], - [ - "Ġintro", - "duced" - ], - [ - "B", - "ig" - ], - [ - "n", - "o" - ], - [ - "aus", - "s" - ], - [ - "sub", - "set" - ], - [ - "Ġtrans", - "mission" - ], - [ - "Ġprof", - "ile" - ], - [ - "ĠÎ", - "½" - ], - [ - "Ġes", - "pecially" - ], - [ - "Ġatt", - "rib" - ], - [ - "uc", - "tion" - ], - [ - "Ġcoe", - "fficients" - ], - [ - "Ġremain", - "s" - ], - [ - "Ġne", - "igh" - ], - [ - "os", - "en" - ], - [ - "Ġrel", - "i" - ], - [ - "Ġhig", - "hest" - ], - [ - "Ġun", - "iform" - ], - [ - "Ġf", - "ar" - ], - [ - "chit", - "ect" - ], - [ - "|", - "|" - ], - [ - "Ġappro", - "pri" - ], - [ - "ple", - "x" - ], - [ - "ĠM", - "ass" - ], - [ - "ogene", - "ous" - ], - [ - "al", - "es" - ], - [ - "Ġref", - "er" - ], - [ - "Ġneed", - "ed" - ], - [ - "Ġdifferen", - "tial" - ], - [ - "ce", - "ed" - ], - [ - "$", - "$" - ], - [ - "ynam", - "ic" - ], - [ - "Ġse", - "x" - ], - [ - "Ġspect", - "ral" - ], - [ - "ch", - "ar" - ], - [ - "P", - "E" - ], - [ - "T", - "S" - ], - [ - "Ġapproxim", - "ately" - ], - [ - "val", - "ue" - ], - [ - "Ġhal", - "f" - ], - [ - "end", - "ing" - ], - [ - "Ġgra", - "di" - ], - [ - "Ġcoe", - "fficient" - ], - [ - "ĠPh", - "ys" - ], - [ - "Ġcon", - "cer" - ], - [ - "Ġlab", - "el" - ], - [ - "ir", - "al" - ], - [ - "Ġchar", - "ge" - ], - [ - "Ġox", - "ygen" - ], - [ - "Ġde", - "vi" - ], - [ - "Ġinter", - "nal" - ], - [ - "Ġexp", - "ans" - ], - [ - "lo", - "ad" - ], - [ - "ĠS", - "m" - ], - [ - "ran", - "g" - ], - [ - "C", - "on" - ], - [ - "ĠN", - "a" - ], - [ - "Ġk", - "e" - ], - [ - "Ġdi", - "ab" - ], - [ - "ac", - "hed" - ], - [ - "Ġloc", - "ation" - ], - [ - "Ġvol", - "t" - ], - [ - "ĠD", - "isc" - ], - [ - "--", - "-" - ], - [ - "oc", - "ytes" - ], - [ - "ore", - "tical" - ], - [ - "Ġg", - "ain" - ], - [ - "Ġmed", - "i" - ], - [ - "ym", - "pt" - ], - [ - "ot", - "ed" - ], - [ - "ĠV", - "al" - ], - [ - "Ġcommun", - "ity" - ], - [ - "plement", - "ary" - ], - [ - "Ġt", - "ree" - ], - [ - "ĠT", - "wo" - ], - [ - "Ġwh", - "ose" - ], - [ - "Ġd", - "one" - ], - [ - "am", - "ine" - ], - [ - "Ġbi", - "ological" - ], - [ - "in", - "ks" - ], - [ - "Ġal", - "most" - ], - [ - "Ġsl", - "ight" - ], - [ - "Ġre", - "pro" - ], - [ - "ģ", - "Ħ" - ], - [ - "Ġthe", - "rap" - ], - [ - "oc", - "ation" - ], - [ - "Ġg", - "ly" - ], - [ - "ĠE", - "qu" - ], - [ - "Ġcol", - "or" - ], - [ - "Ġn", - "am" - ], - [ - "s", - "ection" - ], - [ - "ĠE", - "m" - ], - [ - "read", - "y" - ], - [ - "H", - "z" - ], - [ - "P", - "D" - ], - [ - "f", - "unction" - ], - [ - "ch", - "ange" - ], - [ - "Ġprinc", - "ip" - ], - [ - "Ġbec", - "ome" - ], - [ - "ĠâĢ", - "ĺ" - ], - [ - "Ġco", - "ur" - ], - [ - "Ġloc", - "ated" - ], - [ - "Ġr", - "ang" - ], - [ - "in", - "ity" - ], - [ - "Ġinter", - "val" - ], - [ - "g", - "in" - ], - [ - "Ġinvestig", - "ate" - ], - [ - "f", - "ree" - ], - [ - "Ġv", - "itro" - ], - [ - "Ġsub", - "set" - ], - [ - "Ġm", - "ov" - ], - [ - "Ġpro", - "ve" - ], - [ - "Ġl", - "iver" - ], - [ - "ate", - "gor" - ], - [ - "et", - "es" - ], - [ - "Ġl", - "ymph" - ], - [ - "d", - "om" - ], - [ - "ĠE", - "lect" - ], - [ - "Ġser", - "um" - ], - [ - "Ġsc", - "enari" - ], - [ - "end", - "s" - ], - [ - "ĠF", - "inally" - ], - [ - "Ġfil", - "ter" - ], - [ - "I", - "L" - ], - [ - "Ġab", - "und" - ], - [ - "ment", - "ation" - ], - [ - "im", - "als" - ], - [ - "n", - "um" - ], - [ - "enc", - "ed" - ], - [ - "Ġproper", - "ty" - ], - [ - "mat", - "rix" - ], - [ - "ĠCom", - "par" - ], - [ - "Ġl", - "and" - ], - [ - "ĠCh", - "ar" - ], - [ - "ress", - "ive" - ], - [ - "ul", - "us" - ], - [ - "Ġb", - "one" - ], - [ - "E", - "x" - ], - [ - "Ġradi", - "ation" - ], - [ - "Ġsugg", - "ested" - ], - [ - "ĠCom", - "put" - ], - [ - "Ġthresh", - "old" - ], - [ - "ĠA", - "D" - ], - [ - "Ġh", - "or" - ], - [ - "Ġin", - "duc" - ], - [ - "Ġapproxim", - "ation" - ], - [ - "Ġad", - "minist" - ], - [ - "Ġor", - "d" - ], - [ - "Ġl", - "ung" - ], - [ - "Ġrece", - "ived" - ], - [ - "Ġn", - "orm" - ], - [ - "Ġestim", - "ates" - ], - [ - "Ġl", - "aw" - ], - [ - "Ġout", - "comes" - ], - [ - "ĠP", - "r" - ], - [ - "Ġdep", - "th" - ], - [ - "Ġel", - "se" - ], - [ - "Ġcontrib", - "ution" - ], - [ - "he", - "tic" - ], - [ - "Ġcons", - "erv" - ], - [ - "Ġup", - "on" - ], - [ - "Ġde", - "ep" - ], - [ - "M", - "D" - ], - [ - "Ġm", - "el" - ], - [ - "Ġfil", - "m" - ], - [ - "ilibri", - "um" - ], - [ - "Ġo", - "scill" - ], - [ - "ol", - "ved" - ], - [ - "Ġbre", - "ast" - ], - [ - "C", - "P" - ], - [ - "ĠD", - "ist" - ], - [ - "ric", - "es" - ], - [ - "in", - "ated" - ], - [ - "Ġoptim", - "ization" - ], - [ - "Ġpredic", - "ted" - ], - [ - "s", - "f" - ], - [ - "d", - "im" - ], - [ - "ĠS", - "N" - ], - [ - "Ġav", - "oid" - ], - [ - "Ġne", - "ural" - ], - [ - "Ġw", - "a" - ], - [ - "rop", - "e" - ], - [ - "Ġdistrib", - "utions" - ], - [ - "ox", - "id" - ], - [ - "Ġsm", - "ooth" - ], - [ - "p", - "ath" - ], - [ - "Ġflu", - "id" - ], - [ - "Ġs", - "af" - ], - [ - "Ġcho", - "ice" - ], - [ - "A", - "A" - ], - [ - "Ġmolec", - "ules" - ], - [ - "U", - "S" - ], - [ - "Ġal", - "ways" - ], - [ - "iv", - "o" - ], - [ - "Ġreg", - "ression" - ], - [ - "Ġsuccess", - "ful" - ], - [ - "Ġw", - "all" - ], - [ - "oun", - "g" - ], - [ - "Ġactiv", - "ities" - ], - [ - "Ġdepend", - "ence" - ], - [ - "Ġrequi", - "res" - ], - [ - "Ġpl", - "ane" - ], - [ - "Ġdesign", - "ed" - ], - [ - "P", - "I" - ], - [ - "d", - "own" - ], - [ - "Ġpop", - "ulations" - ], - [ - "c", - "or" - ], - [ - "medi", - "ate" - ], - [ - "Ġd", - "ose" - ], - [ - "Ġb", - "ond" - ], - [ - "C", - "o" - ], - [ - "ĠM", - "an" - ], - [ - "Ġdiag", - "ram" - ], - [ - "g", - "s" - ], - [ - "Ġto", - "ol" - ], - [ - "Ġisol", - "ated" - ], - [ - "Ġvers", - "us" - ], - [ - "ne", - "y" - ], - [ - "Ġem", - "erg" - ], - [ - "ĠA", - "ut" - ], - [ - "a", - "im" - ], - [ - "f", - "ield" - ], - [ - "Ġexam", - "ined" - ], - [ - "Ġs", - "at" - ], - [ - "S", - "M" - ], - [ - "ĠSp", - "ec" - ], - [ - "Ġpar", - "allel" - ], - [ - "is", - "ation" - ], - [ - "Ġdistinc", - "t" - ], - [ - "Ġpredic", - "t" - ], - [ - "Ġf", - "er" - ], - [ - "Ġunderstand", - "ing" - ], - [ - "ĠSim", - "ilar" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" - ], - [ - "ud", - "es" - ], - [ - "Ġo", - "rient" - ], - [ - "h", - "ic" - ], - [ - "u", - "z" - ], - [ - "Ġmod", - "ified" - ], - [ - "ĠâĪ", - "¼" - ], - [ - "F", - "F" - ], - [ - "The", - "re" - ], - [ - "Ġtri", - "al" - ], - [ - "x", - "y" - ], - [ - "ger", - "y" - ], - [ - "Ġal", - "ready" - ], - [ - "def", - "ine" - ], - [ - "m", - "ing" - ], - [ - "ĠS", - "D" - ], - [ - "Ġmon", - "itor" - ], - [ - "Ġp", - "sy" - ], - [ - "Ġbec", - "omes" - ], - [ - "ist", - "ry" - ], - [ - "ĠÎ", - "ĵ" - ], - [ - "Ġh", - "um" - ], - [ - "ri", - "er" - ], - [ - "ess", - "ion" - ], - [ - "Ġhist", - "ory" - ], - [ - "Ã", - "¶" - ], - [ - "ĠÎ", - "¾" - ], - [ - "Ġestabl", - "ished" - ], - [ - "Ġachie", - "ved" - ], - [ - "es", - "tern" - ], - [ - "Ï", - "Ĩ" - ], - [ - "ĠH", - "ence" - ], - [ - "Ġassess", - "ment" - ], - [ - "ot", - "or" - ], - [ - "Ġdescrib", - "e" - ], - [ - "och", - "ond" - ], - [ - "yl", - "ation" - ], - [ - "st", - "s" - ], - [ - "sp", - "ace" - ], - [ - "Ġdise", - "ases" - ], - [ - "j", - "ection" - ], - [ - "Ġs", - "low" - ], - [ - "Ġnon", - "linear" - ], - [ - "p", - "ly" - ], - [ - "m", - "l" - ], - [ - "Ġemb", - "ed" - ], - [ - "com", - "p" - ], - [ - "Ġeffici", - "ent" - ], - [ - "Ġoper", - "ation" - ], - [ - "Ġcont", - "act" - ], - [ - "o", - "z" - ], - [ - "Ġinv", - "ari" - ], - [ - "Ġcent", - "er" - ], - [ - "Ġcon", - "c" - ], - [ - "wide", - "tilde" - ], - [ - "Ġbe", - "am" - ], - [ - "Ġclos", - "ed" - ], - [ - "ĠMethod", - "s" - ], - [ - "Ġch", - "ronic" - ], - [ - "al", - "ing" - ], - [ - "Ġse", - "vere" - ], - [ - "Ġform", - "s" - ], - [ - "il", - "it" - ], - [ - "s", - "ide" - ], - [ - "p", - "en" - ], - [ - "Ġb", - "ran" - ], - [ - "o", - "ud" - ], - [ - "tal", - "ity" - ], - [ - "Ġmap", - "s" - ], - [ - "ac", - "ts" - ], - [ - "O", - "L" - ], - [ - "P", - "R" - ], - [ - "Ġ", - "Í" - ], - [ - "s", - "l" - ], - [ - "Ġinst", - "ance" - ], - [ - "ul", - "ly" - ], - [ - "Ġestim", - "ation" - ], - [ - "Ġpl", - "ate" - ], - [ - "Ġdev", - "ice" - ], - [ - "ĠI", - "II" - ], - [ - "s", - "in" - ], - [ - "Ġpl", - "ants" - ], - [ - "it", - "tle" - ], - [ - "Ġpro", - "duce" - ], - [ - "Ġhe", - "nce" - ], - [ - "Ġn", - "ature" - ], - [ - "Ġrele", - "ase" - ], - [ - "ĠM", - "in" - ], - [ - "ric", - "t" - ], - [ - "Ġconn", - "ected" - ], - [ - "ott", - "om" - ], - [ - "ell", - "ar" - ], - [ - "Ġform", - "ed" - ], - [ - "Ġm", - "ob" - ], - [ - "Ġcomput", - "ed" - ], - [ - "Ġ", - "RE" - ], - [ - "Ġpol", - "ynomial" - ], - [ - "Ġl", - "iquid" - ], - [ - "g", - "n" - ], - [ - "Ġass", - "ay" - ], - [ - "Ġman", - "if" - ], - [ - "ĠS", - "i" - ], - [ - "re", - "nce" - ], - [ - "Ġax", - "is" - ], - [ - "V", - "ID" - ], - [ - "Ġsign", - "als" - ], - [ - "Î", - "¸" - ], - [ - "to", - "k" - ], - [ - "d", - "s" - ], - [ - "Ġrat", - "s" - ], - [ - "Ġt", - "or" - ], - [ - "o", - "lecular" - ], - [ - "c", - "hed" - ], - [ - "Ġdesc", - "ri" - ], - [ - "Ġexp", - "on" - ], - [ - "Ġper", - "turb" - ], - [ - "Ġgl", - "uc" - ], - [ - "Ġcolum", - "n" - ], - [ - "U", - "L" - ], - [ - "Ġmain", - "ly" - ], - [ - "Ġm", - "ul" - ], - [ - "id", - "er" - ], - [ - "ĠC", - "R" - ], - [ - "Ġc", - "ataly" - ], - [ - "Ġl", - "aser" - ], - [ - "tion", - "ed" - ], - [ - "d", - "en" - ], - [ - "Ġsugg", - "ests" - ], - [ - "f", - "ig" - ], - [ - "Ġprop", - "ag" - ], - [ - "or", - "g" - ], - [ - "re", - "p" - ], - [ - "Ġcharacter", - "ized" - ], - [ - "olog", - "ies" - ], - [ - "Ġacc", - "um" - ], - [ - "Ġv", - "ary" - ], - [ - "Ġcontroll", - "ed" - ], - [ - "Ġup", - "d" - ], - [ - "ĠB", - "r" - ], - [ - "Ġenti", - "re" - ], - [ - "Ġ", - "@" - ], - [ - "â", - "ģĦ" - ], - [ - "Ġ", - "Ì" - ], - [ - "Ġdat", - "ab" - ], - [ - "an", - "o" - ], - [ - "am", - "il" - ], - [ - "Ġadj", - "ust" - ], - [ - "y", - "e" - ], - [ - "p", - "ression" - ], - [ - "eren", - "ces" - ], - [ - "Ġess", - "ential" - ], - [ - "ĠH", - "ydro" - ], - [ - "ĠT", - "r" - ], - [ - "Ġappropri", - "ate" - ], - [ - "Ġform", - "ula" - ], - [ - "Ġlat", - "tice" - ], - [ - "Ġac", - "ute" - ], - [ - "Ġus", - "ually" - ], - [ - "it", - "able" - ], - [ - "Ġm", - "ar" - ], - [ - "Ġμ", - "m" - ], - [ - "ĠU", - "SA" - ], - [ - "Ġinc", - "ub" - ], - [ - "oc", - "ks" - ], - [ - "Ġp", - "epti" - ], - [ - "idd", - "le" - ], - [ - "Ġdec", - "om" - ], - [ - "Ġdam", - "age" - ], - [ - "Ġgen", - "ome" - ], - [ - "Ġm", - "ouse" - ], - [ - "c", - "irc" - ], - [ - "Ġlay", - "ers" - ], - [ - "Ġt", - "rack" - ], - [ - "Ġto", - "x" - ], - [ - "Ġre", - "plac" - ], - [ - "Ġad", - "vant" - ], - [ - "iz", - "on" - ], - [ - "Ġrecord", - "ed" - ], - [ - "Ġst", - "art" - ], - [ - "Ġr", - "ank" - ], - [ - "s", - "er" - ], - [ - "ĠG", - "ene" - ], - [ - "auss", - "ian" - ], - [ - "ing", - "u" - ], - [ - "Ġconst", - "raints" - ], - [ - "f", - "low" - ], - [ - "Ġm", - "ig" - ], - [ - "P", - "L" - ], - [ - "Ġinc", - "or" - ], - [ - "ap", - "pro" - ], - [ - "Ġf", - "ast" - ], - [ - "Ġmus", - "cle" - ], - [ - "Ġh", - "ome" - ], - [ - "e", - "q" - ], - [ - "ĠÏ", - "Ī" - ], - [ - "Ġstrong", - "ly" - ], - [ - "ĠEu", - "rope" - ], - [ - "Ġsub", - "jects" - ], - [ - "Ġob", - "jects" - ], - [ - "t", - "est" - ], - [ - "t", - "ered" - ], - [ - "ĠWh", - "ile" - ], - [ - "Ġsymmet", - "ry" - ], - [ - "Ġquanti", - "f" - ], - [ - "`", - "`" - ], - [ - "Ġbre", - "ak" - ], - [ - "ĠEx", - "perim" - ], - [ - "Ġmi", - "xt" - ], - [ - "<", - "<" - ], - [ - "ĠCh", - "ina" - ], - [ - "ĠId", - "entif" - ], - [ - "Ġaff", - "ected" - ], - [ - "Ġsecond", - "ary" - ], - [ - "Ġin", - "equ" - ], - [ - "in", - "cl" - ], - [ - "E", - "G" - ], - [ - "F", - "T" - ], - [ - "Ġfail", - "ure" - ], - [ - "ec", - "tiv" - ], - [ - "Ġk", - "m" - ], - [ - "Ġsam", - "pling" - ], - [ - "Ġexpans", - "ion" - ], - [ - "Ġprac", - "tice" - ], - [ - "u", - "ations" - ], - [ - "ogn", - "itive" - ], - [ - "Ġdi", - "et" - ], - [ - "Ġtemper", - "atures" - ], - [ - "Ġcontrol", - "s" - ], - [ - "Ġch", - "osen" - ], - [ - "Ġgener", - "ally" - ], - [ - "anc", - "er" - ], - [ - "Ġdeg", - "rad" - ], - [ - "ul", - "i" - ], - [ - "s", - "m" - ], - [ - "othe", - "rapy" - ], - [ - "Ġto", - "wards" - ], - [ - "ĠProper", - "ties" - ], - [ - "Ġclust", - "ers" - ], - [ - "Ġdel", - "ay" - ], - [ - "Ġhe", - "p" - ], - [ - "P", - "A" - ], - [ - "ĠStud", - "y" - ], - [ - "antit", - "ative" - ], - [ - "Ġclass", - "ical" - ], - [ - "ĠZ", - "h" - ], - [ - "ĠÎ", - "©" - ], - [ - "ĠB", - "o" - ], - [ - "Ġse", - "ed" - ], - [ - "ĠStr", - "uct" - ], - [ - "Ġtre", - "nd" - ], - [ - "i", - "ological" - ], - [ - "Ġconfir", - "med" - ], - [ - "Ġdistrib", - "uted" - ], - [ - "b", - "ial" - ], - [ - "Ġn", - "ame" - ], - [ - "C", - "N" - ], - [ - "val", - "ence" - ], - [ - "er", - "ior" - ], - [ - "iv", - "en" - ], - [ - "n", - "ed" - ], - [ - "Ġbehavi", - "our" - ], - [ - "as", - "ks" - ], - [ - "g", - "ra" - ], - [ - "m", - "ark" - ], - [ - "Ġerr", - "ors" - ], - [ - "ĠR", - "ep" - ], - [ - "l", - "ight" - ], - [ - "cri", - "pt" - ], - [ - "I", - "f" - ], - [ - "Ġc", - "andid" - ], - [ - "Ġdepend", - "s" - ], - [ - "ĠN", - "ational" - ], - [ - "Ġh", - "olds" - ], - [ - "Ġprotoc", - "ol" - ], - [ - "ĠUn", - "ited" - ], - [ - "Ġinter", - "face" - ], - [ - "Ġexp", - "ect" - ], - [ - "Ġï", - "ģ" - ], - [ - "ĠH", - "IV" - ], - [ - "Ġro", - "ot" - ], - [ - "Ġsc", - "attering" - ], - [ - "w", - "ords" - ], - [ - "Ġobserv", - "ation" - ], - [ - "ot", - "op" - ], - [ - "Ġoccur", - "s" - ], - [ - "our", - "ces" - ], - [ - "p", - "ite" - ], - [ - "ĠS", - "te" - ], - [ - "Ġor", - "th" - ], - [ - "Ġst", - "ain" - ], - [ - "Ġst", - "eps" - ], - [ - "Ġcomp", - "are" - ], - [ - "Ġbas", - "ic" - ], - [ - "Ġinhib", - "ition" - ], - [ - "Ġsympt", - "oms" - ], - [ - "ĠHe", - "alth" - ], - [ - "Ġpubl", - "ished" - ], - [ - "f", - "old" - ], - [ - "Ġt", - "un" - ], - [ - "Ġv", - "ivo" - ], - [ - "Ġrec", - "onstr" - ], - [ - "Ġm", - "RNA" - ], - [ - "ic", - "y" - ], - [ - "Ġhy", - "brid" - ], - [ - "y", - "r" - ], - [ - "Ġm", - "ixed" - ], - [ - "v", - "is" - ], - [ - "Ch", - "I" - ], - [ - "Ġmed", - "ical" - ], - [ - "Ġf", - "rag" - ], - [ - "Ġan", - "imals" - ], - [ - "Ġimport", - "ance" - ], - [ - "Ġeng", - "ine" - ], - [ - "ĠC", - "T" - ], - [ - "Ġpair", - "s" - ], - [ - "Ġb", - "al" - ], - [ - "ĠE", - "ar" - ], - [ - "her", - "s" - ], - [ - "Ġsy", - "nd" - ], - [ - "Ġar", - "chitect" - ], - [ - "Ġidentif", - "ication" - ], - [ - "Ġstrateg", - "ies" - ], - [ - "Ġreg", - "ulation" - ], - [ - "ĠL", - "a" - ], - [ - "r", - "or" - ], - [ - "Ġflu", - "ores" - ], - [ - "ur", - "ity" - ], - [ - "Ġcon", - "cept" - ], - [ - "Ġatten", - "tion" - ], - [ - "Ġtrans", - "formation" - ], - [ - "uc", - "le" - ], - [ - "ĠRes", - "earch" - ], - [ - "Ġsim", - "pl" - ], - [ - "Ġcult", - "ure" - ], - [ - "ar", - "ing" - ], - [ - "if", - "ically" - ], - [ - "p", - "ir" - ], - [ - "z", - "e" - ], - [ - "P", - "T" - ], - [ - "m", - "osp" - ], - [ - "Ġsw", - "it" - ], - [ - "Ġn", - "or" - ], - [ - "Ġenh", - "ance" - ], - [ - "Ġenvironment", - "al" - ], - [ - "r", - "ary" - ], - [ - "ĠM", - "icro" - ], - [ - "Ġw", - "ide" - ], - [ - "op", - "ath" - ], - [ - "au", - "ge" - ], - [ - "z", - "eta" - ], - [ - "Ġst", - "e" - ], - [ - "ĠE", - "l" - ], - [ - "Ġw", - "ords" - ], - [ - "Ġnuc", - "lear" - ], - [ - "Ġl", - "anguage" - ], - [ - "Ġdetail", - "s" - ], - [ - "op", - "ar" - ], - [ - "ĠR", - "ed" - ], - [ - "w", - "ater" - ], - [ - "Ġc", - "ategor" - ], - [ - "Ġf", - "ile" - ], - [ - "Ġco", - "ver" - ], - [ - "Ġachie", - "ve" - ], - [ - "Ã", - "¡" - ], - [ - "um", - "m" - ], - [ - "Ġl", - "ig" - ], - [ - "Ġsur", - "vey" - ], - [ - "Ġext", - "ended" - ], - [ - "l", - "ab" - ], - [ - "ĠIn", - "c" - ], - [ - "Ġdis", - "pers" - ], - [ - "Ġrecom", - "m" - ], - [ - "ĠB", - "ased" - ], - [ - "Ġabs", - "ence" - ], - [ - "Ġconstruc", - "tion" - ], - [ - "Ġpo", - "or" - ], - [ - "Ġvolt", - "age" - ], - [ - "Ġcell", - "ular" - ], - [ - "Ġmor", - "tality" - ], - [ - "Ġshow", - "ing" - ], - [ - "Ġprol", - "if" - ], - [ - "m", - "p" - ], - [ - "Ġneur", - "ons" - ], - [ - "Ġsup", - "ported" - ], - [ - "Ġpre", - "vent" - ], - [ - "el", - "i" - ], - [ - "ox", - "y" - ], - [ - "ic", - "a" - ], - [ - "Ġf", - "ully" - ], - [ - "Ġen", - "ough" - ], - [ - "o", - "times" - ], - [ - "ĠM", - "R" - ], - [ - "Ġb", - "ul" - ], - [ - "Ġphen", - "omen" - ], - [ - "F", - "A" - ], - [ - "Ġdec", - "ision" - ], - [ - "Ġd", - "ual" - ], - [ - "Ġdec", - "ay" - ], - [ - "Ġo", - "wn" - ], - [ - "Ġus", - "es" - ], - [ - "Ġchall", - "eng" - ], - [ - "Ġadd", - "ress" - ], - [ - "O", - "C" - ], - [ - "tiv", - "ation" - ], - [ - "Ġm", - "ill" - ], - [ - "Ġmod", - "es" - ], - [ - "at", - "us" - ], - [ - "ic", - "tion" - ], - [ - "Ġabs", - "orption" - ], - [ - "Ġep", - "it" - ], - [ - "Ġconst", - "ra" - ], - [ - "Ġagre", - "ement" - ], - [ - "ĠA", - "f" - ], - [ - "Ġbi", - "as" - ], - [ - "ud", - "ed" - ], - [ - "Ġpar", - "ts" - ], - [ - "Ġv", - "an" - ], - [ - "Ġcol", - "on" - ], - [ - "Ġex", - "ternal" - ], - [ - "Ġthe", - "oretical" - ], - [ - "as", - "i" - ], - [ - "Ġl", - "es" - ], - [ - "abil", - "ities" - ], - [ - "L", - "A" - ], - [ - "tt", - "ps" - ], - [ - "Ġinst", - "ead" - ], - [ - "Ġmemb", - "ers" - ], - [ - "+", - "+" - ], - [ - "Ġrec", - "ently" - ], - [ - "Ġprep", - "ared" - ], - [ - "Ġar", - "ticle" - ], - [ - "d", - "ay" - ], - [ - "Ġext", - "ract" - ], - [ - "Ġâ", - "İ" - ], - [ - "Ġpath", - "ways" - ], - [ - "Ï", - "Ħ" - ], - [ - "m", - "id" - ], - [ - "or", - "age" - ], - [ - "Ġcommun", - "ication" - ], - [ - "Ġacc", - "el" - ], - [ - "Ġun", - "its" - ], - [ - "iti", - "s" - ], - [ - "ynt", - "hesis" - ], - [ - "Ġamplit", - "ude" - ], - [ - "ri", - "e" - ], - [ - "ult", - "aneous" - ], - [ - "ĠL", - "ear" - ], - [ - "ec", - "ause" - ], - [ - "d", - "o" - ], - [ - "e", - "ff" - ], - [ - "Ġex", - "plicit" - ], - [ - "Ġcriter", - "ia" - ], - [ - "b", - "re" - ], - [ - "Ġex", - "ec" - ], - [ - "Ġmechan", - "ical" - ], - [ - "er", - "os" - ], - [ - "ĠCon", - "cl" - ], - [ - "ĠE", - "xt" - ], - [ - "Ġclass", - "es" - ], - [ - "Ġlong", - "er" - ], - [ - "Ġcalc", - "ulations" - ], - [ - "eu", - "tic" - ], - [ - "oci", - "ated" - ], - [ - "ar", - "di" - ], - [ - "Ġcour", - "se" - ], - [ - "Ġpar", - "tial" - ], - [ - "Ġsens", - "or" - ], - [ - "Ï", - "ĥ" - ], - [ - "Ġoper", - "ators" - ], - [ - "ĠAmeric", - "an" - ], - [ - "Ġm", - "M" - ], - [ - "Ġv", - "acc" - ], - [ - "oc", - "c" - ], - [ - "ic", - "on" - ], - [ - "Ġout", - "come" - ], - [ - "Ġanal", - "og" - ], - [ - "Ġthick", - "ness" - ], - [ - "Ġre", - "ach" - ], - [ - "Ġassum", - "ed" - ], - [ - "end", - "er" - ], - [ - "Ġm", - "ale" - ], - [ - "S", - "E" - ], - [ - "Ġint", - "ra" - ], - [ - "Ġimplement", - "ation" - ], - [ - "em", - "ia" - ], - [ - "Ġenh", - "anced" - ], - [ - "b", - "ility" - ], - [ - "Ġeas", - "ily" - ], - [ - "um", - "p" - ], - [ - "Ġcar", - "cin" - ], - [ - "os", - "a" - ], - [ - "Ġcorrespond", - "s" - ], - [ - "ne", - "g" - ], - [ - "Ġmagn", - "itude" - ], - [ - "con", - "st" - ], - [ - "Ġl", - "atter" - ], - [ - "Ġrepresent", - "ed" - ], - [ - "Ġs", - "ed" - ], - [ - "Ġparticular", - "ly" - ], - [ - "Ġwr", - "itten" - ], - [ - "par", - "t" - ], - [ - "Ġo", - "il" - ], - [ - "ber", - "g" - ], - [ - "ĠB", - "ar" - ], - [ - "Ġd", - "ys" - ], - [ - "ĠS", - "ome" - ], - [ - "ĠM", - "ar" - ], - [ - "Ġaltern", - "ative" - ], - [ - "ĠG", - "erm" - ], - [ - "Ġgener", - "ate" - ], - [ - "Ġcon", - "struct" - ], - [ - "ian", - "s" - ], - [ - "st", - "ream" - ], - [ - "Ġe", - "c" - ], - [ - "oc", - "hemical" - ], - [ - "ib", - "ration" - ], - [ - "oper", - "ative" - ], - [ - "is", - "ter" - ], - [ - "Ġrob", - "ust" - ], - [ - "t", - "re" - ], - [ - "Ġmodel", - "ing" - ], - [ - "or", - "ing" - ], - [ - "es", - "e" - ], - [ - "d", - "ed" - ], - [ - "ide", - "o" - ], - [ - "Ġhydro", - "gen" - ], - [ - "um", - "ents" - ], - [ - "Ġdemonstr", - "ate" - ], - [ - "Ġcorrel", - "ated" - ], - [ - "Ġsystem", - "atic" - ], - [ - "Ġsur", - "gery" - ], - [ - "Ġindic", - "ating" - ], - [ - "Ġhypot", - "hesis" - ], - [ - "y", - "ear" - ], - [ - "mit", - "ted" - ], - [ - "Ġst", - "ars" - ], - [ - "Ġprof", - "iles" - ], - [ - "Ġcons", - "ists" - ], - [ - "t", - "ri" - ], - [ - "Ġdepend", - "ent" - ], - [ - "ish", - "ing" - ], - [ - "t", - "op" - ], - [ - "Ġhe", - "art" - ], - [ - "at", - "ically" - ], - [ - "Ġinj", - "ury" - ], - [ - "Ġqu", - "ad" - ], - [ - "Ġwee", - "ks" - ], - [ - "ut", - "ing" - ], - [ - "ĠT", - "e" - ], - [ - "Ġid", - "enti" - ], - [ - "Ġgradi", - "ent" - ], - [ - "Ġcalc", - "ulation" - ], - [ - "Ġ", - "ur" - ], - [ - "R", - "T" - ], - [ - "z", - "ation" - ], - [ - "Ġed", - "uc" - ], - [ - "en", - "ing" - ], - [ - "P", - "P" - ], - [ - "z", - "ed" - ], - [ - "us", - "h" - ], - [ - "Ġcharacter", - "istic" - ], - [ - "Ġstrain", - "s" - ], - [ - "et", - "h" - ], - [ - "Ġdi", - "vers" - ], - [ - "âĪ", - "Ī" - ], - [ - "oid", - "s" - ], - [ - "ol", - "ic" - ], - [ - "Ġinterp", - "ret" - ], - [ - "K", - "ey" - ], - [ - "Ġatt", - "ack" - ], - [ - "p", - "ective" - ], - [ - "Ġlab", - "or" - ], - [ - "Ġmet", - "ast" - ], - [ - "N", - "F" - ], - [ - "Ġtiss", - "ues" - ], - [ - "Ġradi", - "us" - ], - [ - "ĠE", - "ach" - ], - [ - "Ġc", - "at" - ], - [ - "Ġd", - "on" - ], - [ - "Ġele", - "v" - ], - [ - "Ġass", - "emb" - ], - [ - "r", - "ons" - ], - [ - "Ġar", - "bit" - ], - [ - "Ġpan", - "el" - ], - [ - "Ġg", - "rid" - ], - [ - "Ġt", - "able" - ], - [ - "roscop", - "ic" - ], - [ - "Ġc", - "le" - ], - [ - "ĠIn", - "tern" - ], - [ - "ob", - "acter" - ], - [ - "Ġassum", - "ption" - ], - [ - "ĠCO", - "VID" - ], - [ - "Ġbound", - "ed" - ], - [ - "Ġother", - "s" - ], - [ - "Ġsch", - "ool" - ], - [ - "Ġh", - "ospital" - ], - [ - "lec", - "ted" - ], - [ - "ĠC", - "u" - ], - [ - "Ã", - "Ĺ" - ], - [ - "Ġcomple", - "t" - ], - [ - "Ġwid", - "th" - ], - [ - "Ġl", - "inks" - ], - [ - "p", - "o" - ], - [ - "ol", - "low" - ], - [ - "Ġn", - "ut" - ], - [ - "Ġappear", - "s" - ], - [ - "row", - "n" - ], - [ - "a", - "ro" - ], - [ - "Ġus", - "ers" - ], - [ - "Ġcl", - "im" - ], - [ - "Ġslight", - "ly" - ], - [ - "Ġbl", - "ue" - ], - [ - "ra", - "b" - ], - [ - "ĠS", - "er" - ], - [ - "Ġfig", - "ure" - ], - [ - "ĠR", - "ad" - ], - [ - "Ġelect", - "ric" - ], - [ - "m", - "m" - ], - [ - "och", - "astic" - ], - [ - "ri", - "ef" - ], - [ - "Ġcollec", - "tion" - ], - [ - "Ġst", - "em" - ], - [ - "Ġg", - "over" - ], - [ - "Ġb", - "ur" - ], - [ - "Ġtyp", - "ical" - ], - [ - "s", - "up" - ], - [ - "Ġagg", - "reg" - ], - [ - "ra", - "z" - ], - [ - "ĉĉ", - "ĉ" - ], - [ - "Ġst", - "ation" - ], - [ - "Ġar", - "ter" - ], - [ - "i", - "vely" - ], - [ - "itro", - "gen" - ], - [ - "Ġcons", - "tit" - ], - [ - "em", - "pt" - ], - [ - "ĠEff", - "ect" - ], - [ - "Ġdescri", - "ption" - ], - [ - "Ġsc", - "ores" - ], - [ - "Ġmet", - "hyl" - ], - [ - "ĠO", - "b" - ], - [ - "ĠSt", - "ates" - ], - [ - "Ġs", - "plit" - ], - [ - "ĠV", - "ari" - ], - [ - "ĠW", - "ang" - ], - [ - "Ġc", - "ere" - ], - [ - "ĠF", - "ran" - ], - [ - "Ġneed", - "s" - ], - [ - "ĠF", - "our" - ], - [ - "Ġpro", - "ject" - ], - [ - "Ġdev", - "ices" - ], - [ - "Ġintegr", - "al" - ], - [ - "ĠE", - "s" - ], - [ - "ymmet", - "ric" - ], - [ - "Ġm", - "ess" - ], - [ - "Ġpl", - "ays" - ], - [ - "ĠLear", - "ning" - ], - [ - "Ġover", - "l" - ], - [ - "H", - "ere" - ], - [ - "ign", - "ment" - ], - [ - "Ġdel", - "iver" - ], - [ - "ap", - "an" - ], - [ - "C", - "E" - ], - [ - "Ġg", - "auge" - ], - [ - "ĠJ", - "oh" - ], - [ - "--------", - "--------" - ], - [ - "Ġunder", - "lying" - ], - [ - "Ġth", - "in" - ], - [ - "Ġassess", - "ed" - ], - [ - "Ġdiff", - "usion" - ], - [ - "Ġhe", - "ight" - ], - [ - "ĠS", - "w" - ], - [ - "Ġd", - "ark" - ], - [ - "pr", - "int" - ], - [ - "ran", - "ge" - ], - [ - "ĠC", - "I" - ], - [ - "is", - "es" - ], - [ - "l", - "ier" - ], - [ - "r", - "ant" - ], - [ - "om", - "orphism" - ], - [ - "Ġcomp", - "act" - ], - [ - "ip", - "s" - ], - [ - "ĠN", - "ame" - ], - [ - "Ġtechn", - "ology" - ], - [ - "ag", - "en" - ], - [ - "Ġconfig", - "uration" - ], - [ - "Ġd", - "uration" - ], - [ - "ĠCl", - "ass" - ], - [ - "Ġp", - "ut" - ], - [ - "Ġm", - "aking" - ], - [ - "Ġas", - "ympt" - ], - [ - "a", - "id" - ], - [ - "Ġco", - "h" - ], - [ - "Ġcomplex", - "ity" - ], - [ - "Ġsec", - "tions" - ], - [ - "ĠM", - "D" - ], - [ - "ĠĠĠĠĠĠĠĠ", - "Ġ" - ], - [ - "Ġra", - "d" - ], - [ - "Ġsubstr", - "ate" - ], - [ - "d", - "d" - ], - [ - "Ġan", - "n" - ], - [ - "Ġorgan", - "ic" - ], - [ - "Ġtak", - "ing" - ], - [ - "Ġinclud", - "es" - ], - [ - "Ġk", - "ine" - ], - [ - "a", - "res" - ], - [ - "Ġro", - "w" - ], - [ - "ateg", - "ory" - ], - [ - "Ġmit", - "ochond" - ], - [ - "U", - "T" - ], - [ - "Ġsynd", - "rome" - ], - [ - "ĠPro", - "b" - ], - [ - "re", - "tion" - ], - [ - "Ġfl", - "uct" - ], - [ - "ĠD", - "is" - ], - [ - "Ġtrans", - "l" - ], - [ - "pl", - "as" - ], - [ - "Ġpsy", - "ch" - ], - [ - "Ġsur", - "faces" - ], - [ - "Ġdetail", - "ed" - ], - [ - "amil", - "ton" - ], - [ - "Ġh", - "old" - ], - [ - "ĠâĬ", - "Ĺ" - ], - [ - "ĠC", - "N" - ], - [ - "Ġd", - "il" - ], - [ - "ĠO", - "ver" - ], - [ - "at", - "form" - ], - [ - "Ġver", - "tical" - ], - [ - "Ġcomput", - "ation" - ], - [ - "Ġp", - "ure" - ], - [ - "Ġm", - "akes" - ], - [ - "Ġexist", - "ing" - ], - [ - "Ġexam", - "ples" - ], - [ - "S", - "O" - ], - [ - "ord", - "ers" - ], - [ - "Ġm", - "ix" - ], - [ - "Ġincor", - "por" - ], - [ - "Ġre", - "qu" - ], - [ - "an", - "tic" - ], - [ - "D", - "NA" - ], - [ - "Î", - "´" - ], - [ - "Ġcl", - "oud" - ], - [ - "ĠT", - "echn" - ], - [ - "Ġï", - "ĥ" - ], - [ - "em", - "ents" - ], - [ - "Ġbas", - "eline" - ], - [ - "ste", - "in" - ], - [ - "Ġbel", - "ong" - ], - [ - "Ġtri", - "als" - ], - [ - "Ġhor", - "izon" - ], - [ - "Ġphosph", - "or" - ], - [ - "Ġan", - "s" - ], - [ - "di", - "x" - ], - [ - "ro", - "id" - ], - [ - "Ġapp", - "ly" - ], - [ - "u", - "ed" - ], - [ - "ern", - "el" - ], - [ - "Ġfem", - "ale" - ], - [ - "ic", - "acy" - ], - [ - "Ġv", - "ectors" - ], - [ - "Ġmat", - "rices" - ], - [ - "at", - "ric" - ], - [ - "ĠM", - "c" - ], - [ - "Ġp", - "y" - ], - [ - "Ġch", - "lor" - ], - [ - "l", - "en" - ], - [ - "Ġclear", - "ly" - ], - [ - "st", - "atic" - ], - [ - "re", - "f" - ], - [ - "ĠS", - "outh" - ], - [ - "Ġmed", - "ia" - ], - [ - "ĠS", - "he" - ], - [ - "ĠB", - "ay" - ], - [ - "Ġag", - "ents" - ], - [ - "B", - "y" - ], - [ - "Ġdifferenti", - "ation" - ], - [ - "ist", - "ant" - ], - [ - "orph", - "ic" - ], - [ - "Ġvari", - "ety" - ], - [ - "Ġserv", - "ice" - ], - [ - "Ġm", - "apping" - ], - [ - "vel", - "ength" - ], - [ - "Ġchann", - "els" - ], - [ - "Ġcomp", - "ute" - ], - [ - "Ġst", - "ream" - ], - [ - "ul", - "s" - ], - [ - "am", - "ide" - ], - [ - "ok", - "ing" - ], - [ - "v", - "it" - ], - [ - "Ġyield", - "s" - ], - [ - "om", - "b" - ], - [ - "ĠG", - "aussian" - ], - [ - "Ġp", - "en" - ], - [ - "un", - "e" - ], - [ - "Ġexper", - "ience" - ], - [ - "b", - "and" - ], - [ - "ĠD", - "o" - ], - [ - "math", - "sf" - ], - [ - "Ġallow", - "ed" - ], - [ - "A", - "r" - ], - [ - "R", - "A" - ], - [ - "Ġbacter", - "ial" - ], - [ - "Ġm", - "iss" - ], - [ - "Ġbacter", - "ia" - ], - [ - "Ġmoment", - "um" - ], - [ - "Ġh", - "ours" - ], - [ - "uc", - "k" - ], - [ - "ĠPro", - "position" - ], - [ - "ber", - "t" - ], - [ - "ot", - "rop" - ], - [ - "Ġvari", - "ance" - ], - [ - "Ġtr", - "ig" - ], - [ - "Ġsh", - "ift" - ], - [ - "Ġequ", - "ilibrium" - ], - [ - "b", - "u" - ], - [ - "IN", - "G" - ], - [ - "Ġwh", - "ite" - ], - [ - "Ġk", - "ind" - ], - [ - "Ġj", - "oint" - ], - [ - "Ġtem", - "poral" - ], - [ - "ĠI", - "V" - ], - [ - "ĠAf", - "ric" - ], - [ - "Ġsub", - "ject" - ], - [ - "ĠP", - "o" - ], - [ - "he", - "ad" - ], - [ - "id", - "el" - ], - [ - "Ġantib", - "ody" - ], - [ - "ĠEff", - "ects" - ], - [ - "Ġsp", - "e" - ], - [ - "Ġsu", - "fficient" - ], - [ - "j", - "ected" - ], - [ - "re", - "es" - ], - [ - "ĠT", - "op" - ], - [ - "Ġmut", - "ations" - ], - [ - "is", - "ions" - ], - [ - "B", - "C" - ], - [ - "Ġin", - "duction" - ], - [ - "Ġinterest", - "ing" - ], - [ - "ell", - "a" - ], - [ - "c", - "an" - ], - [ - "Ġsus", - "p" - ], - [ - "ĠG", - "roup" - ], - [ - "Ġextrac", - "ted" - ], - [ - "istic", - "ally" - ], - [ - "c", - "oh" - ], - [ - "m", - "ap" - ], - [ - "Ġaccur", - "ate" - ], - [ - "Ġto", - "o" - ], - [ - "Ġdim", - "ensions" - ], - [ - "te", - "gr" - ], - [ - "Ġgre", - "en" - ], - [ - "ĠR", - "o" - ], - [ - "Ġw", - "ild" - ], - [ - "Ġlo", - "op" - ], - [ - "Ġmet", - "a" - ], - [ - "Ġsub", - "stit" - ], - [ - "os", - "ome" - ], - [ - "Ġsuggest", - "ing" - ], - [ - "Ġspec", - "im" - ], - [ - "am", - "ental" - ], - [ - "im", - "ent" - ], - [ - "Ġi", - "j" - ], - [ - "Ġcl", - "aim" - ], - [ - "Ġaut", - "hor" - ], - [ - "Ġfil", - "ms" - ], - [ - "Ġcoun", - "ter" - ], - [ - "Ġconven", - "tional" - ], - [ - "r", - "in" - ], - [ - "otyp", - "es" - ], - [ - "Ġp", - "ast" - ], - [ - "S", - "ince" - ], - [ - "medi", - "ated" - ], - [ - "reat", - "ment" - ], - [ - "Ġext", - "ension" - ], - [ - "Ġbi", - "o" - ], - [ - "Ġs", - "ent" - ], - [ - "h", - "al" - ], - [ - "Ġob", - "jective" - ], - [ - "Ġar", - "ray" - ], - [ - "Ġsu", - "itable" - ], - [ - "ĠB", - "ut" - ], - [ - "ĠH", - "uman" - ], - [ - "or", - "gan" - ], - [ - "b", - "ut" - ], - [ - "mod", - "el" - ], - [ - "S", - "I" - ], - [ - "Ġhealth", - "y" - ], - [ - "Ġv", - "ac" - ], - [ - "Ġl", - "ate" - ], - [ - "Ġr", - "ing" - ], - [ - "Ġl", - "ittle" - ], - [ - "M", - "T" - ], - [ - "Ġsqu", - "are" - ], - [ - "Ġge", - "ometry" - ], - [ - "ĠT", - "HE" - ], - [ - "ĠS", - "ing" - ], - [ - "j", - "ug" - ], - [ - "Ġstud", - "ents" - ], - [ - ",", - "," - ], - [ - "Ġad", - "ult" - ], - [ - "Ġcharacter", - "ization" - ], - [ - "Ġat", - "mosp" - ], - [ - "Ġmonitor", - "ing" - ], - [ - "an", - "i" - ], - [ - "n", - "et" - ], - [ - "ĠP", - "a" - ], - [ - "opt", - "osis" - ], - [ - "Ġcont", - "in" - ], - [ - "ĠS", - "ol" - ], - [ - "Ġdatab", - "ase" - ], - [ - "im", - "port" - ], - [ - "m", - "ann" - ], - [ - "ĠPro", - "cess" - ], - [ - "ĠC", - "hen" - ], - [ - "Ġg", - "ap" - ], - [ - "Ġenzym", - "e" - ], - [ - "O", - "T" - ], - [ - "Ġsim", - "ultaneous" - ], - [ - "Ġexist", - "ence" - ], - [ - "B", - "P" - ], - [ - "ĠJ", - "apan" - ], - [ - "oun", - "ts" - ], - [ - "Ġt", - "urb" - ], - [ - "Ġsp", - "aces" - ], - [ - "ĠWe", - "ight" - ], - [ - "oph", - "il" - ], - [ - "Ġa", - "st" - ], - [ - "Ġwr", - "ite" - ], - [ - "Ġdiab", - "etes" - ], - [ - "ĠC", - "A" - ], - [ - "Ġneut", - "ral" - ], - [ - "Ġvari", - "ations" - ], - [ - "ax", - "on" - ], - [ - "Ġbe", - "gin" - ], - [ - "und", - "er" - ], - [ - "Ġext", - "raction" - ], - [ - "ĠP", - "ati" - ], - [ - "Ġf", - "ron" - ], - [ - "ef", - "ined" - ], - [ - "Ġacid", - "s" - ], - [ - "Ġserv", - "ices" - ], - [ - "Ġs", - "ense" - ], - [ - "Ġag", - "ent" - ], - [ - "hen", - "s" - ], - [ - "elect", - "ric" - ], - [ - "val", - "ues" - ], - [ - "Ġimprove", - "ment" - ], - [ - "here", - "nt" - ], - [ - "ac", - "tic" - ], - [ - "Ġac", - "et" - ], - [ - "cdot", - "s" - ], - [ - "Ġam", - "ino" - ], - [ - "Ġro", - "om" - ], - [ - "Ġexp", - "ress" - ], - [ - "Ġex", - "cept" - ], - [ - "Ġo", - "ld" - ], - [ - "pl", - "ant" - ], - [ - "cep", - "ti" - ], - [ - "ĠP", - "CR" - ], - [ - "ĠE", - "R" - ], - [ - "ĠB", - "oth" - ], - [ - "ve", - "x" - ], - [ - "Ġad", - "ults" - ], - [ - "Ġp", - "seud" - ], - [ - "Ġal", - "le" - ], - [ - "Ġwork", - "s" - ], - [ - "Ġconsum", - "ption" - ], - [ - "ip", - "her" - ], - [ - "c", - "m" - ], - [ - "c", - "ast" - ], - [ - "Ġnan", - "opar" - ], - [ - "Ï", - "ī" - ], - [ - "Ġe", - "con" - ], - [ - "ynam", - "ics" - ], - [ - "Ġal", - "ter" - ], - [ - "Ġsk", - "in" - ], - [ - "Ġdi", - "ameter" - ], - [ - "G", - "C" - ], - [ - "ĠS", - "ign" - ], - [ - "v", - "ial" - ], - [ - "Ġgluc", - "ose" - ], - [ - "ĠN", - "orth" - ], - [ - "ot", - "ox" - ], - [ - "Ġpro", - "te" - ], - [ - "d", - "x" - ], - [ - "ĠC", - "r" - ], - [ - "Ġf", - "ract" - ], - [ - "Ġins", - "ide" - ], - [ - "Ġst", - "atic" - ], - [ - "w", - "id" - ], - [ - "Ġst", - "orage" - ], - [ - "ĠA", - "L" - ], - [ - "ĠM", - "ark" - ], - [ - "ĠA", - "T" - ], - [ - "Ġsens", - "itive" - ], - [ - "Ġad", - "s" - ], - [ - "Ġed", - "ges" - ], - [ - "an", - "a" - ], - [ - "R", - "e" - ], - [ - "Ġsumm", - "ar" - ], - [ - "ĠAN", - "D" - ], - [ - "Ġremain", - "ing" - ], - [ - "dition", - "ally" - ], - [ - "Ġm", - "id" - ], - [ - "ĠThe", - "ory" - ], - [ - "M", - "C" - ], - [ - "Ġf", - "lex" - ], - [ - "ol", - "y" - ], - [ - "Ġdegrad", - "ation" - ], - [ - "Ġint", - "r" - ], - [ - "ot", - "a" - ], - [ - "ism", - "s" - ], - [ - "Ġam", - "pl" - ], - [ - "ĠA", - "re" - ], - [ - "Ġwork", - "ing" - ], - [ - "Ġdivers", - "ity" - ], - [ - "Ġt", - "ensor" - ], - [ - "Ġb", - "inary" - ], - [ - "\"\"", - "\"" - ], - [ - "v", - "als" - ], - [ - "Ġhe", - "m" - ], - [ - "M", - "L" - ], - [ - "Ġμ", - "g" - ], - [ - "ne", - "q" - ], - [ - "ens", - "ities" - ], - [ - "Ġtak", - "es" - ], - [ - "Ġch", - "arg" - ], - [ - "Ġinter", - "vention" - ], - [ - "Ġal", - "b" - ], - [ - "Ġqu", - "al" - ], - [ - "Ġmen", - "tioned" - ], - [ - "Ġon", - "es" - ], - [ - "ĠAcc", - "ording" - ], - [ - "ill", - "ed" - ], - [ - "O", - "H" - ], - [ - "S", - "up" - ], - [ - "Ġgalax", - "ies" - ], - [ - "ail", - "y" - ], - [ - "Ġr", - "ule" - ], - [ - "Ġc", - "ognitive" - ], - [ - "her", - "n" - ], - [ - "Ġrecogn", - "ition" - ], - [ - "Ġbu", - "ffer" - ], - [ - "Ġm", - "arg" - ], - [ - "ĠN", - "i" - ], - [ - "ĠâĪ", - "ļ" - ], - [ - "Ġcl", - "in" - ], - [ - "Ġintegr", - "ation" - ], - [ - "Ġs", - "in" - ], - [ - "ĠAl", - "so" - ], - [ - "Ġmach", - "ine" - ], - [ - "w", - "r" - ], - [ - "id", - "ity" - ], - [ - "Ġsubsequ", - "ent" - ], - [ - "F", - "e" - ], - [ - "Ġn", - "ames" - ], - [ - "at", - "her" - ], - [ - "ĠC", - "y" - ], - [ - "Ġmetabol", - "ism" - ], - [ - "Ġre", - "actions" - ], - [ - "Ġit", - "er" - ], - [ - "Ġnot", - "ed" - ], - [ - "Ġcaus", - "es" - ], - [ - "ĠH", - "amilton" - ], - [ - "g", - "o" - ], - [ - "Ġra", - "re" - ], - [ - "V", - "A" - ], - [ - "ĠM", - "y" - ], - [ - "v", - "ol" - ], - [ - "as", - "ure" - ], - [ - "Ġsignific", - "ance" - ], - [ - "ĠN", - "one" - ], - [ - "Ġve", - "hic" - ], - [ - "S", - "R" - ], - [ - "Ġvari", - "ability" - ], - [ - "ĠDe", - "velop" - ], - [ - "are", - "n" - ], - [ - "Ġprom", - "ot" - ], - [ - "ard", - "s" - ], - [ - "Ġcomput", - "ational" - ], - [ - "Ġsh", - "all" - ], - [ - "iz", - "ations" - ], - [ - "ĠHydro", - "gen" - ], - [ - "Ġprolif", - "eration" - ], - [ - "Ġcou", - "pled" - ], - [ - "ch", - "ron" - ], - [ - "Ġconver", - "gence" - ], - [ - "Ġg", - "ast" - ], - [ - "Ġcalc", - "ulate" - ], - [ - "ra", - "ft" - ], - [ - "par", - "ation" - ], - [ - "her", - "ic" - ], - [ - "ĠP", - "C" - ], - [ - "pl", - "ate" - ], - [ - "p", - "tions" - ], - [ - "ĠAl", - "gorithm" - ], - [ - "Ġresul", - "ted" - ], - [ - "D", - "E" - ], - [ - "Ġinvestig", - "ation" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠ" - ], - [ - "ol", - "ation" - ], - [ - "Ġt", - "asks" - ], - [ - "Ġle", - "g" - ], - [ - "in", - "ess" - ], - [ - "Ġemploy", - "ed" - ], - [ - "O", - "n" - ], - [ - "Ġexper", - "i" - ], - [ - "Ġtra", - "ject" - ], - [ - "G", - "A" - ], - [ - "Ġpur", - "pose" - ], - [ - "ĠN", - "um" - ], - [ - "Ġcomplet", - "ely" - ], - [ - "th", - "at" - ], - [ - "ĠOp", - "tim" - ], - [ - "Ġform", - "al" - ], - [ - "ec", - "k" - ], - [ - "ĠPro", - "tein" - ], - [ - "Ġgo", - "al" - ], - [ - "Ġthrough", - "out" - ], - [ - "Ġconsider", - "ing" - ], - [ - "Ġref", - "lect" - ], - [ - "tre", - "ated" - ], - [ - "or", - "ation" - ], - [ - "rib", - "ution" - ], - [ - "Ġtherap", - "eutic" - ], - [ - "Ġfind", - "ing" - ], - [ - "U", - "N" - ], - [ - "T", - "hen" - ], - [ - "il", - "ities" - ], - [ - "Ġun", - "known" - ], - [ - "ove", - "red" - ], - [ - "Ġver", - "tex" - ], - [ - "Ġex", - "change" - ], - [ - "Ġdrug", - "s" - ], - [ - "ĠC", - "P" - ], - [ - "Ġin", - "str" - ], - [ - "Ġsymmet", - "ric" - ], - [ - "ĠD", - "ep" - ], - [ - "Ġconstruc", - "ted" - ], - [ - "Ġpre", - "valence" - ], - [ - "Ġdecre", - "ases" - ], - [ - "Ġmi", - "R" - ], - [ - "Ġy", - "et" - ], - [ - "Ġb", - "ox" - ], - [ - "g", - "raph" - ], - [ - "wide", - "hat" - ], - [ - "al", - "ian" - ], - [ - "u", - "fact" - ], - [ - "L", - "R" - ], - [ - "cri", - "ption" - ], - [ - "Ġn", - "p" - ], - [ - "ĠChar", - "acter" - ], - [ - "Ġep", - "id" - ], - [ - "Î", - "½" - ], - [ - "Ġst", - "ages" - ], - [ - "Ġs", - "ay" - ], - [ - "ĠD", - "uring" - ], - [ - "at", - "ur" - ], - [ - "i", - "entif" - ], - [ - "ab", - "ric" - ], - [ - "Ã", - "¼" - ], - [ - "am", - "ent" - ], - [ - "in", - "ations" - ], - [ - "Ġsol", - "ar" - ], - [ - "Ġdisc", - "rete" - ], - [ - "ĠE", - "r" - ], - [ - "ĠGen", - "eral" - ], - [ - "b", - "al" - ], - [ - "ĠC", - "ent" - ], - [ - "u", - "el" - ], - [ - "Ġmixt", - "ure" - ], - [ - "Ġwid", - "ely" - ], - [ - "ĠSec", - "ond" - ], - [ - "Ġres", - "ources" - ], - [ - "ĠAp", - "pro" - ], - [ - "ĠI", - "R" - ], - [ - "Ġstr", - "ing" - ], - [ - "op", - "ro" - ], - [ - "Ġin", - "ner" - ], - [ - "ĠCom", - "plex" - ], - [ - "O", - "P" - ], - [ - "Ġat", - "oms" - ], - [ - "Ġph", - "ases" - ], - [ - "Ġdomain", - "s" - ], - [ - "ad", - "a" - ], - [ - "Ġcount", - "ries" - ], - [ - "ac", - "et" - ], - [ - "oci", - "ation" - ], - [ - "iz", - "er" - ], - [ - "Ġits", - "elf" - ], - [ - "Ġmin", - "imal" - ], - [ - "ĠCont", - "rol" - ], - [ - "tt", - "p" - ], - [ - "Ġb", - "ottom" - ], - [ - "b", - "all" - ], - [ - "ĠM", - "ay" - ], - [ - "de", - "v" - ], - [ - "n", - "ow" - ], - [ - "em", - "ber" - ], - [ - "Ġpercent", - "age" - ], - [ - "ĠO", - "ther" - ], - [ - "om", - "as" - ], - [ - "Ġl", - "ed" - ], - [ - "R", - "es" - ], - [ - "ĠEn", - "g" - ], - [ - "k", - "g" - ], - [ - "Ġfrequ", - "encies" - ], - [ - "k", - "in" - ], - [ - "Ġinc", - "idence" - ], - [ - "Ġan", - "imal" - ], - [ - "Ġad", - "op" - ], - [ - "Ġidenti", - "ty" - ], - [ - "ĠR", - "T" - ], - [ - "Ġy", - "oung" - ], - [ - "ist", - "ent" - ], - [ - "we", - "ight" - ], - [ - "g", - "u" - ], - [ - "Ġse", - "ason" - ], - [ - "Ġexplain", - "ed" - ], - [ - "ĠUnd", - "er" - ], - [ - "io", - "tic" - ], - [ - "w", - "ell" - ], - [ - "Ġmetabol", - "ic" - ], - [ - "g", - "ical" - ], - [ - "Â", - "±" - ], - [ - "The", - "orem" - ], - [ - "ad", - "es" - ], - [ - "plic", - "ated" - ], - [ - "Ġcontain", - "ed" - ], - [ - "Ġs", - "ulf" - ], - [ - "Ġco", - "ol" - ], - [ - "Ġpers", - "on" - ], - [ - "Ï", - "ģ" - ], - [ - "Ġp", - "ix" - ], - [ - "ĠS", - "al" - ], - [ - "l", - "ink" - ], - [ - "in", - "i" - ], - [ - "t", - "ual" - ], - [ - "S", - "H" - ], - [ - "g", - "ed" - ], - [ - "k", - "y" - ], - [ - "as", - "ts" - ], - [ - "erc", - "ise" - ], - [ - "ĠH", - "ar" - ], - [ - "Ġrel", - "ax" - ], - [ - "equ", - "iv" - ], - [ - "Ġy", - "our" - ], - [ - "Ġund", - "erg" - ], - [ - "Ġrec", - "overy" - ], - [ - "Ġcom", - "m" - ], - [ - "Ġden", - "otes" - ], - [ - "form", - "ed" - ], - [ - "ari", - "a" - ], - [ - "e", - "tic" - ], - [ - "Ġtum", - "ors" - ], - [ - "ĠH", - "y" - ], - [ - "Ġmark", - "ers" - ], - [ - "Ġplac", - "ed" - ], - [ - "ol", - "ute" - ], - [ - "Ġw", - "aves" - ], - [ - "Ġuncertain", - "ty" - ], - [ - "Ġcontrib", - "ute" - ], - [ - "ĠH", - "ist" - ], - [ - "Ġa", - "ver" - ], - [ - "Ġf", - "av" - ], - [ - "Ġp", - "ow" - ], - [ - "ĠSe", - "e" - ], - [ - "Ġte", - "am" - ], - [ - "Ġscal", - "es" - ], - [ - "ientif", - "ic" - ], - [ - "ier", - "arch" - ], - [ - "Ġear", - "lier" - ], - [ - "Ġsatisf", - "ies" - ], - [ - "Ġcryst", - "al" - ], - [ - "Ġpre", - "gn" - ], - [ - "Ġobs", - "erve" - ], - [ - "Ġon", - "line" - ], - [ - "Ġcontrib", - "utions" - ], - [ - "og", - "ram" - ], - [ - "ĠM", - "a" - ], - [ - "Ġf", - "rac" - ], - [ - "Ġsp", - "read" - ], - [ - "Ġon", - "ce" - ], - [ - "d", - "et" - ], - [ - "Ġresp", - "ond" - ], - [ - "Ġpl", - "atform" - ], - [ - "Ġinflamm", - "atory" - ], - [ - "u", - "tive" - ], - [ - "ĠS", - "umm" - ], - [ - "pl", - "ace" - ], - [ - "Ġ", - "ions" - ], - [ - "Ġwind", - "ow" - ], - [ - "ax", - "is" - ], - [ - "est", - "inal" - ], - [ - "Ġdepend", - "ing" - ], - [ - "Ġsepar", - "ation" - ], - [ - "Ġfor", - "ward" - ], - [ - "ĠT", - "i" - ], - [ - "Ġgl", - "ass" - ], - [ - "Ġac", - "cept" - ], - [ - "Ġfeed", - "back" - ], - [ - "Ġon", - "to" - ], - [ - "M", - "E" - ], - [ - "mer", - "c" - ], - [ - "unc", - "tional" - ], - [ - "Ġap", - "optosis" - ], - [ - "ĠProper", - "ty" - ], - [ - "Ġintegr", - "ated" - ], - [ - "Ġor", - "b" - ], - [ - "Ġdevi", - "ation" - ], - [ - "Ġantib", - "odies" - ], - [ - "Ġremov", - "ed" - ], - [ - "Ġlip", - "id" - ], - [ - "arm", - "ac" - ], - [ - "Ġarbit", - "rary" - ], - [ - "ag", - "ger" - ], - [ - "Ġemb", - "ry" - ], - [ - "Ġg", - "rain" - ], - [ - "Ġd", - "rop" - ], - [ - "Ġstar", - "ting" - ], - [ - "Ġrelationship", - "s" - ], - [ - "ĠÏ", - "ĩ" - ], - [ - "S", - "F" - ], - [ - "Ġsim", - "ply" - ], - [ - "Ġfac", - "ilit" - ], - [ - "Ġz", - "one" - ], - [ - "il", - "s" - ], - [ - "Ps", - "i" - ], - [ - "Ġinequ", - "ality" - ], - [ - "Key", - "words" - ], - [ - "Ġto", - "ler" - ], - [ - "ed", - "ge" - ], - [ - "Ġeas", - "y" - ], - [ - "Ġal", - "pha" - ], - [ - "Ġper", - "f" - ], - [ - "wid", - "th" - ], - [ - "in", - "it" - ], - [ - "Ġimplement", - "ed" - ], - [ - "C", - "F" - ], - [ - "os", - "ity" - ], - [ - "ocy", - "te" - ], - [ - "Ġpropor", - "tion" - ], - [ - "re", - "st" - ], - [ - "ĠS", - "uper" - ], - [ - "Ġpre", - "f" - ], - [ - "Ġw", - "ord" - ], - [ - "e", - "v" - ], - [ - "Ġext", - "ent" - ], - [ - "Ġinj", - "ection" - ], - [ - "all", - "ed" - ], - [ - "ĠAn", - "ti" - ], - [ - "Ġb", - "eta" - ], - [ - "ĠJ", - "an" - ], - [ - "ĠG", - "a" - ], - [ - "ĠZh", - "ang" - ], - [ - "Ġ", - "iron" - ], - [ - "Ġqu", - "antitative" - ], - [ - "ro", - "c" - ], - [ - "Ġf", - "all" - ], - [ - "Ġregard", - "ing" - ], - [ - "Ġf", - "ix" - ], - [ - "Ġdatas", - "ets" - ], - [ - "Ġt", - "end" - ], - [ - "Ġscal", - "ar" - ], - [ - "Ġresid", - "ual" - ], - [ - "Ġrati", - "os" - ], - [ - "ĠÎ", - "¦" - ], - [ - "k", - "ing" - ], - [ - "Ġinflamm", - "ation" - ], - [ - "Ġsing", - "ular" - ], - [ - "ĠP", - "ark" - ], - [ - "om", - "atic" - ], - [ - "unc", - "tions" - ], - [ - "Ġw", - "ar" - ], - [ - "Í", - "Ĵ" - ], - [ - "hem", - "at" - ], - [ - "Ġf", - "ace" - ], - [ - "ĠH", - "u" - ], - [ - "Ġfund", - "amental" - ], - [ - "Ġwa", - "velength" - ], - [ - "el", - "ing" - ], - [ - "ĠS", - "uch" - ], - [ - "RNA", - "s" - ], - [ - "c", - "t" - ], - [ - "Ġid", - "en" - ], - [ - "ce", - "an" - ], - [ - "ne", - "w" - ], - [ - "T", - "ype" - ], - [ - "ĠForm", - "ula" - ], - [ - "Ġmed", - "ic" - ], - [ - "uss", - "ion" - ], - [ - "Ġdist", - "ingu" - ], - [ - "Ġreson", - "ance" - ], - [ - "AT", - "ION" - ], - [ - "ine", - "ar" - ], - [ - "Ġh", - "yd" - ], - [ - "l", - "n" - ], - [ - "â", - "ĨĴ" - ], - [ - "ĠU", - "p" - ], - [ - "Ġact", - "ual" - ], - [ - "Ġadap", - "t" - ], - [ - "hen", - "e" - ], - [ - "Ġm", - "otor" - ], - [ - "l", - "ist" - ], - [ - "ab", - "it" - ], - [ - "I", - "nd" - ], - [ - "ot", - "al" - ], - [ - "Ġneigh", - "bor" - ], - [ - "ĠP", - "T" - ], - [ - "gen", - "er" - ], - [ - "Ġposs", - "ibility" - ], - [ - "erg", - "ies" - ], - [ - "Ġse", - "ems" - ], - [ - "ĠU", - "S" - ], - [ - "Ġim", - "m" - ], - [ - "Ġtyp", - "ically" - ], - [ - "Ġsim", - "ulated" - ], - [ - "ĠSystem", - "s" - ], - [ - "ectiv", - "eness" - ], - [ - "ry", - "ing" - ], - [ - "Ġkin", - "ase" - ], - [ - "Ġdecom", - "position" - ], - [ - "ater", - "al" - ], - [ - "Ġrot", - "ation" - ], - [ - "pen", - "dix" - ], - [ - "en", - "n" - ], - [ - "at", - "t" - ], - [ - "v", - "ate" - ], - [ - "Ġtarget", - "s" - ], - [ - "Ġsit", - "uation" - ], - [ - "Ġinvol", - "ve" - ], - [ - "Ġcre", - "ated" - ], - [ - "hes", - "ized" - ], - [ - "Ġal", - "one" - ], - [ - "c", - "i" - ], - [ - "Ġm", - "L" - ], - [ - "Ġdiv", - "ided" - ], - [ - "Ġbul", - "k" - ], - [ - "o", - "in" - ], - [ - "H", - "C" - ], - [ - "Ġa", - "rm" - ], - [ - "L", - "O" - ], - [ - "ill", - "s" - ], - [ - "Ġmed", - "ian" - ], - [ - "h", - "am" - ], - [ - "im", - "er" - ], - [ - "f", - "lu" - ], - [ - "Ġfib", - "er" - ], - [ - "ĠS", - "U" - ], - [ - "f", - "ile" - ], - [ - "tiv", - "ated" - ], - [ - "Ġradi", - "o" - ], - [ - "ĠN", - "ames" - ], - [ - "p", - "e" - ], - [ - "Ġo", - "ste" - ], - [ - "Ġel", - "im" - ], - [ - "Ġsus", - "cepti" - ], - [ - "re", - "hens" - ], - [ - "Ġdiscuss", - "ion" - ], - [ - "ĠS", - "ep" - ], - [ - "Ġarchitect", - "ure" - ], - [ - "Ġd", - "est" - ], - [ - "t", - "yp" - ], - [ - "r", - "ame" - ], - [ - "Ġpar", - "tition" - ], - [ - "Ġoccur", - "red" - ], - [ - "Ġs", - "izes" - ], - [ - "cl", - "es" - ], - [ - "Ġsc", - "hed" - ], - [ - "M", - "olecular" - ], - [ - "ĠÎ", - "º" - ], - [ - "Ġinv", - "as" - ], - [ - "c", - "up" - ], - [ - "P", - "CR" - ], - [ - "ĠS", - "MILES" - ], - [ - "ti", - "ally" - ], - [ - "ox", - "ide" - ], - [ - "ĠE", - "d" - ], - [ - "Ġman", - "ufact" - ], - [ - "ĠM", - "aterial" - ], - [ - "Ġfl", - "at" - ], - [ - "Ġmut", - "ation" - ], - [ - "Ġintro", - "duce" - ], - [ - "b", - "ound" - ], - [ - "Ġdis", - "orders" - ], - [ - "reg", - "ulated" - ], - [ - "ĠM", - "or" - ], - [ - "Ġf", - "alse" - ], - [ - "ing", - "er" - ], - [ - "ĠT", - "R" - ], - [ - "Ġext", - "rem" - ], - [ - "w", - "ar" - ], - [ - "Ġsym", - "bol" - ], - [ - "Ġan", - "omal" - ], - [ - "ĠA", - "R" - ], - [ - "Ġiss", - "ues" - ], - [ - "Ġcoordin", - "ates" - ], - [ - "Ġrecept", - "ors" - ], - [ - "Ġprog", - "ression" - ], - [ - "ĠF", - "l" - ], - [ - "ubl", - "ic" - ], - [ - "Ġelectron", - "ic" - ], - [ - "Ġasp", - "ects" - ], - [ - "Ġdoc", - "ument" - ], - [ - "f", - "lo" - ], - [ - "ĠP", - "red" - ], - [ - "Ġgraph", - "s" - ], - [ - "Ġtra", - "ditional" - ], - [ - "D", - "M" - ], - [ - "Ġsaf", - "ety" - ], - [ - "ĠD", - "r" - ], - [ - "ĠS", - "equ" - ], - [ - "Ġcompos", - "ite" - ], - [ - "ĠÎ", - "Ľ" - ], - [ - "Ġrespons", - "ible" - ], - [ - "Ġg", - "ran" - ], - [ - "Ġinter", - "mediate" - ], - [ - "od", - "ium" - ], - [ - "pos", - "ite" - ], - [ - "ph", - "ase" - ], - [ - "d", - "t" - ], - [ - "Ġwee", - "k" - ], - [ - "Ġd", - "os" - ], - [ - "Ġst", - "abil" - ], - [ - "L", - "C" - ], - [ - "ĠK", - "ey" - ], - [ - "Ġver", - "tices" - ], - [ - "Ġcomput", - "er" - ], - [ - "ĠCan", - "onical" - ], - [ - "Ġinvari", - "ant" - ], - [ - "em", - "ark" - ], - [ - "b", - "enz" - ], - [ - "Ġ", - "ice" - ], - [ - "ti", - "le" - ], - [ - "z", - "y" - ], - [ - "ĠO", - "ut" - ], - [ - "Ġmove", - "ment" - ], - [ - "Ġsh", - "if" - ], - [ - "le", - "ep" - ], - [ - "Ġd", - "aily" - ], - [ - "Ġpos", - "itions" - ], - [ - "Ġh", - "im" - ], - [ - "Ġcre", - "ate" - ], - [ - "O", - "ur" - ], - [ - "Ġrese", - "arc" - ], - [ - "Ġprog", - "n" - ], - [ - "duc", - "t" - ], - [ - "Ġscreen", - "ing" - ], - [ - "Ġcho", - "ose" - ], - [ - "pro", - "cess" - ], - [ - "m", - "al" - ], - [ - "Ġlabor", - "atory" - ], - [ - "Ġoper", - "ations" - ], - [ - "Ġto", - "ols" - ], - [ - "olog", - "ic" - ], - [ - "q", - "quad" - ], - [ - "Ġcommon", - "ly" - ], - [ - "Ġv", - "oid" - ], - [ - "Ġocc", - "up" - ], - [ - "ass", - "ociated" - ], - [ - "Ġcorrel", - "ations" - ], - [ - "Ġcarcin", - "oma" - ], - [ - "l", - "in" - ], - [ - "Ġv", - "ideo" - ], - [ - "Ġhe", - "avy" - ], - [ - "Ġlarg", - "est" - ], - [ - "Ġm", - "iddle" - ], - [ - "ĉĉ", - "ĉĉ" - ], - [ - "ĠB", - "as" - ], - [ - "as", - "ons" - ], - [ - "id", - "ing" - ], - [ - "Ġet", - "c" - ], - [ - "ac", - "he" - ], - [ - "ĠE", - "val" - ], - [ - "i", - "ra" - ], - [ - "rom", - "agnetic" - ], - [ - "Ġco", - "vari" - ], - [ - "L", - "I" - ], - [ - "Ġde", - "le" - ], - [ - "Ġst", - "ra" - ], - [ - "am", - "ples" - ], - [ - "od", - "er" - ], - [ - "Ġc", - "ategory" - ], - [ - "ĠIn", - "stit" - ], - [ - "Ġpol", - "icy" - ], - [ - "B", - "ased" - ], - [ - "ib", - "ly" - ], - [ - "Ġdeterm", - "ination" - ], - [ - "Ġresp", - "ir" - ], - [ - "otrop", - "ic" - ], - [ - "Ġol", - "der" - ], - [ - "ĠM", - "al" - ], - [ - "Ġcy", - "tok" - ], - [ - "Ġdeg", - "rees" - ], - [ - "a", - "ut" - ], - [ - "ill", - "ing" - ], - [ - "et", - "ing" - ], - [ - "Ġreduc", - "es" - ], - [ - "Ġide", - "al" - ], - [ - "b", - "inding" - ], - [ - "ĠSp", - "ect" - ], - [ - "un", - "it" - ], - [ - "Ġdi", - "ver" - ], - [ - "ĠW", - "orld" - ], - [ - "Ġmark", - "ed" - ], - [ - "al", - "y" - ], - [ - "Ġcomplex", - "es" - ], - [ - "ĠSumm", - "ary" - ], - [ - "Ġpro", - "pose" - ], - [ - "ĠA", - "ustr" - ], - [ - "Ġmax", - "im" - ], - [ - "Ġro", - "und" - ], - [ - "Ġinhib", - "itor" - ], - [ - "Ġeff", - "icacy" - ], - [ - "act", - "or" - ], - [ - "b", - "ur" - ], - [ - "Ġtrans", - "f" - ], - [ - "ĠG", - "al" - ], - [ - "Ġpro", - "ved" - ], - [ - "ĠDef", - "ined" - ], - [ - "A", - "t" - ], - [ - "Ġse", - "lect" - ], - [ - "Ġnanopar", - "ticles" - ], - [ - "W", - "h" - ], - [ - "k", - "en" - ], - [ - "ĠS", - "P" - ], - [ - "en", - "ge" - ], - [ - "Ġdeliver", - "y" - ], - [ - "Ġdis", - "order" - ], - [ - "ĠIn", - "ChI" - ], - [ - "ĠCompar", - "ison" - ], - [ - "if", - "ying" - ], - [ - "ĠM", - "echan" - ], - [ - "Ġconcl", - "ude" - ], - [ - "Ġrepe", - "ated" - ], - [ - "ell", - "ow" - ], - [ - "ĠÃ", - "Ģ" - ], - [ - "C", - "I" - ], - [ - "ĠH", - "z" - ], - [ - "an", - "alysis" - ], - [ - "T", - "r" - ], - [ - "Ã", - "Ń" - ], - [ - "eli", - "hood" - ], - [ - "Ġexp", - "and" - ], - [ - "ĠDevelop", - "ment" - ], - [ - "ĠSt", - "ate" - ], - [ - "Ġt", - "et" - ], - [ - "ff", - "ic" - ], - [ - "Ġp", - "arent" - ], - [ - "Ġscenari", - "o" - ], - [ - "r", - "s" - ], - [ - "ĠW", - "hat" - ], - [ - "â", - "ī" - ], - [ - "Ġstim", - "ulation" - ], - [ - "ĠO", - "bs" - ], - [ - "z", - "ero" - ], - [ - "Ġman", - "ner" - ], - [ - "as", - "hed" - ], - [ - "ĠL", - "og" - ], - [ - "Ġox", - "ide" - ], - [ - "ph", - "osph" - ], - [ - "Ġmig", - "ration" - ], - [ - "Ġsub", - "group" - ], - [ - "ros", - "is" - ], - [ - "ip", - "p" - ], - [ - "D", - "R" - ], - [ - "d", - "ec" - ], - [ - "os", - "omal" - ], - [ - "Ġseg", - "ment" - ], - [ - "ogen", - "ous" - ], - [ - "F", - "P" - ], - [ - "h", - "and" - ], - [ - "ĠSur", - "face" - ], - [ - "it", - "z" - ], - [ - "Ġcryst", - "all" - ], - [ - "th", - "is" - ], - [ - "Ġbuild", - "ing" - ], - [ - "t", - "ag" - ], - [ - "Ġreduc", - "ing" - ], - [ - "Ġun", - "s" - ], - [ - "Ġrecom", - "b" - ], - [ - "Ġc", - "am" - ], - [ - "Ġlim", - "its" - ], - [ - "oc", - "ardi" - ], - [ - "&", - "&" - ], - [ - "Ġsepar", - "ate" - ], - [ - "Ġsup", - "plement" - ], - [ - "ke", - "le" - ], - [ - "Ġgra", - "d" - ], - [ - "Ġiss", - "ue" - ], - [ - "ĠQu", - "antum" - ], - [ - "Ġcurrent", - "ly" - ], - [ - "Ġqu", - "ite" - ], - [ - "E", - "P" - ], - [ - "Ġr", - "ules" - ], - [ - "Ġwe", - "ights" - ], - [ - "u", - "ary" - ], - [ - "ill", - "i" - ], - [ - "Ġbec", - "ame" - ], - [ - "Ã", - "³" - ], - [ - "Ġnormal", - "ized" - ], - [ - "ĠNetwork", - "s" - ], - [ - "erv", - "ed" - ], - [ - "Ġstat", - "istics" - ], - [ - "ĠT", - "ime" - ], - [ - "ĠU", - "V" - ], - [ - "Ġc", - "av" - ], - [ - "us", - "ed" - ], - [ - "Ġf", - "ish" - ], - [ - "Ġmajor", - "ity" - ], - [ - "ĠP", - "e" - ], - [ - "Ġcoh", - "ort" - ], - [ - "Ġsem", - "i" - ], - [ - "Ġg", - "ame" - ], - [ - "mon", - "ary" - ], - [ - "M", - "M" - ], - [ - "od", - "ed" - ], - [ - "Ġv", - "ent" - ], - [ - "Ġaut", - "o" - ], - [ - "Ġabund", - "ance" - ], - [ - "n", - "ov" - ], - [ - "Ġasympt", - "otic" - ], - [ - "Ġtreat", - "ments" - ], - [ - "ul", - "y" - ], - [ - "Ġconstra", - "int" - ], - [ - "Ġbe", - "y" - ], - [ - "ĠS", - "O" - ], - [ - "Ġst", - "d" - ], - [ - "Ġdevelop", - "ing" - ], - [ - "ĠN", - "ot" - ], - [ - "L", - "emma" - ], - [ - "Ġapp", - "arent" - ], - [ - "Ġcirc", - "uit" - ], - [ - "F", - "rom" - ], - [ - "ĠEurope", - "an" - ], - [ - "Ġsol", - "ve" - ], - [ - "ĠÍ", - "ij" - ], - [ - "u", - "x" - ], - [ - "Ġbey", - "ond" - ], - [ - "ep", - "t" - ], - [ - "Ġapp", - "e" - ], - [ - "requ", - "ency" - ], - [ - "Ġvac", - "u" - ], - [ - "ĠInd", - "eed" - ], - [ - "ĠC", - "hemical" - ], - [ - "ĠUnd", - "efined" - ], - [ - "N", - "ote" - ], - [ - "Ġn", - "ull" - ], - [ - "Ġin", - "verse" - ], - [ - "Ġnam", - "ely" - ], - [ - "Ġshe", - "ar" - ], - [ - "m", - "L" - ], - [ - "A", - "ll" - ], - [ - "R", - "ec" - ], - [ - "Ġgeneral", - "ized" - ], - [ - "ran", - "es" - ], - [ - "ĠT", - "est" - ], - [ - "il", - "ing" - ], - [ - "Ġfluores", - "cence" - ], - [ - "ĠÎ", - "£" - ], - [ - "Ġind", - "epend" - ], - [ - "d", - "iff" - ], - [ - "Ġprovid", - "ing" - ], - [ - "p", - "henyl" - ], - [ - "h", - "ing" - ], - [ - "Ġvir", - "al" - ], - [ - "ĠB", - "ecause" - ], - [ - "Ġint", - "rac" - ], - [ - "ĠH", - "ig" - ], - [ - "Ġw", - "ant" - ], - [ - "Ġprincip", - "le" - ], - [ - "an", - "ol" - ], - [ - "Ġh", - "a" - ], - [ - "ov", - "ascular" - ], - [ - "Ġform", - "er" - ], - [ - "Ġestabl", - "ish" - ], - [ - "Ġadvant", - "age" - ], - [ - "II", - "I" - ], - [ - "Ġsequ", - "encing" - ], - [ - "Ġproced", - "ures" - ], - [ - "t", - "ra" - ], - [ - "in", - "dex" - ], - [ - "f", - "e" - ], - [ - "Ġp", - "i" - ], - [ - "Ġob", - "vious" - ], - [ - "Ġreg", - "ime" - ], - [ - "s", - "ur" - ], - [ - "Ġpres", - "ents" - ], - [ - "Ġdis", - "plac" - ], - [ - "Ġdec", - "l" - ], - [ - "ĠAp", - "pendix" - ], - [ - "Ġinter", - "act" - ], - [ - "land", - "s" - ], - [ - "in", - "ate" - ], - [ - "om", - "orphic" - ], - [ - "Ġlow", - "est" - ], - [ - "Ġar", - "tif" - ], - [ - "Ġinvol", - "ving" - ], - [ - "Ġcom", - "merc" - ], - [ - "Ġd", - "op" - ], - [ - "Ġcon", - "form" - ], - [ - "ĠI", - "g" - ], - [ - "rol", - "og" - ], - [ - "v", - "ised" - ], - [ - "Ġfl", - "o" - ], - [ - "Ġcardi", - "ac" - ], - [ - "p", - "ts" - ], - [ - "r", - "ig" - ], - [ - "Ġens", - "ure" - ], - [ - "Ġaccum", - "ulation" - ], - [ - "Ġent", - "ropy" - ], - [ - "Ġide", - "a" - ], - [ - "per", - "ature" - ], - [ - "Ġques", - "tions" - ], - [ - "ĠP", - "R" - ], - [ - "Ġstat", - "istically" - ], - [ - "d", - "agger" - ], - [ - "Ġn", - "itrogen" - ], - [ - "sc", - "r" - ], - [ - "ĠDisc", - "ussion" - ], - [ - "Ġre", - "ports" - ], - [ - "Ġpul", - "se" - ], - [ - "Ġrequire", - "ments" - ], - [ - "Ġcompar", - "ing" - ], - [ - "qui", - "red" - ], - [ - "l", - "ayer" - ], - [ - "Ġspect", - "roscopy" - ], - [ - "viron", - "ments" - ], - [ - "Ġscal", - "ing" - ], - [ - "Ġex", - "posed" - ], - [ - "M", - "B" - ], - [ - "Î", - "¾" - ], - [ - "Ġh", - "ole" - ], - [ - "Ġ", - "á" - ], - [ - "Ġsimilar", - "ity" - ], - [ - "Ġvari", - "ants" - ], - [ - "b", - "ody" - ], - [ - "Ġke", - "ep" - ], - [ - "ĠC", - "ancer" - ], - [ - "ed", - "i" - ], - [ - "os", - "omes" - ], - [ - "Ç", - "«" - ], - [ - "A", - "d" - ], - [ - "âĪ", - "ŀ" - ], - [ - "mon", - "ic" - ], - [ - "g", - "ing" - ], - [ - "s", - "plit" - ], - [ - "kn", - "ow" - ], - [ - "Ġro", - "ugh" - ], - [ - "hemat", - "ical" - ], - [ - "v", - "ision" - ], - [ - "Ġd", - "ed" - ], - [ - "Ġcycl", - "es" - ], - [ - "Ġfam", - "il" - ], - [ - "Ġadminist", - "ration" - ], - [ - "et", - "al" - ], - [ - "Ġcor", - "on" - ], - [ - "Ġinf", - "ections" - ], - [ - "Ġmac", - "roph" - ], - [ - "atic", - "s" - ], - [ - "Ġpredic", - "tions" - ], - [ - "is", - "her" - ], - [ - "ere", - "nt" - ], - [ - "re", - "ted" - ], - [ - "incl", - "ude" - ], - [ - "Ġclim", - "ate" - ], - [ - "s", - "ec" - ], - [ - "====", - "====" - ], - [ - "ĠM", - "S" - ], - [ - "Ġcomp", - "e" - ], - [ - "r", - "atic" - ], - [ - "l", - "ig" - ], - [ - "pos", - "es" - ], - [ - "Ġpolar", - "ization" - ], - [ - "ll", - "ip" - ], - [ - "der", - "ived" - ], - [ - "Ġrele", - "ased" - ], - [ - "Ġconn", - "ection" - ], - [ - "l", - "ic" - ], - [ - "Ġcol", - "i" - ], - [ - "Ġout", - "side" - ], - [ - "Ġabs", - "olute" - ], - [ - "es", - "ian" - ], - [ - "ĠE", - "nd" - ], - [ - "ĠO", - "f" - ], - [ - "Ġiden", - "tical" - ], - [ - "Ġmod", - "ule" - ], - [ - "Ġmitochond", - "rial" - ], - [ - "Ġadv", - "anced" - ], - [ - "ing", - "ly" - ], - [ - "form", - "ance" - ], - [ - "Ġto", - "ward" - ], - [ - "ud", - "ing" - ], - [ - "e", - "k" - ], - [ - "Ġmean", - "ing" - ], - [ - "c", - "rib" - ], - [ - "ul", - "ator" - ], - [ - "F", - "N" - ], - [ - "k", - "ey" - ], - [ - "c", - "ons" - ], - [ - "Ġapp", - "lying" - ], - [ - "is", - "hes" - ], - [ - "Ġm", - "amm" - ], - [ - "Ġderiv", - "atives" - ], - [ - "Ġorient", - "ation" - ], - [ - "Ġst", - "ochastic" - ], - [ - "ĠA", - "ug" - ], - [ - "Ġre", - "nal" - ], - [ - "ĠG", - "reen" - ], - [ - "Ġcomple", - "ment" - ], - [ - "ob", - "l" - ], - [ - "pir", - "ical" - ], - [ - "or", - "ts" - ], - [ - "B", - "M" - ], - [ - "Ġex", - "cess" - ], - [ - "Ġmorph", - "ology" - ], - [ - "Ġs", - "ound" - ], - [ - "if", - "ier" - ], - [ - "Ġim", - "plications" - ], - [ - "ĠDes", - "ign" - ], - [ - "appro", - "x" - ], - [ - "pro", - "p" - ], - [ - "Ġcandid", - "ate" - ], - [ - "Ġde", - "pos" - ], - [ - "Ġequ", - "ip" - ], - [ - "ust", - "ain" - ], - [ - "ines", - "e" - ], - [ - "et", - "ry" - ], - [ - "Ġpot", - "entially" - ], - [ - "Ġstra", - "ight" - ], - [ - "Ġcr", - "uc" - ], - [ - "i", - "ology" - ], - [ - "Ġk", - "ernel" - ], - [ - "Ġal", - "coh" - ], - [ - "idd", - "en" - ], - [ - "ret", - "urn" - ], - [ - "Ġcorrec", - "tion" - ], - [ - "ro", - "t" - ], - [ - "Ġmic", - "roscopy" - ], - [ - "Ġf", - "oot" - ], - [ - "G", - "L" - ], - [ - "ĠCell", - "s" - ], - [ - "ir", - "th" - ], - [ - "y", - "g" - ], - [ - "ĠP", - "ath" - ], - [ - "out", - "hern" - ], - [ - "ĠL", - "ong" - ], - [ - "Ġre", - "vers" - ], - [ - "Î", - "µ" - ], - [ - "ar", - "se" - ], - [ - "Ġcere", - "b" - ], - [ - "ist", - "ed" - ], - [ - "Ġpul", - "s" - ], - [ - "Ġdis", - "k" - ], - [ - "it", - "ud" - ], - [ - "Ġd", - "u" - ], - [ - "Ġang", - "ular" - ], - [ - "c", - "hem" - ], - [ - "l", - "ength" - ], - [ - "Ġexact", - "ly" - ], - [ - "ro", - "ke" - ], - [ - "ut", - "h" - ], - [ - "Ġcon", - "d" - ], - [ - "ins", - "ic" - ], - [ - "Ġr", - "ise" - ], - [ - "t", - "ake" - ], - [ - "Ġtop", - "ological" - ], - [ - "Ġrem", - "ark" - ], - [ - "oll", - "ary" - ], - [ - "Ġc", - "er" - ], - [ - "T", - "E" - ], - [ - "n", - "ment" - ], - [ - "Ġbu", - "ilt" - ], - [ - "Ġf", - "re" - ], - [ - "Ġen", - "ergies" - ], - [ - "ect", - "ing" - ], - [ - "ĠT", - "em" - ], - [ - "ra", - "red" - ], - [ - "ĠN", - "ow" - ], - [ - "ch", - "arge" - ], - [ - "Ġloc", - "ations" - ], - [ - "Ġbal", - "ance" - ], - [ - "Ġl", - "a" - ], - [ - "Ġre", - "ached" - ], - [ - "lamm", - "atory" - ], - [ - "Ġf", - "abric" - ], - [ - "ific", - "ations" - ], - [ - "Ġdiagnos", - "tic" - ], - [ - "Ġmut", - "ant" - ], - [ - "ĠN", - "O" - ], - [ - "H", - "D" - ], - [ - "ĠA", - "B" - ], - [ - "Ġdisc", - "rim" - ], - [ - "Ġprec", - "ip" - ], - [ - "ĠTh", - "ree" - ], - [ - "Ġins", - "er" - ], - [ - "Ġinf", - "ected" - ], - [ - "Ġconst", - "ants" - ], - [ - "Î", - "©" - ], - [ - "neg", - "ative" - ], - [ - "Ġconf", - "idence" - ], - [ - "ĠPati", - "ents" - ], - [ - "ollow", - "ing" - ], - [ - "ad", - "s" - ], - [ - "Ġhyper", - "t" - ], - [ - "ĠIntern", - "ational" - ], - [ - "D", - "ef" - ], - [ - "ari", - "ate" - ], - [ - "Ġinter", - "vals" - ], - [ - "Ġex", - "ercise" - ], - [ - "Ġeduc", - "ation" - ], - [ - "Ġremov", - "al" - ], - [ - "ther", - "n" - ], - [ - "st", - "er" - ], - [ - "Ġinte", - "ger" - ], - [ - "ĠP", - "A" - ], - [ - "Ġk", - "id" - ], - [ - "Ġcategor", - "ies" - ], - [ - "ĠG", - "iven" - ], - [ - "Ġv", - "ascular" - ], - [ - "here", - "nce" - ], - [ - "math", - "scr" - ], - [ - "ĠR", - "et" - ], - [ - "Ġins", - "ulin" - ], - [ - "tic", - "ip" - ], - [ - "ĠC", - "F" - ], - [ - "Ġlo", - "ok" - ], - [ - "ymmet", - "ry" - ], - [ - "Ġfor", - "ces" - ], - [ - "ĠPhys", - "ical" - ], - [ - "L", - "S" - ], - [ - "c", - "are" - ], - [ - "Ġh", - "ouse" - ], - [ - "Ġind", - "uce" - ], - [ - "Ġbel", - "ie" - ], - [ - "ri", - "a" - ], - [ - "ĠAs", - "sum" - ], - [ - "Ġcomput", - "ing" - ], - [ - "Ġb", - "us" - ], - [ - "âĪ", - "İ" - ], - [ - "Ġprac", - "tical" - ], - [ - "t", - "rain" - ], - [ - "T", - "T" - ], - [ - "Ġpl", - "astic" - ], - [ - "ĠN", - "or" - ], - [ - "Ġfe", - "as" - ], - [ - "ĠHamilton", - "ian" - ], - [ - "Ġt", - "ail" - ], - [ - "ĠZ", - "n" - ], - [ - "Ġinterpret", - "ation" - ], - [ - "duc", - "ing" - ], - [ - "I", - "s" - ], - [ - "Ġexam", - "ine" - ], - [ - "ul", - "ates" - ], - [ - "Ġmat", - "ch" - ], - [ - "Ġ", - "Ä" - ], - [ - "iv", - "es" - ], - [ - "amet", - "ers" - ], - [ - "Ġμ", - "M" - ], - [ - "Ġexhib", - "it" - ], - [ - "Ġn", - "it" - ], - [ - "ot", - "o" - ], - [ - "ĠCl", - "inical" - ], - [ - "erv", - "ation" - ], - [ - "ĠAd", - "ditionally" - ], - [ - "ar", - "ant" - ], - [ - "Ġel", - "astic" - ], - [ - "D", - "A" - ], - [ - "otop", - "ic" - ], - [ - "Ġactiv", - "ated" - ], - [ - "Ġt", - "er" - ], - [ - "Ġconsequ", - "ence" - ], - [ - "Ġend", - "ot" - ], - [ - "oph", - "ag" - ], - [ - "Ġcompar", - "able" - ], - [ - "Ġdom", - "inant" - ], - [ - "Î", - "·" - ], - [ - "Ġvalid", - "ation" - ], - [ - "I", - "m" - ], - [ - "Ġ", - "Å" - ], - [ - "Ġle", - "af" - ], - [ - "Ġf", - "ung" - ], - [ - "tain", - "ing" - ], - [ - "Ġun", - "ivers" - ], - [ - "Ġph", - "yl" - ], - [ - "Ġl", - "ibr" - ], - [ - "Ġext", - "ra" - ], - [ - "Ġpr", - "int" - ], - [ - "medi", - "ately" - ], - [ - "Ġmax", - "imal" - ], - [ - "id", - "ae" - ], - [ - "Ġor", - "al" - ], - [ - "b", - "in" - ], - [ - "Ġpepti", - "de" - ], - [ - "ĠM", - "ax" - ], - [ - "ar", - "p" - ], - [ - "Ġconcl", - "usion" - ], - [ - "Ġsatisf", - "y" - ], - [ - "Ġanalyz", - "e" - ], - [ - "o", - "is" - ], - [ - "Ġinf", - "er" - ], - [ - "Ġd", - "raw" - ], - [ - "Ġdep", - "ression" - ], - [ - "Ġmet", - "all" - ], - [ - "Ġpost", - "erior" - ], - [ - "Ġpeak", - "s" - ], - [ - "s", - "ol" - ], - [ - "Ġhorizon", - "tal" - ], - [ - "Ġlater", - "al" - ], - [ - "ĠO", - "R" - ], - [ - "N", - "N" - ], - [ - "Ġem", - "o" - ], - [ - "P", - "V" - ], - [ - "T", - "A" - ], - [ - "Ġincub", - "ated" - ], - [ - "Ġret", - "rie" - ], - [ - "Ġhum", - "ans" - ], - [ - "Ġ", - "ri" - ], - [ - "Ġs", - "oci" - ], - [ - "on", - "ia" - ], - [ - "Ġinter", - "ven" - ], - [ - "Ġvary", - "ing" - ], - [ - "Ġs", - "ti" - ], - [ - "ĠIm", - "mun" - ], - [ - "Ġon", - "set" - ], - [ - "Ġle", - "aves" - ], - [ - "Ġother", - "wise" - ], - [ - "Ġbl", - "ocks" - ], - [ - "Ġass", - "igned" - ], - [ - "SC", - "s" - ], - [ - "Ġbi", - "os" - ], - [ - "Ġmix", - "ing" - ], - [ - "ar", - "a" - ], - [ - "l", - "i" - ], - [ - "Ġde", - "formation" - ], - [ - "Ġcost", - "s" - ], - [ - "Ġper", - "ipher" - ], - [ - "ĠT", - "ra" - ], - [ - "Ġat", - "omic" - ], - [ - "Ġrandom", - "ly" - ], - [ - "Ġarg", - "ument" - ], - [ - "Ġit", - "ems" - ], - [ - "Ġsu", - "ff" - ], - [ - "Ġprob", - "ably" - ], - [ - "n", - "ers" - ], - [ - "Ġinhibit", - "ors" - ], - [ - "Ġbe", - "h" - ], - [ - "ĠDe", - "ep" - ], - [ - "Ġp", - "ig" - ], - [ - "ĠT", - "ype" - ], - [ - "ĠM", - "ost" - ], - [ - "ur", - "a" - ], - [ - "itud", - "inal" - ], - [ - "Ġderiv", - "ative" - ], - [ - "Ġexpl", - "ore" - ], - [ - "ĠIn", - "formation" - ], - [ - "Ġg", - "rap" - ], - [ - "ĠÎ", - "Ķ" - ], - [ - "Ġprog", - "ress" - ], - [ - "********", - "********" - ], - [ - "Ġ", - "ul" - ], - [ - "AR", - "S" - ], - [ - "or", - "al" - ], - [ - "os", - "tic" - ], - [ - "C", - "om" - ], - [ - "ĠEx", - "ternal" - ], - [ - "ĠSt", - "atistical" - ], - [ - "ĠR", - "am" - ], - [ - "ĠL", - "o" - ], - [ - "Ġelect", - "rical" - ], - [ - "l", - "ong" - ], - [ - "N", - "et" - ], - [ - "EN", - "T" - ], - [ - "v", - "a" - ], - [ - "Ã", - "¤" - ], - [ - "ur", - "ations" - ], - [ - "Ġdes", - "ired" - ], - [ - "ir", - "ing" - ], - [ - "Ġphys", - "ics" - ], - [ - "Ġmass", - "es" - ], - [ - "k", - "i" - ], - [ - "Ġband", - "s" - ], - [ - "Ġal", - "k" - ], - [ - "ĠSimilar", - "ly" - ], - [ - "Ġsur", - "round" - ], - [ - "Ġcon", - "vex" - ], - [ - "ost", - "er" - ], - [ - "Ġlink", - "ed" - ], - [ - "Ġfocus", - "ed" - ], - [ - "Ġh", - "ot" - ], - [ - "Ġmat", - "ching" - ], - [ - "Ġoxid", - "ation" - ], - [ - "Ġan", - "ten" - ], - [ - "m", - "iss" - ], - [ - "Ġm", - "ental" - ], - [ - "il", - "le" - ], - [ - "ici", - "ency" - ], - [ - "ĠLi", - "u" - ], - [ - "Ġprob", - "e" - ], - [ - "ĠEs", - "tim" - ], - [ - "Ġindic", - "es" - ], - [ - "c", - "he" - ], - [ - "ĠR", - "ob" - ], - [ - "Ġcon", - "v" - ], - [ - "ĠV", - "er" - ], - [ - "ap", - "se" - ], - [ - "S", - "i" - ], - [ - "ph", - "al" - ], - [ - "Ġles", - "ions" - ], - [ - "Ġmolec", - "ule" - ], - [ - "Ġa", - "di" - ], - [ - "Ġd", - "ate" - ], - [ - "Ġcompos", - "ed" - ], - [ - "Ġa", - "ud" - ], - [ - "struct", - "ure" - ], - [ - "ot", - "on" - ], - [ - "in", - "for" - ], - [ - "Ġclust", - "ering" - ], - [ - "ac", - "ent" - ], - [ - "st", - "ar" - ], - [ - "P", - "O" - ], - [ - "ĠCh", - "inese" - ], - [ - "Ġspec", - "ifically" - ], - [ - "eren", - "tial" - ], - [ - "Ġcap", - "ture" - ], - [ - "ĠL", - "ow" - ], - [ - "Ġf", - "ine" - ], - [ - "Ġfem", - "ales" - ], - [ - "ĠH", - "ow" - ], - [ - "Ġa", - "er" - ], - [ - "v", - "ector" - ], - [ - "port", - "un" - ], - [ - "form", - "s" - ], - [ - "z", - "o" - ], - [ - "Ġprec", - "ision" - ], - [ - "yp", - "t" - ], - [ - "Ġmin", - "utes" - ], - [ - "Î", - "º" - ], - [ - "Ġoxid", - "ative" - ], - [ - "con", - "n" - ], - [ - "ens", - "us" - ], - [ - "Ġtrac", - "e" - ], - [ - "Ġcon", - "jug" - ], - [ - "Ġhigh", - "light" - ], - [ - "s", - "s" - ], - [ - "ĠExperim", - "ental" - ], - [ - "ĠTh", - "at" - ], - [ - "art", - "ment" - ], - [ - "M", - "O" - ], - [ - "'", - "'" - ], - [ - "omet", - "er" - ], - [ - "Ġst", - "op" - ], - [ - "Ġ", - "rib" - ], - [ - "Ġout", - "er" - ], - [ - "r", - "h" - ], - [ - "ri", - "pt" - ], - [ - "Ġfluct", - "uations" - ], - [ - "ob", - "s" - ], - [ - "n", - "on" - ], - [ - "Ġqu", - "ark" - ], - [ - "ĠÃ", - "°" - ], - [ - "ĠM", - "ac" - ], - [ - "Ġperiod", - "s" - ], - [ - "roll", - "ed" - ], - [ - "A", - "V" - ], - [ - "ĠO", - "c" - ], - [ - "ĠIm", - "age" - ], - [ - "ĠB", - "el" - ], - [ - "Ġpropag", - "ation" - ], - [ - "ĠD", - "on" - ], - [ - "ww", - "w" - ], - [ - "gl", - "ish" - ], - [ - "Ġexhib", - "ited" - ], - [ - "ogene", - "ity" - ], - [ - "ĠB", - "ack" - ], - [ - "Ġac", - "tions" - ], - [ - "sk", - "i" - ], - [ - "ĠAm", - "ong" - ], - [ - "Ġb", - "rief" - ], - [ - "ri", - "ers" - ], - [ - "ĠN", - "F" - ], - [ - "pos", - "itive" - ], - [ - "sequ", - "ently" - ], - [ - "ul", - "ence" - ], - [ - "Ġen", - "vironments" - ], - [ - "Ġcur", - "v" - ], - [ - "om", - "ics" - ], - [ - "Ġb", - "it" - ], - [ - "Ġg", - "el" - ], - [ - "Ġrepresent", - "ations" - ], - [ - "Ġa", - "way" - ], - [ - "ĠF", - "ield" - ], - [ - "ob", - "ic" - ], - [ - "C", - "G" - ], - [ - "Ġcomp", - "rehens" - ], - [ - "Ġh", - "ierarch" - ], - [ - "Ġinduc", - "es" - ], - [ - "B", - "D" - ], - [ - "Ġh", - "app" - ], - [ - "Ġe", - "ight" - ], - [ - "Ġgra", - "vity" - ], - [ - "Ġadap", - "tive" - ], - [ - "B", - "L" - ], - [ - "gen", - "ic" - ], - [ - "Ġin", - "struc" - ], - [ - "Ġanaly", - "tical" - ], - [ - "ĠO", - "x" - ], - [ - "ĠC", - "ON" - ], - [ - "Ġsur", - "gical" - ], - [ - "Ġd", - "ip" - ], - [ - "at", - "o" - ], - [ - "Ġrandom", - "ized" - ], - [ - "Ġro", - "les" - ], - [ - "d", - "ep" - ], - [ - "ĠâĪ", - "ĩ" - ], - [ - "ch", - "ang" - ], - [ - "Ġdispers", - "ion" - ], - [ - "Ġsepar", - "ated" - ], - [ - "ĠOr", - "gan" - ], - [ - "ĠV", - "i" - ], - [ - "ĠJoh", - "n" - ], - [ - "Ġan", - "not" - ], - [ - "Ġres", - "ource" - ], - [ - "en", - "ergy" - ], - [ - "rel", - "ation" - ], - [ - "me", - "an" - ], - [ - "ĠB", - "en" - ], - [ - "Ġconfir", - "m" - ], - [ - "W", - "ith" - ], - [ - "Ġinf", - "inite" - ], - [ - "ĠSc", - "ience" - ], - [ - "Ġsuccessful", - "ly" - ], - [ - "Ġlocal", - "ization" - ], - [ - "m", - "ode" - ], - [ - "h", - "ttps" - ], - [ - "geb", - "ras" - ], - [ - "idel", - "ines" - ], - [ - "Ġeff", - "ectiveness" - ], - [ - "h", - "yd" - ], - [ - "Ġs", - "aid" - ], - [ - "ic", - "o" - ], - [ - "Ġtrans", - "itions" - ], - [ - "ed", - "ing" - ], - [ - "Ġprogram", - "s" - ], - [ - "Ġmob", - "ile" - ], - [ - "Ġim", - "mediately" - ], - [ - "ec", - "tivity" - ], - [ - "ĠThe", - "rm" - ], - [ - "ogene", - "tic" - ], - [ - "Ġse", - "ven" - ], - [ - "Ġem", - "ph" - ], - [ - "G", - "E" - ], - [ - "ne", - "um" - ], - [ - "Ġf", - "usion" - ], - [ - "lim", - "its" - ], - [ - "Ġcalc", - "ium" - ], - [ - "ra", - "f" - ], - [ - "min", - "us" - ], - [ - "Ġt", - "rap" - ], - [ - "Ġspecim", - "ens" - ], - [ - "anc", - "ing" - ], - [ - "ĠM", - "arch" - ], - [ - "Ġt", - "en" - ], - [ - "Ġfamil", - "ies" - ], - [ - "ĠH", - "D" - ], - [ - "is", - "ons" - ], - [ - "Ġpre", - "paration" - ], - [ - "h", - "old" - ], - [ - "et", - "her" - ], - [ - "ĠV", - "ol" - ], - [ - "ĠD", - "ise" - ], - [ - "Ġrun", - "ning" - ], - [ - "Ġqual", - "it" - ], - [ - "Ġeff", - "ectively" - ], - [ - "ffici", - "ently" - ], - [ - "B", - "I" - ], - [ - "Ġden", - "oted" - ], - [ - "ĠEqu", - "ation" - ], - [ - "Ġdem", - "and" - ], - [ - "it", - "ory" - ], - [ - "ach", - "ing" - ], - [ - "Ġs", - "odium" - ], - [ - "Ġrepro", - "duc" - ], - [ - "ch", - "o" - ], - [ - "Ġb", - "il" - ], - [ - "P", - "i" - ], - [ - "um", - "b" - ], - [ - "Ġreconstr", - "uction" - ], - [ - "for", - "ward" - ], - [ - "O", - "ne" - ], - [ - "Ġcon", - "version" - ], - [ - "Ġform", - "ulation" - ], - [ - "Ġnear", - "ly" - ], - [ - "ĠL", - "ag" - ], - [ - "S", - "tr" - ], - [ - "ter", - "ior" - ], - [ - "Ġoper", - "ating" - ], - [ - "and", - "om" - ], - [ - "Ġmov", - "ing" - ], - [ - "ĠRe", - "view" - ], - [ - "//", - "//" - ], - [ - "n", - "ai" - ], - [ - "p", - "p" - ], - [ - "oti", - "de" - ], - [ - "lab", - "el" - ], - [ - "oc", - "occ" - ], - [ - "Ġne", - "ver" - ], - [ - "ak", - "er" - ], - [ - "Ġdig", - "ital" - ], - [ - "B", - "l" - ], - [ - "U", - "n" - ], - [ - "Ġmem", - "ber" - ], - [ - "s", - "el" - ], - [ - "Ġpot", - "enti" - ], - [ - "Ġcop", - "y" - ], - [ - "Ġelect", - "rons" - ], - [ - "ch", - "lor" - ], - [ - "ann", - "el" - ], - [ - "yl", - "ind" - ], - [ - "Ġm", - "is" - ], - [ - "ĠS", - "et" - ], - [ - "Ġnut", - "ri" - ], - [ - "Ġdescrib", - "es" - ], - [ - "Ġassum", - "ptions" - ], - [ - "Ġvir", - "tual" - ], - [ - "Ġcoordin", - "ate" - ], - [ - "Ġv", - "or" - ], - [ - "ĠA", - "rab" - ], - [ - "ĠIm", - "p" - ], - [ - "Ġde", - "position" - ], - [ - "Ġins", - "tit" - ], - [ - "Ġrepresent", - "ative" - ], - [ - "ever", - "al" - ], - [ - "Ġmill", - "ion" - ], - [ - "ĠM", - "A" - ], - [ - "Ġmal", - "es" - ], - [ - "Ġcruc", - "ial" - ], - [ - "Ġcol", - "d" - ], - [ - "Ġload", - "ing" - ], - [ - "Ġtrans", - "lation" - ], - [ - "Ġst", - "ead" - ], - [ - "ra", - "ys" - ], - [ - "Ġchall", - "enge" - ], - [ - "ac", - "tivity" - ], - [ - "id", - "al" - ], - [ - "u", - "ff" - ], - [ - "Ġse", - "em" - ], - [ - "Ġn", - "ational" - ], - [ - "Ġf", - "a" - ], - [ - "Ġmin", - "or" - ], - [ - "Ġunderg", - "o" - ], - [ - "c", - "r" - ], - [ - "Ġcap", - "t" - ], - [ - "e", - "le" - ], - [ - "up", - "le" - ], - [ - "ĠM", - "g" - ], - [ - "le", - "ge" - ], - [ - "G", - "R" - ], - [ - "Ġr", - "ig" - ], - [ - "Ġar", - "ri" - ], - [ - "Ġdet", - "ector" - ], - [ - "Ġst", - "rict" - ], - [ - "Ġad", - "hes" - ], - [ - "Ġse", - "a" - ], - [ - "the", - "less" - ], - [ - "Ġs", - "leep" - ], - [ - "ĠCom", - "mun" - ], - [ - "Ġanti", - "oxid" - ], - [ - "Ġmark", - "er" - ], - [ - "Ġflow", - "s" - ], - [ - "anc", - "re" - ], - [ - "ĠJan", - "uary" - ], - [ - "in", - "put" - ], - [ - "U", - "P" - ], - [ - "Ġst", - "ored" - ], - [ - "ad", - "ing" - ], - [ - "iti", - "vely" - ], - [ - "Ġsl", - "ope" - ], - [ - "Ġshe", - "ll" - ], - [ - "Ġelev", - "ated" - ], - [ - "il", - "k" - ], - [ - "Ġfrequ", - "ently" - ], - [ - "Ġb", - "all" - ], - [ - "urb", - "an" - ], - [ - "Ġm", - "l" - ], - [ - "us", - "ive" - ], - [ - "ĠA", - "nt" - ], - [ - "am", - "ino" - ], - [ - "S", - "im" - ], - [ - "Ġphys", - "iological" - ], - [ - "reg", - "ulation" - ], - [ - "es", - "ity" - ], - [ - "Ġexpl", - "an" - ], - [ - "Ġad", - "en" - ], - [ - "re", - "me" - ], - [ - "Ġdiff", - "er" - ], - [ - "Ġmod", - "ification" - ], - [ - "Ġir", - "radi" - ], - [ - "H", - "e" - ], - [ - "ac", - "ial" - ], - [ - "Ġsupp", - "ress" - ], - [ - "qu", - "is" - ], - [ - "Ġd", - "ry" - ], - [ - "er", - "ated" - ], - [ - "Ġpro", - "jection" - ], - [ - "Ġpo", - "ol" - ], - [ - "ple", - "te" - ], - [ - "Ġdirec", - "tions" - ], - [ - "Ġchang", - "ed" - ], - [ - "ĠI", - "ts" - ], - [ - "Ġst", - "er" - ], - [ - "Ġradi", - "al" - ], - [ - "Ġg", - "r" - ], - [ - "Ġperiod", - "ic" - ], - [ - "Ġb", - "in" - ], - [ - "Ġp", - "ip" - ], - [ - "m", - "en" - ], - [ - "t", - "hen" - ], - [ - "p", - "c" - ], - [ - "am", - "ily" - ], - [ - "ĠD", - "M" - ], - [ - "Ġsed", - "iment" - ], - [ - "m", - "i" - ], - [ - "Ġclos", - "ely" - ], - [ - "Ġrep", - "air" - ], - [ - "Ġrespir", - "atory" - ], - [ - "Ġh", - "orm" - ], - [ - "A", - "ns" - ], - [ - "d", - "r" - ], - [ - "l", - "s" - ], - [ - "Ġhom", - "ogeneous" - ], - [ - "et", - "ric" - ], - [ - "D", - "S" - ], - [ - "Ġresid", - "ues" - ], - [ - "ĠVal", - "ue" - ], - [ - "F", - "s" - ], - [ - "Ġwh", - "y" - ], - [ - "S", - "p" - ], - [ - "Ġc", - "a" - ], - [ - "Ġn", - "arrow" - ], - [ - "g", - "ent" - ], - [ - "Ġb", - "r" - ], - [ - "Ġqu", - "asi" - ], - [ - "Ġp", - "ict" - ], - [ - "m", - "o" - ], - [ - "Ġat", - "om" - ], - [ - "Ġh", - "abit" - ], - [ - "Ġlimit", - "ations" - ], - [ - "con", - "duc" - ], - [ - "Ġsh", - "ock" - ], - [ - "cept", - "or" - ], - [ - "ĠDet", - "ection" - ], - [ - "S", - "h" - ], - [ - "ub", - "e" - ], - [ - "Ġe", - "llip" - ], - [ - "U", - "R" - ], - [ - "Ġstain", - "ing" - ], - [ - "Ġrapid", - "ly" - ], - [ - "ĠB", - "ur" - ], - [ - "ĠB", - "ro" - ], - [ - "Ġup", - "take" - ], - [ - "Ġchalleng", - "es" - ], - [ - "S", - "N" - ], - [ - "Ġan", - "is" - ], - [ - "Ġbound", - "s" - ], - [ - "st", - "ep" - ], - [ - "omer", - "ic" - ], - [ - "ten", - "tion" - ], - [ - "ĠEval", - "uation" - ], - [ - "Ġrecomm", - "end" - ], - [ - "M", - "e" - ], - [ - "Ġmod", - "erate" - ], - [ - "ell", - "ed" - ], - [ - "Ġt", - "it" - ], - [ - "ĠY", - "ang" - ], - [ - "Ġph", - "armac" - ], - [ - "inf", - "lammatory" - ], - [ - "ĠJ", - "une" - ], - [ - "Ġsens", - "ors" - ], - [ - "ai", - "red" - ], - [ - "Ġapproxim", - "ate" - ], - [ - "S", - "V" - ], - [ - "Ġb", - "und" - ], - [ - "r", - "c" - ], - [ - "om", - "an" - ], - [ - "Ġvis", - "ible" - ], - [ - "Ġmeas", - "uring" - ], - [ - "og", - "onal" - ], - [ - "ĠFour", - "ier" - ], - [ - "Ġthe", - "ories" - ], - [ - "Ġprof", - "ession" - ], - [ - "tain", - "ed" - ], - [ - "at", - "as" - ], - [ - "ĠInt", - "erest" - ], - [ - "par", - "am" - ], - [ - "ĠStruct", - "ure" - ], - [ - "Ġl", - "iving" - ], - [ - "D", - "ata" - ], - [ - "ĠS", - "M" - ], - [ - "Ġn", - "et" - ], - [ - "Ġsimultaneous", - "ly" - ], - [ - "cont", - "inu" - ], - [ - "Ġsh", - "or" - ], - [ - "####", - "####" - ], - [ - "Ġdecre", - "asing" - ], - [ - "Ġrefer", - "red" - ], - [ - "g", - "g" - ], - [ - "Th", - "us" - ], - [ - "Ġd", - "ro" - ], - [ - "pr", - "il" - ], - [ - "ĠP", - "ers" - ], - [ - "Ġenc", - "oding" - ], - [ - "Ġar", - "c" - ], - [ - "Ġregul", - "atory" - ], - [ - "Ġtra", - "ined" - ], - [ - "cep", - "ts" - ], - [ - "Ġro", - "ut" - ], - [ - "ly", - "s" - ], - [ - "P", - "ar" - ], - [ - "ĠU", - "l" - ], - [ - "ĠG", - "raph" - ], - [ - "âĪ", - "Ĥ" - ], - [ - "Ġir", - "re" - ], - [ - "oid", - "al" - ], - [ - "Ġex", - "ceed" - ], - [ - "Ġmost", - "ly" - ], - [ - "ĠP", - "at" - ], - [ - "ater", - "nal" - ], - [ - "Ġ", - "er" - ], - [ - "Ġco", - "verage" - ], - [ - "F", - "S" - ], - [ - "ĠR", - "ot" - ], - [ - "Ġclass", - "ified" - ], - [ - "Ġexc", - "itation" - ], - [ - "Ġconduc", - "tivity" - ], - [ - "Ġcommerc", - "ial" - ], - [ - "ĠD", - "el" - ], - [ - "ĠP", - "olar" - ], - [ - "H", - "R" - ], - [ - "Ġtra", - "ffic" - ], - [ - "z", - "ing" - ], - [ - "Ġsetting", - "s" - ], - [ - "Ġincl", - "usion" - ], - [ - "Ans", - "wer" - ], - [ - "Ġv", - "it" - ], - [ - "vit", - "ational" - ], - [ - "Ġb", - "ind" - ], - [ - "Ġo", - "c" - ], - [ - "ĠW", - "estern" - ], - [ - "Ġpro", - "sp" - ], - [ - "Ġn", - "orth" - ], - [ - "it", - "ch" - ], - [ - "ĠR", - "iver" - ], - [ - "Ġvehic", - "le" - ], - [ - "Ġlik", - "elihood" - ], - [ - "L", - "D" - ], - [ - "Ġin", - "sp" - ], - [ - "âĪ", - "Ĩ" - ], - [ - "Ġle", - "uk" - ], - [ - "ĠB", - "re" - ], - [ - "Ġsynt", - "hetic" - ], - [ - "ĠGerm", - "any" - ], - [ - "ĠThe", - "ir" - ], - [ - "t", - "arget" - ], - [ - "ĠEn", - "glish" - ], - [ - "Ġnot", - "ation" - ], - [ - "ĠA", - "TP" - ], - [ - "ĠMod", - "els" - ], - [ - "Ġab", - "normal" - ], - [ - "ĠConcl", - "usions" - ], - [ - "Ġoccur", - "rence" - ], - [ - "Ġmicro", - "bi" - ], - [ - "ĠW", - "ar" - ], - [ - "tem", - "ber" - ], - [ - "Ġloc", - "ally" - ], - [ - "bor", - "n" - ], - [ - "Ġbar", - "rier" - ], - [ - "Ġexpression", - "s" - ], - [ - "ov", - "al" - ], - [ - "Ġfl", - "av" - ], - [ - "emb", - "le" - ], - [ - "Ġdynam", - "ical" - ], - [ - "Ġphot", - "on" - ], - [ - "app", - "ed" - ], - [ - "Ġgl", - "ut" - ], - [ - "Ġkine", - "tic" - ], - [ - "Ġalcoh", - "ol" - ], - [ - "Ġtrans", - "plant" - ], - [ - "L", - "P" - ], - [ - "Ġdef", - "ault" - ], - [ - "Ġop", - "portun" - ], - [ - "arg", - "s" - ], - [ - "ĠD", - "av" - ], - [ - "Ġfron", - "t" - ], - [ - "h", - "om" - ], - [ - "Ġw", - "ays" - ], - [ - "ĠAss", - "ociation" - ], - [ - "Ġkid", - "ney" - ], - [ - "Ġpropor", - "tional" - ], - [ - "W", - "hen" - ], - [ - "Ġepit", - "helial" - ], - [ - "Ġf", - "resh" - ], - [ - "Ġrec", - "all" - ], - [ - "Ġenzym", - "es" - ], - [ - "b", - "r" - ], - [ - "Ġmal", - "ign" - ], - [ - "text", - "rm" - ], - [ - "ĠU", - "se" - ], - [ - "N", - "ow" - ], - [ - "ĠL", - "ie" - ], - [ - "Ġimp", - "air" - ], - [ - "Ġgu", - "arant" - ], - [ - "Ġin", - "ver" - ], - [ - "Ġtranscri", - "pt" - ], - [ - "Ġs", - "ustain" - ], - [ - "Ġact", - "ually" - ], - [ - "al", - "ities" - ], - [ - "ĠM", - "ic" - ], - [ - "ĠI", - "C" - ], - [ - "ĠMe", - "asure" - ], - [ - "Ġï£", - "´" - ], - [ - "Ġd", - "ensities" - ], - [ - "Ġgalax", - "y" - ], - [ - "Ġsu", - "fficiently" - ], - [ - "Ġor", - "bit" - ], - [ - "f", - "ord" - ], - [ - "Ġpar", - "tially" - ], - [ - "ĠP", - "y" - ], - [ - "Ġre", - "verse" - ], - [ - "Ġsur", - "ve" - ], - [ - "ĠW", - "ork" - ], - [ - "Ġas", - "k" - ], - [ - "H", - "owever" - ], - [ - "Ġsit", - "u" - ], - [ - "Ġvacu", - "um" - ], - [ - "to", - "ber" - ], - [ - "Ġsp", - "ac" - ], - [ - "an", - "th" - ], - [ - "O", - "r" - ], - [ - "ag", - "s" - ], - [ - "Ġb", - "ig" - ], - [ - "her", - "ical" - ], - [ - "er", - "ge" - ], - [ - "ell", - "ite" - ], - [ - "Ġinvol", - "ves" - ], - [ - "ĠV", - "is" - ], - [ - "Ġsumm", - "ary" - ], - [ - "ĠSup", - "plementary" - ], - [ - "ĠC", - "oll" - ], - [ - "Ġadj", - "acent" - ], - [ - "ont", - "aneous" - ], - [ - "ab", - "s" - ], - [ - "Ġresearc", - "hers" - ], - [ - "k", - "a" - ], - [ - "Ġinter", - "n" - ], - [ - "Ġmon", - "th" - ], - [ - "ĠNe", - "ural" - ], - [ - "ap", - "or" - ], - [ - "ĠN", - "an" - ], - [ - "Ġst", - "ri" - ], - [ - "E", - "E" - ], - [ - "Ġconsist", - "ing" - ], - [ - "Ġupd", - "ate" - ], - [ - "Ġphot", - "o" - ], - [ - "V", - "al" - ], - [ - "s", - "ens" - ], - [ - "Ġve", - "get" - ], - [ - "B", - "R" - ], - [ - "Ġco", - "inc" - ], - [ - "ĠJ", - "uly" - ], - [ - "til", - "ity" - ], - [ - "ĠEx", - "pression" - ], - [ - "Ġtop", - "ology" - ], - [ - "Ġgrow", - "ing" - ], - [ - "ap", - "tic" - ], - [ - "uc", - "ed" - ], - [ - "Ġperipher", - "al" - ], - [ - "en", - "es" - ], - [ - "Ġpl", - "ots" - ], - [ - "Ġexpl", - "o" - ], - [ - "Ġw", - "or" - ], - [ - "b", - "a" - ], - [ - "ati", - "tis" - ], - [ - "i", - "ef" - ], - [ - "w", - "ave" - ], - [ - "Ġprot", - "ection" - ], - [ - "Ġdef", - "ects" - ], - [ - "Ġads", - "orption" - ], - [ - "Ġsh", - "ared" - ], - [ - "Ġst", - "ellar" - ], - [ - "ĠB", - "a" - ], - [ - "ĠEn", - "ergy" - ], - [ - "que", - "ous" - ], - [ - "ĠAug", - "ust" - ], - [ - "Ġl", - "ys" - ], - [ - "Ġpl", - "us" - ], - [ - "i", - "rel" - ], - [ - "ĠG", - "P" - ], - [ - "ĠNe", - "u" - ], - [ - "d", - "ist" - ], - [ - "g", - "ers" - ], - [ - "if", - "er" - ], - [ - "is", - "p" - ], - [ - "Ġstr", - "at" - ], - [ - "ion", - "e" - ], - [ - "ĠMaterial", - "s" - ], - [ - "Ġl", - "n" - ], - [ - "Ġpul", - "monary" - ], - [ - "en", - "ed" - ], - [ - "pl", - "an" - ], - [ - "M", - "od" - ], - [ - "Ġorgan", - "ization" - ], - [ - "Ġrelax", - "ation" - ], - [ - "Ġcor", - "tex" - ], - [ - "Ġmod", - "ulation" - ], - [ - "og", - "l" - ], - [ - "sh", - "ift" - ], - [ - "Ġsec", - "urity" - ], - [ - "Ġfat", - "ty" - ], - [ - "Ġm", - "s" - ], - [ - "l", - "ocal" - ], - [ - "erg", - "ic" - ], - [ - "Ġinter", - "ference" - ], - [ - "ins", - "on" - ], - [ - "c", - "f" - ], - [ - "Ġre", - "asons" - ], - [ - "p", - "red" - ], - [ - "Ġinterven", - "tions" - ], - [ - "Ġj", - "o" - ], - [ - "ĠI", - "D" - ], - [ - "ĠAre", - "a" - ], - [ - "ĠH", - "a" - ], - [ - "u", - "its" - ], - [ - "out", - "put" - ], - [ - "L", - "e" - ], - [ - "y", - "cl" - ], - [ - "in", - "ted" - ], - [ - "Ġnan", - "o" - ], - [ - "N", - "C" - ], - [ - "ĠC", - "ap" - ], - [ - "Ġchang", - "ing" - ], - [ - "Ġc", - "ust" - ], - [ - "Ġappe", - "ared" - ], - [ - "Ġgrow", - "n" - ], - [ - "ĠU", - "K" - ], - [ - "Ġrad", - "ical" - ], - [ - "ĠP", - "ot" - ], - [ - "ĠPro", - "gram" - ], - [ - "ĠS", - "R" - ], - [ - "Ġsh", - "ap" - ], - [ - "os", - "cop" - ], - [ - "ĠCh", - "ang" - ], - [ - "Ġquanti", - "ty" - ], - [ - "ĠT", - "axon" - ], - [ - "id", - "ation" - ], - [ - "Ġadd", - "ing" - ], - [ - "ĠLe", - "e" - ], - [ - "Ġam", - "ounts" - ], - [ - "Ġdes", - "pite" - ], - [ - "Ġremain", - "ed" - ], - [ - "Ġscenari", - "os" - ], - [ - "le", - "ts" - ], - [ - "om", - "ing" - ], - [ - "Ġcurv", - "ature" - ], - [ - "Ġd", - "imensional" - ], - [ - "Ġprom", - "ising" - ], - [ - "ĠF", - "il" - ], - [ - "str", - "ing" - ], - [ - "Ġattrib", - "uted" - ], - [ - "ym", - "er" - ], - [ - "Ġneigh", - "b" - ], - [ - "Ġinput", - "s" - ], - [ - "Ġmagn", - "et" - ], - [ - "Ġtre", - "es" - ], - [ - "Ġent", - "er" - ], - [ - "r", - "uit" - ], - [ - "st", - "able" - ], - [ - "to", - "plas" - ], - [ - "Ġmess", - "age" - ], - [ - "roph", - "ic" - ], - [ - "Ġisol", - "ates" - ], - [ - "t", - "z" - ], - [ - "Ġdisplay", - "ed" - ], - [ - "H", - "A" - ], - [ - "oc", - "l" - ], - [ - "Ġder", - "ive" - ], - [ - "Ġsyn", - "chron" - ], - [ - "Q", - "U" - ], - [ - "Ã", - "ŀ" - ], - [ - "Ġexam", - "ination" - ], - [ - "Ġde", - "b" - ], - [ - "Ġdef", - "in" - ], - [ - "Ġf", - "ault" - ], - [ - "Ġstead", - "y" - ], - [ - "Ġphen", - "otype" - ], - [ - "Ġpers", - "pective" - ], - [ - "Ġstat", - "ement" - ], - [ - "d", - "f" - ], - [ - "v", - "oid" - ], - [ - "Ġprom", - "ote" - ], - [ - "ill", - "ary" - ], - [ - "ĠE", - "th" - ], - [ - "Ġw", - "alk" - ], - [ - "Ġrepresent", - "ing" - ], - [ - "Ġgen", - "omic" - ], - [ - "ĠG", - "r" - ], - [ - "sh", - "ape" - ], - [ - "ĠP", - "et" - ], - [ - "ĠL", - "ocal" - ], - [ - "plic", - "ity" - ], - [ - "ĠProb", - "lem" - ], - [ - "G", - "S" - ], - [ - "Ġcomple", - "ted" - ], - [ - "ink", - "ing" - ], - [ - "Ġread", - "s" - ], - [ - "Ġin", - "de" - ], - [ - "ce", - "ived" - ], - [ - "ĠP", - "L" - ], - [ - "ĠMe", - "an" - ], - [ - "ĠSch", - "ool" - ], - [ - "Ġbiom", - "ark" - ], - [ - "irel", - "ess" - ], - [ - "c", - "ut" - ], - [ - "os", - "ing" - ], - [ - "n", - "el" - ], - [ - "ĠA", - "pril" - ], - [ - "ĠB", - "al" - ], - [ - "Ġadop", - "ted" - ], - [ - "Ġcom", - "plications" - ], - [ - "Ġassemb", - "ly" - ], - [ - "f", - "ort" - ], - [ - "h", - "ar" - ], - [ - "Ġad", - "oles" - ], - [ - "Ġans", - "wer" - ], - [ - "Ġcommun", - "ities" - ], - [ - "ĠInstit", - "ute" - ], - [ - "Ġvari", - "ant" - ], - [ - "F", - "inally" - ], - [ - "mit", - "te" - ], - [ - "Ġrestric", - "ted" - ], - [ - "Ġman", - "ip" - ], - [ - "at", - "ers" - ], - [ - "E", - "X" - ], - [ - "Ġd", - "ust" - ], - [ - "Ġsupp", - "ly" - ], - [ - "Ġper", - "me" - ], - [ - "Ġreli", - "able" - ], - [ - "ĠRes", - "p" - ], - [ - "Ġsub", - "t" - ], - [ - "o", - "ks" - ], - [ - "Ġpol", - "l" - ], - [ - "Ġcan", - "c" - ], - [ - "ĠUn", - "it" - ], - [ - "Ġendot", - "helial" - ], - [ - "d", - "y" - ], - [ - "ĠBl", - "ack" - ], - [ - "Ġem", - "pirical" - ], - [ - "Ġp", - "ort" - ], - [ - "op", - "y" - ], - [ - "Ġiniti", - "ally" - ], - [ - "Ġcond", - "ens" - ], - [ - "Ġe", - "ye" - ], - [ - "Ġlist", - "ed" - ], - [ - "ur", - "rence" - ], - [ - "Ġreplac", - "ed" - ], - [ - "Ġselec", - "tive" - ], - [ - "Ġdist", - "ances" - ], - [ - "Ġpar", - "as" - ], - [ - "ĠP", - "ost" - ], - [ - "ĠSep", - "tember" - ], - [ - "Ġmiss", - "ing" - ], - [ - "vere", - "x" - ], - [ - "E", - "r" - ], - [ - "Ġthough", - "t" - ], - [ - "th", - "al" - ], - [ - "Ġchrom", - "at" - ], - [ - "Ġbenef", - "it" - ], - [ - "ram", - "es" - ], - [ - "ĠSup", - "pose" - ], - [ - "Ġsub", - "s" - ], - [ - "Ġang", - "i" - ], - [ - "or", - "i" - ], - [ - "Ġre", - "plic" - ], - [ - "Ġschem", - "es" - ], - [ - "p", - "re" - ], - [ - "pl", - "ane" - ], - [ - "Ġs", - "outh" - ], - [ - "ag", - "er" - ], - [ - "Ġbegin", - "ning" - ], - [ - "v", - "ents" - ], - [ - "on", - "ent" - ], - [ - "i", - "ples" - ], - [ - "ĠH", - "er" - ], - [ - "Ġspect", - "rom" - ], - [ - "Ġden", - "se" - ], - [ - "Ġto", - "ok" - ], - [ - "iver", - "se" - ], - [ - "Ġdist", - "urb" - ], - [ - "p", - "ass" - ], - [ - "Ġillustr", - "ated" - ], - [ - "Ġreve", - "als" - ], - [ - "am", - "a" - ], - [ - "Ġref", - "lec" - ], - [ - "Ġallow", - "ing" - ], - [ - "Ġexpon", - "ential" - ], - [ - "ous", - "tic" - ], - [ - "subset", - "eq" - ], - [ - "Ġs", - "n" - ], - [ - "Ġ", - "urban" - ], - [ - "Ġext", - "end" - ], - [ - "Ġass", - "ays" - ], - [ - "ric", - "e" - ], - [ - "Co", - "V" - ], - [ - "quis", - "ition" - ], - [ - "r", - "ine" - ], - [ - "ĠIn", - "tegr" - ], - [ - "f", - "il" - ], - [ - "V", - "D" - ], - [ - "Ġfib", - "ro" - ], - [ - "Ġcomp", - "ens" - ], - [ - "ĠIm", - "pro" - ], - [ - "ĠĠĠĠĠĠĠĠ", - "ĠĠ" - ], - [ - "ĠG", - "R" - ], - [ - "Ï", - "Ī" - ], - [ - "Ġbas", - "al" - ], - [ - "Ġol", - "ig" - ], - [ - "H", - "T" - ], - [ - "Ġv", - "ess" - ], - [ - "uz", - "zy" - ], - [ - "Ġposs", - "ibly" - ], - [ - "Ġtoler", - "ance" - ], - [ - "The", - "ta" - ], - [ - "Ġvi", - "ol" - ], - [ - "uc", - "lear" - ], - [ - "ĠL", - "im" - ], - [ - "g", - "el" - ], - [ - "Ġmetric", - "s" - ], - [ - "ĠM", - "us" - ], - [ - "am", - "ination" - ], - [ - "Ġelectro", - "de" - ], - [ - "Ġpers", - "onal" - ], - [ - "Ġcool", - "ing" - ], - [ - "Ġac", - "quired" - ], - [ - "ĠF", - "unction" - ], - [ - "ow", - "s" - ], - [ - "oles", - "ter" - ], - [ - "D", - "P" - ], - [ - "Ġreli", - "ability" - ], - [ - "Ġm", - "uc" - ], - [ - "ĠOc", - "tober" - ], - [ - "Ġg", - "old" - ], - [ - "c", - "a" - ], - [ - "Ġc", - "ul" - ], - [ - "f", - "it" - ], - [ - "Ġle", - "m" - ], - [ - "Ġexc", - "it" - ], - [ - "Ġnucle", - "us" - ], - [ - "i", - "ation" - ], - [ - "Ġpregn", - "ancy" - ], - [ - "Ġsynt", - "hesized" - ], - [ - "hem", - "istry" - ], - [ - "Ġmemb", - "ranes" - ], - [ - "ver", - "t" - ], - [ - "ĠK", - "im" - ], - [ - "ten", - "ance" - ], - [ - "Ġquanti", - "ties" - ], - [ - "Ġecon", - "omic" - ], - [ - "Ġbenef", - "its" - ], - [ - "Ġc", - "ylind" - ], - [ - "pl", - "er" - ], - [ - "ĠL", - "arge" - ], - [ - "Ġengine", - "ering" - ], - [ - "ĠE", - "p" - ], - [ - "Ġco", - "ating" - ], - [ - "ati", - "v" - ], - [ - "Ġconduc", - "t" - ], - [ - "Ġabs", - "orb" - ], - [ - "ĠDec", - "ember" - ], - [ - "Ġop", - "posite" - ], - [ - "ĠGl", - "obal" - ], - [ - "Ġl", - "if" - ], - [ - "ĠD", - "ue" - ], - [ - "Ġint", - "ake" - ], - [ - "od", - "ynamic" - ], - [ - "T", - "M" - ], - [ - "Ġf", - "ed" - ], - [ - "Ġspec", - "ified" - ], - [ - "Ġge", - "ometric" - ], - [ - "Ġresp", - "ective" - ], - [ - "Ġb", - "irth" - ], - [ - "ĠComp", - "ound" - ], - [ - "Ġstar", - "ted" - ], - [ - "Ġm", - "other" - ], - [ - "ar", - "r" - ], - [ - "Ġprim", - "arily" - ], - [ - "Ġp", - "aren" - ], - [ - "Ġtub", - "e" - ], - [ - "Ġinter", - "s" - ], - [ - "Ġgrap", - "hene" - ], - [ - "iti", - "al" - ], - [ - "ous", - "ly" - ], - [ - "Ġcardi", - "ovascular" - ], - [ - "Ġe", - "V" - ], - [ - "Ġhe", - "ating" - ], - [ - "Ġmat", - "hematical" - ], - [ - "Ġindepend", - "ently" - ], - [ - "B", - "A" - ], - [ - "Ġaff", - "ects" - ], - [ - "um", - "or" - ], - [ - "ĠM", - "P" - ], - [ - "ĠD", - "em" - ], - [ - "ĠW", - "est" - ], - [ - "ĠD", - "om" - ], - [ - "it", - "ter" - ], - [ - "Ġdis", - "rup" - ], - [ - "op", - "ed" - ], - [ - "Ġphenomen", - "on" - ], - [ - "Ġl", - "umin" - ], - [ - "A", - "c" - ], - [ - "Ġpre", - "fer" - ], - [ - "om", - "ers" - ], - [ - "Ġg", - "ender" - ], - [ - "ĠG", - "L" - ], - [ - "F", - "C" - ], - [ - "Ġinde", - "ed" - ], - [ - "Ġr", - "ational" - ], - [ - "ĠS", - "C" - ], - [ - "Ġprincip", - "al" - ], - [ - "Ġperf", - "ect" - ], - [ - "Ġintro", - "duction" - ], - [ - "t", - "es" - ], - [ - "Ġpi", - "ec" - ], - [ - "Ġc", - "ity" - ], - [ - "Ġpop", - "ular" - ], - [ - "Ġc", - "oding" - ], - [ - "cl", - "er" - ], - [ - "ag", - "ue" - ], - [ - "ĠH", - "R" - ], - [ - "Ġtrack", - "ing" - ], - [ - "k", - "er" - ], - [ - "Ġphosphor", - "ylation" - ], - [ - "Ġpath", - "s" - ], - [ - "Ġsol", - "ving" - ], - [ - "Ġd", - "y" - ], - [ - "Ġplay", - "ed" - ], - [ - "Ġprec", - "ise" - ], - [ - "ĠS", - "l" - ], - [ - "ĠS", - "em" - ], - [ - "Ġgener", - "ating" - ], - [ - "ĠS", - "un" - ], - [ - "Ġcriter", - "ion" - ], - [ - "Ġbran", - "ch" - ], - [ - "ĠÎ", - "¶" - ], - [ - "ti", - "sh" - ], - [ - "S", - "e" - ], - [ - "Ġanti", - "gen" - ], - [ - "Ġcal", - "ibration" - ], - [ - "E", - "s" - ], - [ - "ĠI", - "tal" - ], - [ - "Ġmass", - "ive" - ], - [ - "E", - "n" - ], - [ - "N", - "o" - ], - [ - "Y", - "P" - ], - [ - "y", - "a" - ], - [ - "Ġsatisf", - "ying" - ], - [ - "Ġqu", - "ick" - ], - [ - "H", - "O" - ], - [ - "Ġbehavi", - "ors" - ], - [ - "icro", - "bial" - ], - [ - "Ġam", - "b" - ], - [ - "Ġpro", - "ton" - ], - [ - "S", - "L" - ], - [ - "Ġus", - "ual" - ], - [ - "row", - "s" - ], - [ - "en", - "ch" - ], - [ - "U", - "C" - ], - [ - "Ġweight", - "ed" - ], - [ - "Ġrec", - "ords" - ], - [ - "ĠA", - "C" - ], - [ - "G", - "T" - ], - [ - "in", - "n" - ], - [ - "Ġe", - "q" - ], - [ - "ĠW", - "il" - ], - [ - "y", - "roid" - ], - [ - "Ġset", - "up" - ], - [ - "I", - "A" - ], - [ - "p", - "ress" - ], - [ - "is", - "ely" - ], - [ - "Ġent", - "ry" - ], - [ - "%", - "%" - ], - [ - "ĠS", - "il" - ], - [ - "e", - "ast" - ], - [ - "ĠE", - "volution" - ], - [ - "ĠR", - "andom" - ], - [ - "Ġcav", - "ity" - ], - [ - "Ġnam", - "ed" - ], - [ - "know", - "led" - ], - [ - "m", - "ber" - ], - [ - "ues", - "tion" - ], - [ - "ĠâĪ", - "©" - ], - [ - "g", - "i" - ], - [ - "Ġdeterm", - "ining" - ], - [ - "t", - "in" - ], - [ - "Ġgen", - "us" - ], - [ - "Ġtox", - "icity" - ], - [ - "oc", - "yt" - ], - [ - "Ġperturb", - "ation" - ], - [ - "rough", - "t" - ], - [ - "ĠB", - "ri" - ], - [ - "Ġcar", - "b" - ], - [ - "ĠG", - "ra" - ], - [ - "ĠF", - "lu" - ], - [ - "un", - "s" - ], - [ - "Ġdri", - "ven" - ], - [ - "Ġb", - "atch" - ], - [ - "r", - "if" - ], - [ - "P", - "l" - ], - [ - "Ġdisplac", - "ement" - ], - [ - "ĠC", - "L" - ], - [ - "Ġdep", - "ic" - ], - [ - "Ġpredic", - "tive" - ], - [ - "I", - "nt" - ], - [ - "hydro", - "xy" - ], - [ - "ti", - "d" - ], - [ - "d", - "ri" - ], - [ - "Ġp", - "ancre" - ], - [ - "Ġdiag", - "onal" - ], - [ - "Ġsever", - "ity" - ], - [ - "Ġlong", - "itudinal" - ], - [ - "ĠE", - "D" - ], - [ - "ati", - "ble" - ], - [ - "d", - "ir" - ], - [ - "ĠAn", - "other" - ], - [ - "ĠH", - "el" - ], - [ - "v", - "an" - ], - [ - "Ġp", - "neum" - ], - [ - "Ġspecific", - "ity" - ], - [ - "s", - "qu" - ], - [ - "Ġ", - "ign" - ], - [ - "Ġb", - "ed" - ], - [ - "ĠW", - "T" - ], - [ - "aw", - "a" - ], - [ - "es", - "ter" - ], - [ - "Ġk", - "g" - ], - [ - "Ġcomp", - "ression" - ], - [ - "ever", - "theless" - ], - [ - "Ġm", - "ask" - ], - [ - "--------", - "---" - ], - [ - "Ġt", - "ens" - ], - [ - "row", - "th" - ], - [ - "ĠG", - "o" - ], - [ - "Ġf", - "aster" - ], - [ - "Ġcan", - "onical" - ], - [ - "Ġdeterm", - "in" - ], - [ - "ust", - "rial" - ], - [ - "ĠEar", - "th" - ], - [ - "wh", - "ile" - ], - [ - "our", - "nal" - ], - [ - "Ġcount", - "ry" - ], - [ - "Ġf", - "erm" - ], - [ - "r", - "ist" - ], - [ - "Ġpro", - "xim" - ], - [ - "Ġmicro", - "bial" - ], - [ - "Ġext", - "ensive" - ], - [ - "Ġch", - "am" - ], - [ - "ĠÂ", - "§" - ], - [ - "s", - "uch" - ], - [ - "w", - "ent" - ], - [ - "Ġl", - "ar" - ], - [ - "U", - "sing" - ], - [ - "ĠP", - "M" - ], - [ - "Ġoff", - "set" - ], - [ - "ĠP", - "I" - ], - [ - "ĠBay", - "esian" - ], - [ - "H", - "S" - ], - [ - "ĠAfric", - "a" - ], - [ - "Ġsuscepti", - "bility" - ], - [ - "ĠâĬ", - "Ĥ" - ], - [ - "ococc", - "us" - ], - [ - "ĠD", - "ir" - ], - [ - "Ġb", - "os" - ], - [ - "Ġdys", - "function" - ], - [ - "ove", - "mber" - ], - [ - "Ġunder", - "st" - ], - [ - "Ġlarg", - "ely" - ], - [ - "ĠC", - "M" - ], - [ - "Ġmaintain", - "ed" - ], - [ - "Ġposs", - "ess" - ], - [ - "Ġexcl", - "uded" - ], - [ - "ens", - "is" - ], - [ - "ĠD", - "C" - ], - [ - "ops", - "is" - ], - [ - "Ġtor", - "ch" - ], - [ - "id", - "ine" - ], - [ - "Ġfore", - "st" - ], - [ - "ĠEx", - "act" - ], - [ - "ĠStud", - "ies" - ], - [ - "iff", - "iff" - ], - [ - "ĠC", - "am" - ], - [ - "ang", - "ular" - ], - [ - "Ġrem", - "ove" - ], - [ - "o", - "ir" - ], - [ - "av", - "a" - ], - [ - "id", - "a" - ], - [ - "Ġm", - "ant" - ], - [ - "L", - "og" - ], - [ - "Ġrang", - "ing" - ], - [ - "ro", - "g" - ], - [ - "Ġchain", - "s" - ], - [ - "Ġ", - "Ç«" - ], - [ - "ĠC", - "ase" - ], - [ - "ĠA", - "P" - ], - [ - "po", - "ints" - ], - [ - "Ġtarget", - "ing" - ], - [ - "Ġsc", - "ience" - ], - [ - "Ġep", - "is" - ], - [ - "ĠS", - "oci" - ], - [ - "Ġphys", - "ic" - ], - [ - "Ġpromot", - "er" - ], - [ - "ĠEar", - "ly" - ], - [ - "es", - "tic" - ], - [ - "tiv", - "es" - ], - [ - "Ġassum", - "ing" - ], - [ - "ĠM", - "i" - ], - [ - "Ġlem", - "ma" - ], - [ - "Ġconfig", - "urations" - ], - [ - "al", - "ia" - ], - [ - "Ġp", - "ay" - ], - [ - "r", - "ino" - ], - [ - "e", - "b" - ], - [ - "Ġvari", - "ed" - ], - [ - "oun", - "ted" - ], - [ - "Ġinter", - "view" - ], - [ - "ĠGe", - "V" - ], - [ - "O", - "M" - ], - [ - "ogn", - "ition" - ], - [ - "Ġenhance", - "ment" - ], - [ - "ĠM", - "ach" - ], - [ - "pl", - "ies" - ], - [ - "O", - "b" - ], - [ - "set", - "minus" - ], - [ - "Ġintr", - "insic" - ], - [ - "Ġcompar", - "isons" - ], - [ - "b", - "old" - ], - [ - "xi", - "ety" - ], - [ - "Ġst", - "roke" - ], - [ - "G", - "B" - ], - [ - "anc", - "ial" - ], - [ - "ste", - "ad" - ], - [ - "Ġro", - "ck" - ], - [ - "th", - "on" - ], - [ - "ĠC", - "urrent" - ], - [ - "c", - "at" - ], - [ - "Ġgu", - "idelines" - ], - [ - "cy", - "cl" - ], - [ - "Ġintrac", - "ellular" - ], - [ - "one", - "y" - ], - [ - "k", - "o" - ], - [ - "Ġdirec", - "ted" - ], - [ - "rip", - "ts" - ], - [ - "Ġtra", - "vel" - ], - [ - "Ġl", - "ens" - ], - [ - "id", - "i" - ], - [ - "ĠAss", - "ess" - ], - [ - "Ġd", - "x" - ], - [ - "ĠP", - "os" - ], - [ - "Ġmethod", - "ology" - ], - [ - "Ġpred", - "om" - ], - [ - "def", - "ined" - ], - [ - "ĠP", - "op" - ], - [ - "Ġgover", - "nment" - ], - [ - "ell", - "ig" - ], - [ - "ph", - "yl" - ], - [ - "ol", - "i" - ], - [ - "rop", - "ical" - ], - [ - "Ġembed", - "ded" - ], - [ - "ed", - "om" - ], - [ - "crib", - "ed" - ], - [ - "ĠDise", - "ase" - ], - [ - "Ġmedi", - "ated" - ], - [ - "Ġcirc", - "ular" - ], - [ - "ĠTop", - "ological" - ], - [ - "Ġear", - "th" - ], - [ - "ri", - "tis" - ], - [ - "g", - "al" - ], - [ - "m", - "ass" - ], - [ - "Ġcomprehens", - "ive" - ], - [ - "ĠA", - "ir" - ], - [ - "Ġn", - "erve" - ], - [ - "Ġimpl", - "ant" - ], - [ - "Ġextrem", - "ely" - ], - [ - "ĠS", - "E" - ], - [ - "Ġmark", - "et" - ], - [ - "Ġconserv", - "ed" - ], - [ - "emb", - "rane" - ], - [ - "Ġsched", - "ul" - ], - [ - "Ġrun", - "s" - ], - [ - "P", - "h" - ], - [ - "Ġtechn", - "ical" - ], - [ - "T", - "L" - ], - [ - "Ġregion", - "al" - ], - [ - "Ġg", - "erm" - ], - [ - "ĠPro", - "t" - ], - [ - "Ġb", - "right" - ], - [ - "Ġarter", - "y" - ], - [ - "Ġmacroph", - "ages" - ], - [ - "mitte", - "e" - ], - [ - "ĠSing", - "le" - ], - [ - "Ġcom", - "e" - ], - [ - "w", - "a" - ], - [ - "ac", - "char" - ], - [ - "ple", - "t" - ], - [ - "Ġsens", - "ing" - ], - [ - "ros", - "p" - ], - [ - "at", - "om" - ], - [ - "Ġcomp", - "r" - ], - [ - "ĠL", - "u" - ], - [ - "Ġavail", - "ability" - ], - [ - "pro", - "t" - ], - [ - "Ġfit", - "ting" - ], - [ - "sel", - "ves" - ], - [ - "ĠP", - "rim" - ], - [ - "re", - "w" - ], - [ - "Ġwas", - "te" - ], - [ - "ĠK", - "ing" - ], - [ - "p", - "ot" - ], - [ - "Ġinstr", - "ument" - ], - [ - "ĠY", - "ork" - ], - [ - "A", - "F" - ], - [ - "an", - "tial" - ], - [ - "stand", - "ing" - ], - [ - "Ġpl", - "anning" - ], - [ - "ust", - "er" - ], - [ - "Ġâ", - "Ĩ" - ], - [ - "N", - "T" - ], - [ - "ic", - "ular" - ], - [ - "Ġmel", - "an" - ], - [ - "Ġexc", - "ell" - ], - [ - "ill", - "er" - ], - [ - "ĠL", - "D" - ], - [ - "inf", - "o" - ], - [ - "Ġsh", - "are" - ], - [ - "v", - "as" - ], - [ - "Ġl", - "um" - ], - [ - "Ġa", - "queous" - ], - [ - "Ġqu", - "ery" - ], - [ - "Ġm", - "ag" - ], - [ - "ult", - "ure" - ], - [ - "ĠB", - "er" - ], - [ - "Ġof", - "fer" - ], - [ - "ĠN", - "MR" - ], - [ - "ace", - "ae" - ], - [ - "Ġmod", - "ern" - ], - [ - "Ġcirc", - "um" - ], - [ - "Ġcult", - "ures" - ], - [ - "Ġd", - "og" - ], - [ - "Ġc", - "ir" - ], - [ - "Ġpol", - "i" - ], - [ - "Ġchem", - "otherapy" - ], - [ - "Ġpl", - "ates" - ], - [ - "Ġrestric", - "tion" - ], - [ - "st", - "ack" - ], - [ - "ĠF", - "low" - ], - [ - "ĠB", - "u" - ], - [ - "ĠC", - "enter" - ], - [ - "Ġpro", - "ceed" - ], - [ - "tim", - "icrobial" - ], - [ - "s", - "he" - ], - [ - "Ġthere", - "by" - ], - [ - "Ġkn", - "ock" - ], - [ - "Ġdi", - "verse" - ], - [ - "ustr", - "y" - ], - [ - "Ġst", - "ated" - ], - [ - "ĠH", - "ol" - ], - [ - "M", - "ore" - ], - [ - "Ġconserv", - "ation" - ], - [ - "Ġpre", - "vention" - ], - [ - "n", - "orm" - ], - [ - "Ġp", - "al" - ], - [ - "ĠCal", - "c" - ], - [ - "Ġcle", - "an" - ], - [ - "ĠPl", - "as" - ], - [ - "``", - "`" - ], - [ - "per", - "p" - ], - [ - "pro", - "d" - ], - [ - "Ġâī", - "¡" - ], - [ - "por", - "ter" - ], - [ - "Ġtrans", - "ient" - ], - [ - "as", - "p" - ], - [ - "Ġtarget", - "ed" - ], - [ - "ĠP", - "ri" - ], - [ - "Sup", - "plementary" - ], - [ - "ĠT", - "reatment" - ], - [ - "z", - "en" - ], - [ - "ĠM", - "art" - ], - [ - "ĠF", - "erm" - ], - [ - "us", - "cript" - ], - [ - "ĠS", - "ynthesis" - ], - [ - "Ġcomb", - "inations" - ], - [ - "UL", - "L" - ], - [ - "Ġwe", - "b" - ], - [ - "Ġth", - "rom" - ], - [ - "Ġexplicit", - "ly" - ], - [ - "an", - "ks" - ], - [ - "Ġadapt", - "ation" - ], - [ - "ĠSequ", - "ence" - ], - [ - "Ġac", - "ts" - ], - [ - "Ġrang", - "es" - ], - [ - "f", - "s" - ], - [ - "b", - "ru" - ], - [ - "Ġsystem", - "ic" - ], - [ - "Ġste", - "el" - ], - [ - "Ġpri", - "vate" - ], - [ - "Ġob", - "esity" - ], - [ - "ĠP", - "art" - ], - [ - "ment", - "ed" - ], - [ - "bre", - "ak" - ], - [ - "ER", - "T" - ], - [ - "Ġfib", - "ers" - ], - [ - "Ġis", - "o" - ], - [ - "Ġtrans", - "verse" - ], - [ - "CT", - "ION" - ], - [ - "ĠR", - "i" - ], - [ - "it", - "in" - ], - [ - "ĠRep", - "resent" - ], - [ - "oph", - "ys" - ], - [ - "Ġco", - "ast" - ], - [ - "Ġal", - "ignment" - ], - [ - "AC", - "T" - ], - [ - "es", - "ides" - ], - [ - "op", - "en" - ], - [ - "g", - "ly" - ], - [ - "Ġsal", - "t" - ], - [ - "unc", - "ed" - ], - [ - "ia", - "z" - ], - [ - "Ġcos", - "m" - ], - [ - "Ġang", - "les" - ], - [ - "ĠâĢ", - "ł" - ], - [ - "ĠIdentif", - "ication" - ], - [ - "he", - "x" - ], - [ - "ĠH", - "all" - ], - [ - "Ġhep", - "at" - ], - [ - "Ġseg", - "ments" - ], - [ - "ĠPh", - "ase" - ], - [ - "ĠL", - "and" - ], - [ - "form", - "ing" - ], - [ - "h", - "box" - ], - [ - "ic", - "ations" - ], - [ - "Ġsubsequ", - "ently" - ], - [ - "ĠC", - "ur" - ], - [ - "Ġlab", - "els" - ], - [ - "vid", - "ence" - ], - [ - "ual", - "ity" - ], - [ - "Ġhe", - "ld" - ], - [ - "em", - "ann" - ], - [ - "Ġcam", - "era" - ], - [ - "c", - "ing" - ], - [ - "ub", - "ic" - ], - [ - "ĠS", - "ARS" - ], - [ - "ul", - "atory" - ], - [ - "kele", - "tal" - ], - [ - "ĠInf", - "lu" - ], - [ - "ĠInd", - "ia" - ], - [ - "am", - "ic" - ], - [ - "Ġs", - "and" - ], - [ - "Ġcom", - "es" - ], - [ - "Ġassoci", - "ations" - ], - [ - "Ġcharg", - "ed" - ], - [ - "Ġs", - "per" - ], - [ - "opro", - "tein" - ], - [ - "ii", - "i" - ], - [ - "od", - "al" - ], - [ - "Ġbound", - "aries" - ], - [ - "ti", - "zation" - ], - [ - "ĠHe", - "avy" - ], - [ - "ĠRe", - "al" - ], - [ - "ĠA", - "F" - ], - [ - "Ġcontroll", - "er" - ], - [ - "Ġantioxid", - "ant" - ], - [ - "Ġb", - "ars" - ], - [ - "Ġw", - "et" - ], - [ - "en", - "er" - ], - [ - "ĠComplex", - "ity" - ], - [ - "Ġst", - "ack" - ], - [ - "There", - "fore" - ], - [ - "Ġre", - "plication" - ], - [ - "Ġappear", - "ance" - ], - [ - "Ġtraject", - "ory" - ], - [ - "Ġunderst", - "ood" - ], - [ - "Ġd", - "ot" - ], - [ - "Ġim", - "ag" - ], - [ - "Ġsc", - "anning" - ], - [ - "T", - "i" - ], - [ - "r", - "uct" - ], - [ - "ĠL", - "y" - ], - [ - "Ġsp", - "ontaneous" - ], - [ - "l", - "at" - ], - [ - "om", - "on" - ], - [ - "Ġro", - "ots" - ], - [ - "Ġl", - "ive" - ], - [ - "Ġfin", - "ally" - ], - [ - "¿", - "½" - ], - [ - "Ġappro", - "ved" - ], - [ - "ĠAp", - "plications" - ], - [ - "ĠP", - "an" - ], - [ - "Ġl", - "ost" - ], - [ - "Ġsatisf", - "ied" - ], - [ - "Ġg", - "amma" - ], - [ - "ion", - "al" - ], - [ - "Ġimpro", - "ving" - ], - [ - "Ġmanif", - "old" - ], - [ - "Ġc", - "odes" - ], - [ - "b", - "b" - ], - [ - "ĠN", - "ovember" - ], - [ - "Ġr", - "ich" - ], - [ - "N", - "P" - ], - [ - "ĠE", - "le" - ], - [ - "S", - "B" - ], - [ - "Ġde", - "al" - ], - [ - "Ġop", - "tions" - ], - [ - "Ġcult", - "ured" - ], - [ - "Ġv", - "ul" - ], - [ - ">", - ">" - ], - [ - "ar", - "ithm" - ], - [ - "o", - "ys" - ], - [ - "The", - "se" - ], - [ - "ĠDet", - "erm" - ], - [ - "Ġquad", - "ratic" - ], - [ - "ĠCom", - "b" - ], - [ - "iss", - "on" - ], - [ - "ĠPer", - "formance" - ], - [ - "Ġex", - "ception" - ], - [ - "Ġnucle", - "i" - ], - [ - "Ġad", - "verse" - ], - [ - "k", - "et" - ], - [ - "ĠP", - "al" - ], - [ - "ĠM", - "any" - ], - [ - "Ġdiff", - "raction" - ], - [ - "Ġtrans", - "mit" - ], - [ - "Ġphosph", - "ate" - ], - [ - "olester", - "ol" - ], - [ - "Ġquestion", - "nai" - ], - [ - "ĠSe", - "a" - ], - [ - "bru", - "ary" - ], - [ - "Ġmod", - "elling" - ], - [ - "ĠD", - "R" - ], - [ - "ol", - "in" - ], - [ - "ch", - "mark" - ], - [ - "Ġprec", - "isely" - ], - [ - "g", - "ans" - ], - [ - "v", - "in" - ], - [ - "rid", - "ge" - ], - [ - "ĠInc", - "re" - ], - [ - "Ġneur", - "onal" - ], - [ - "Ġâī", - "Ī" - ], - [ - "Ġexcell", - "ent" - ], - [ - "et", - "ary" - ], - [ - "Ġoverl", - "ap" - ], - [ - "Ġstrong", - "er" - ], - [ - "Ġfract", - "ure" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠ" - ], - [ - "Ġclin", - "ic" - ], - [ - "ĠL", - "ist" - ], - [ - "Ġhist", - "or" - ], - [ - "gen", - "eration" - ], - [ - "ric", - "hed" - ], - [ - "ill", - "us" - ], - [ - "ĠÃ", - "ħ" - ], - [ - "ĠR", - "ole" - ], - [ - "Ġlabel", - "ed" - ], - [ - "Ġorth", - "ogonal" - ], - [ - "Ġis", - "chem" - ], - [ - "Ġinst", - "ability" - ], - [ - "lo", - "op" - ], - [ - "Ġplot", - "ted" - ], - [ - "ĠProcess", - "ing" - ], - [ - "ĠT", - "a" - ], - [ - "ĠConcl", - "usion" - ], - [ - "Ġm", - "agne" - ], - [ - "Ġunivers", - "al" - ], - [ - "Ġj", - "et" - ], - [ - "Ġreg", - "im" - ], - [ - "flo", - "at" - ], - [ - "Ġc", - "od" - ], - [ - "ad", - "j" - ], - [ - "bold", - "math" - ], - [ - "Ġar", - "rang" - ], - [ - "Ġtrend", - "s" - ], - [ - "Ġprecip", - "itation" - ], - [ - "f", - "requency" - ], - [ - "Ġcont", - "rad" - ], - [ - "Ġtransfer", - "red" - ], - [ - "Ġmain", - "tenance" - ], - [ - "Î", - "Ķ" - ], - [ - "n", - "p" - ], - [ - "ist", - "ence" - ], - [ - "he", - "res" - ], - [ - "lec", - "tive" - ], - [ - "ĠSur", - "vey" - ], - [ - "Ġ", - "Ð" - ], - [ - "Ġst", - "and" - ], - [ - "Ġdisc", - "overy" - ], - [ - "ain", - "s" - ], - [ - "vers", - "ely" - ], - [ - "Ġnumer", - "ous" - ], - [ - "yl", - "ated" - ], - [ - "Ġembed", - "ding" - ], - [ - "Ġcoll", - "abor" - ], - [ - "en", - "ame" - ], - [ - "im", - "mun" - ], - [ - "Ġadjust", - "ed" - ], - [ - "i", - "res" - ], - [ - "c", - "ur" - ], - [ - "Ġvacc", - "ine" - ], - [ - "Ġtra", - "its" - ], - [ - "Ġmorph", - "ological" - ], - [ - "Ġprec", - "urs" - ], - [ - "roscop", - "e" - ], - [ - "ad", - "i" - ], - [ - "ec", - "utive" - ], - [ - "u", - "an" - ], - [ - "Ġt", - "ract" - ], - [ - "ĠP", - "res" - ], - [ - "Ġmy", - "el" - ], - [ - "Ġad", - "equ" - ], - [ - "Ġeth", - "anol" - ], - [ - "i", - "h" - ], - [ - "Ġmet", - "h" - ], - [ - "Ġcoun", - "ts" - ], - [ - "Ġqualit", - "ative" - ], - [ - "Ġmus", - "ic" - ], - [ - "Ġre", - "infor" - ], - [ - "A", - "fter" - ], - [ - "Ġac", - "quisition" - ], - [ - "Ġh", - "ttps" - ], - [ - "all", - "ing" - ], - [ - "it", - "a" - ], - [ - "ic", - "ate" - ], - [ - "sc", - "ript" - ], - [ - "Ġoptim", - "ized" - ], - [ - "ĠH", - "o" - ], - [ - "Ġm", - "ild" - ], - [ - "opl", - "as" - ], - [ - "Ġo", - "verex" - ], - [ - "ĠâĪ", - "§" - ], - [ - "Ġcol", - "lect" - ], - [ - "ĠM", - "ain" - ], - [ - "Ġextrac", - "ellular" - ], - [ - "Ġan", - "c" - ], - [ - "ra", - "wn" - ], - [ - "Ġexpl", - "ored" - ], - [ - "Ġres", - "erv" - ], - [ - "ĠAp", - "plication" - ], - [ - "c", - "ase" - ], - [ - "Ġmar", - "ine" - ], - [ - "ĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠ" - ], - [ - "il", - "ed" - ], - [ - "Ġmes", - "h" - ], - [ - "ĠMon", - "te" - ], - [ - "cl", - "os" - ], - [ - "Ġperform", - "ing" - ], - [ - "A", - "g" - ], - [ - "reg", - "ular" - ], - [ - "Ġc", - "atal" - ], - [ - "Ġpotenti", - "als" - ], - [ - "ant", - "ly" - ], - [ - "U", - "RE" - ], - [ - "Ġacc", - "omp" - ], - [ - "Ġreason", - "able" - ], - [ - "Ġpresent", - "ation" - ], - [ - "abol", - "ic" - ], - [ - "ĠOn", - "ly" - ], - [ - "ann", - "ed" - ], - [ - "Ġsubst", - "antial" - ], - [ - "Ġdiet", - "ary" - ], - [ - "Ġsubstr", - "ates" - ], - [ - "ap", - "ter" - ], - [ - "Ġint", - "estinal" - ], - [ - "Ġproduc", - "es" - ], - [ - "Pro", - "position" - ], - [ - "ro", - "gen" - ], - [ - "ĠSt", - "at" - ], - [ - "bur", - "g" - ], - [ - "ren", - "ch" - ], - [ - "text", - "bf" - ], - [ - "ystem", - "s" - ], - [ - "at", - "able" - ], - [ - "ĠV", - "ir" - ], - [ - "Ġsol", - "ved" - ], - [ - "ic", - "ense" - ], - [ - "Ġs", - "ong" - ], - [ - "Ġext", - "reme" - ], - [ - "pt", - "y" - ], - [ - "ĠC", - "ity" - ], - [ - "ve", - "red" - ], - [ - "ĠMR", - "I" - ], - [ - "Ġtw", - "ice" - ], - [ - "ĠM", - "n" - ], - [ - "Ġm", - "erg" - ], - [ - "ac", - "tivation" - ], - [ - "Ġn", - "g" - ], - [ - "Ġo", - "dd" - ], - [ - "Ġatt", - "rac" - ], - [ - "Ġatt", - "empt" - ], - [ - "Ġsepar", - "ately" - ], - [ - "Ġrob", - "ot" - ], - [ - "ĠMulti", - "ple" - ], - [ - "Ġsc", - "ientific" - ], - [ - "ĠP", - "P" - ], - [ - "Ġmin", - "eral" - ], - [ - "Ġprotoc", - "ols" - ], - [ - "Ġsuper", - "ior" - ], - [ - "oc", - "amp" - ], - [ - "box", - "yl" - ], - [ - "Ġuniform", - "ly" - ], - [ - "ĠS", - "everal" - ], - [ - "Ġm", - "ol" - ], - [ - "C", - "or" - ], - [ - "under", - "line" - ], - [ - "Ġinflu", - "enced" - ], - [ - "Ġcur", - "ren" - ], - [ - "us", - "ing" - ], - [ - "rac", - "e" - ], - [ - "ĠN", - "evertheless" - ], - [ - "Ġacc", - "om" - ], - [ - "Ġgra", - "vitational" - ], - [ - "Ġindi", - "rect" - ], - [ - "Ġcap", - "able" - ], - [ - "Ġanalys", - "ed" - ], - [ - "Ġdis", - "charge" - ], - [ - "Ġv", - "es" - ], - [ - "Ġlig", - "and" - ], - [ - "l", - "ik" - ], - [ - "Ġs", - "i" - ], - [ - "Ġag", - "ed" - ], - [ - "Ġcryst", - "als" - ], - [ - "Ġspe", - "ech" - ], - [ - "Ġcop", - "per" - ], - [ - "ĠS", - "an" - ], - [ - "ĠA", - "rm" - ], - [ - "Ġman", - "uscript" - ], - [ - "Ġsec", - "retion" - ], - [ - "w", - "edge" - ], - [ - "Â", - "·" - ], - [ - "Ġra", - "w" - ], - [ - "Ġaim", - "ed" - ], - [ - "Ġevolution", - "ary" - ], - [ - "Ġconsequ", - "ences" - ], - [ - "Ġit", - "em" - ], - [ - "Ġw", - "estern" - ], - [ - "Ġsol", - "vent" - ], - [ - "Ġstim", - "uli" - ], - [ - "Ġrequire", - "ment" - ], - [ - "h", - "ttp" - ], - [ - "ef", - "ore" - ], - [ - "ĠAt", - "l" - ], - [ - "Ġatmosp", - "heric" - ], - [ - "Ġpack", - "age" - ], - [ - "Ġmy", - "ocardi" - ], - [ - "Ġd", - "ashed" - ], - [ - "Ġver", - "ify" - ], - [ - "ativ", - "istic" - ], - [ - "Ġto", - "m" - ], - [ - "av", - "irus" - ], - [ - "ak", - "en" - ], - [ - "ĠNum", - "er" - ], - [ - "Ġadvant", - "ages" - ], - [ - "F", - "R" - ], - [ - "ĠS", - "elf" - ], - [ - "rec", - "ted" - ], - [ - "con", - "fig" - ], - [ - "Ġit", - "eration" - ], - [ - "Ġeigen", - "values" - ], - [ - "Ġprob", - "abilities" - ], - [ - "F", - "IG" - ], - [ - "ĠW", - "ater" - ], - [ - "ĠA", - "u" - ], - [ - "Ġg", - "ave" - ], - [ - "Ġv", - "ar" - ], - [ - "ric", - "ular" - ], - [ - "opath", - "y" - ], - [ - "Ġr", - "h" - ], - [ - "ord", - "ance" - ], - [ - "Ġw", - "in" - ], - [ - "ĠS", - "cale" - ], - [ - "Ġann", - "ual" - ], - [ - "atas", - "et" - ], - [ - "Ġp", - "el" - ], - [ - "ĠâĪ", - "ª" - ], - [ - "ĠC", - "C" - ], - [ - "it", - "ors" - ], - [ - "Ġl", - "ith" - ], - [ - "Ġchrom", - "osome" - ], - [ - "Ġf", - "uel" - ], - [ - "Ġmul", - "tiv" - ], - [ - "Ġmanufact", - "ure" - ], - [ - "l", - "a" - ], - [ - "ĠS", - "a" - ], - [ - "um", - "es" - ], - [ - "ig", - "m" - ], - [ - "Ġnan", - "oc" - ], - [ - "E", - "GF" - ], - [ - "Ġsign", - "ature" - ], - [ - "N", - "S" - ], - [ - "Ġme", - "et" - ], - [ - "Ġf", - "air" - ], - [ - "met", - "h" - ], - [ - "Ġlocal", - "ized" - ], - [ - "ĠCent", - "ral" - ], - [ - "de", - "g" - ], - [ - "Ġsurround", - "ing" - ], - [ - "Ġn", - "one" - ], - [ - "ĠM", - "O" - ], - [ - "ĠInterest", - "ingly" - ], - [ - "Ġmul", - "tic" - ], - [ - "ĠK", - "e" - ], - [ - "Ġinhib", - "ited" - ], - [ - "ĠC", - "are" - ], - [ - "ĠOp", - "en" - ], - [ - "Ġgl", - "ob" - ], - [ - "E", - "A" - ], - [ - "ĠF", - "ound" - ], - [ - "Ġpix", - "el" - ], - [ - "ok", - "e" - ], - [ - "R", - "D" - ], - [ - "l", - "oc" - ], - [ - "ti", - "ous" - ], - [ - "Ġdistingu", - "ish" - ], - [ - "Ġan", - "terior" - ], - [ - "ur", - "ch" - ], - [ - "Ġj", - "ud" - ], - [ - "ĠP", - "ower" - ], - [ - "Ġswit", - "ch" - ], - [ - "ĠS", - "yn" - ], - [ - "Ġinvolve", - "ment" - ], - [ - "uc", - "l" - ], - [ - "Ġlibr", - "ary" - ], - [ - "ĠCon", - "st" - ], - [ - "Ġsp", - "herical" - ], - [ - "ĠT", - "NF" - ], - [ - "Ġal", - "tered" - ], - [ - "v", - "ance" - ], - [ - "trans", - "fer" - ], - [ - "M", - "s" - ], - [ - "ĠO", - "per" - ], - [ - "in", - "ement" - ], - [ - "se", - "q" - ], - [ - "C", - "ons" - ], - [ - "ho", - "le" - ], - [ - "ĠPh", - "ot" - ], - [ - "Ġg", - "ut" - ], - [ - "acter", - "ial" - ], - [ - "ĠI", - "P" - ], - [ - "un", - "t" - ], - [ - "Ġn", - "om" - ], - [ - "h", - "as" - ], - [ - "ĠFe", - "bruary" - ], - [ - "Ġpro", - "state" - ], - [ - "ĠM", - "L" - ], - [ - "h", - "igh" - ], - [ - "ĠBack", - "ground" - ], - [ - "ul", - "ent" - ], - [ - "Ġo", - "cean" - ], - [ - "a", - "fter" - ], - [ - "ĠO", - "ff" - ], - [ - "l", - "oss" - ], - [ - "Ġfav", - "or" - ], - [ - "Ġwork", - "ers" - ], - [ - "Ġh", - "idden" - ], - [ - "Ġextrac", - "ts" - ], - [ - "raz", - "il" - ], - [ - "s", - "ign" - ], - [ - "N", - "one" - ], - [ - "Ġcolum", - "ns" - ], - [ - "Ġfrac", - "tions" - ], - [ - "Ġco", - "vered" - ], - [ - "ĠS", - "erv" - ], - [ - "Ġin", - "form" - ], - [ - "b", - "ed" - ], - [ - "Ġatt", - "em" - ], - [ - "rain", - "ing" - ], - [ - "Ġneut", - "ron" - ], - [ - "Ġr", - "ice" - ], - [ - "Ġmo", - "tif" - ], - [ - "Ġartif", - "icial" - ], - [ - "Ġinhibit", - "ory" - ], - [ - "Ġd", - "t" - ], - [ - "AG", - "E" - ], - [ - "Ġsam", - "pled" - ], - [ - "Ġb", - "atter" - ], - [ - "Ġsub", - "jected" - ], - [ - "Ġgener", - "ic" - ], - [ - "ĠN", - "H" - ], - [ - "Ġcontin", - "ue" - ], - [ - "ution", - "al" - ], - [ - "Ġa", - "ug" - ], - [ - "i", - "us" - ], - [ - "Ġexec", - "ution" - ], - [ - "ĠW", - "illi" - ], - [ - "ĠDes", - "pite" - ], - [ - "A", - "MI" - ], - [ - "Ġcont", - "ents" - ], - [ - "ĠS", - "ens" - ], - [ - "og", - "ens" - ], - [ - "C", - "ol" - ], - [ - "Ġf", - "o" - ], - [ - "Ġad", - "di" - ], - [ - "u", - "ated" - ], - [ - "Ġrecomm", - "ended" - ], - [ - "ĠS", - "W" - ], - [ - "Ġar", - "ch" - ], - [ - "ĠY", - "es" - ], - [ - "Ġh", - "ol" - ], - [ - "atur", - "ally" - ], - [ - "ti", - "tive" - ], - [ - "Ġc", - "he" - ], - [ - "Ġs", - "ector" - ], - [ - "ĠDef", - "inition" - ], - [ - "Ġcon", - "cepts" - ], - [ - "or", - "ous" - ], - [ - "sm", - "all" - ], - [ - "ers", - "on" - ], - [ - "in", - "ator" - ], - [ - "ĠM", - "T" - ], - [ - "Ġhypert", - "ension" - ], - [ - "c", - "ks" - ], - [ - "Ġn", - "ative" - ], - [ - "Ġt", - "ax" - ], - [ - "r", - "yl" - ], - [ - "Ġre", - "active" - ], - [ - "r", - "b" - ], - [ - "duc", - "ible" - ], - [ - "om", - "m" - ], - [ - "Ġdiagnos", - "ed" - ], - [ - "Ġdri", - "ving" - ], - [ - "Ġbiom", - "ass" - ], - [ - "u", - "ate" - ], - [ - "Ġp", - "il" - ], - [ - "c", - "alled" - ], - [ - "Ġser", - "ve" - ], - [ - "Ġinter", - "fer" - ], - [ - "ipp", - "ocamp" - ], - [ - "Ġalgebra", - "ic" - ], - [ - "Ġbe", - "gan" - ], - [ - "Ġpict", - "ure" - ], - [ - "ind", - "ependent" - ], - [ - "Ġutil", - "ized" - ], - [ - "go", - "ing" - ], - [ - "or", - "a" - ], - [ - "n", - "m" - ], - [ - "Ġdown", - "stream" - ], - [ - "Ġorb", - "ital" - ], - [ - "oun", - "tain" - ], - [ - "ĠH", - "is" - ], - [ - "Ġres", - "ol" - ], - [ - "Ġcorrec", - "tions" - ], - [ - "on", - "ym" - ], - [ - "sc", - "ripts" - ], - [ - "Ġsil", - "icon" - ], - [ - "Ġc", - "um" - ], - [ - "ĠT", - "ri" - ], - [ - "Ġpepti", - "des" - ], - [ - "Ġrece", - "iving" - ], - [ - "Ġstation", - "ary" - ], - [ - "Ġμ", - "L" - ], - [ - "cler", - "osis" - ], - [ - "Ġmod", - "ules" - ], - [ - "em", - "a" - ], - [ - "ĠAfric", - "an" - ], - [ - "struc", - "tion" - ], - [ - "Ġf", - "arm" - ], - [ - "Ġlear", - "n" - ], - [ - "n", - "ode" - ], - [ - "Â", - "®" - ], - [ - "Ġsuper", - "conduc" - ], - [ - "ĠL", - "inear" - ], - [ - "Ġtechn", - "ologies" - ], - [ - "Ġnecess", - "arily" - ], - [ - "Ġcoron", - "ary" - ], - [ - "ĠE", - "ast" - ], - [ - "Ġf", - "rames" - ], - [ - "Ġseg", - "mentation" - ], - [ - "V", - "s" - ], - [ - "Ġbehavior", - "al" - ], - [ - "Î", - "ĵ" - ], - [ - "Ġlog", - "ic" - ], - [ - "Ġaccomp", - "an" - ], - [ - "tif", - "ied" - ], - [ - "han", - "ol" - ], - [ - "ĠIn", - "hib" - ], - [ - "il", - "ation" - ], - [ - "and", - "er" - ], - [ - "Ġeff", - "ort" - ], - [ - "ĠD", - "en" - ], - [ - "D", - "I" - ], - [ - "op", - "tim" - ], - [ - "term", - "inal" - ], - [ - "Ġmob", - "ility" - ], - [ - "Ġconsider", - "ation" - ], - [ - "O", - "VA" - ], - [ - "Ġpar", - "ad" - ], - [ - "ox", - "o" - ], - [ - "Ġdef", - "iciency" - ], - [ - "ult", - "ural" - ], - [ - "Ġvalid", - "ity" - ], - [ - "Ġord", - "ers" - ], - [ - "Ġloc", - "us" - ], - [ - "Ġar", - "th" - ], - [ - "em", - "at" - ], - [ - "Ġfeed", - "ing" - ], - [ - "Ġprogram", - "ming" - ], - [ - "Ġtem", - "plate" - ], - [ - "el", - "ian" - ], - [ - "Ġop", - "tion" - ], - [ - "ĠF", - "ollowing" - ], - [ - "Ġen", - "able" - ], - [ - "Ġass", - "ign" - ], - [ - "Ġform", - "ul" - ], - [ - "p", - "u" - ], - [ - "Ġatmosp", - "here" - ], - [ - "sl", - "ant" - ], - [ - "ĠR", - "uss" - ], - [ - "ĠE", - "vidence" - ], - [ - "Ġsimilar", - "ly" - ], - [ - "Ġc", - "amp" - ], - [ - "Ġw", - "ound" - ], - [ - "ĠCharacter", - "ization" - ], - [ - "ĠP", - "BS" - ], - [ - "e", - "es" - ], - [ - "ĠDi", - "rect" - ], - [ - "ĠS", - "L" - ], - [ - "Ġfr", - "uit" - ], - [ - "Ġg", - "ate" - ], - [ - "it", - "o" - ], - [ - "C", - "hem" - ], - [ - "Ġcoll", - "ision" - ], - [ - "or", - "tic" - ], - [ - "Ġpolym", - "orphism" - ], - [ - "enz", - "a" - ], - [ - "w", - "hat" - ], - [ - "Ġexperiment", - "ally" - ], - [ - "Ġult", - "ra" - ], - [ - "e", - "z" - ], - [ - "Ġn", - "erv" - ], - [ - "Ġess", - "entially" - ], - [ - "ĠAustr", - "alia" - ], - [ - "ĠSt", - "andard" - ], - [ - "Ġmedic", - "ine" - ], - [ - "ad", - "ian" - ], - [ - "ĠHig", - "gs" - ], - [ - "u", - "ge" - ], - [ - "Ġsup", - "ports" - ], - [ - "um", - "a" - ], - [ - "Ġcom", - "plicated" - ], - [ - "d", - "ate" - ], - [ - "ophag", - "y" - ], - [ - "ĠMark", - "ov" - ], - [ - "Ġoccur", - "ring" - ], - [ - "opl", - "us" - ], - [ - "P", - "ub" - ], - [ - "pro", - "b" - ], - [ - "ur", - "able" - ], - [ - "Ġk", - "ept" - ], - [ - "Ġisol", - "ation" - ], - [ - "Ġev", - "ol" - ], - [ - "ili", - "ary" - ], - [ - "Ġreg", - "ist" - ], - [ - "Ġh", - "oles" - ], - [ - "Ġcl", - "ar" - ], - [ - "ip", - "ar" - ], - [ - "Ġen", - "rich" - ], - [ - "Ġro", - "ute" - ], - [ - "ay", - "ers" - ], - [ - "edi", - "atric" - ], - [ - "Ġpolynomial", - "s" - ], - [ - "Ġtri", - "vial" - ], - [ - "ĠS", - "am" - ], - [ - "vari", - "ant" - ], - [ - "Ġfre", - "edom" - ], - [ - "pos", - "s" - ], - [ - "Ġinf", - "erence" - ], - [ - "ol", - "a" - ], - [ - "Ġinterp", - "reted" - ], - [ - "C", - "a" - ], - [ - "em", - "ory" - ], - [ - "Ġcent", - "ury" - ], - [ - "ĠR", - "em" - ], - [ - "ĠW", - "u" - ], - [ - "Ġsupp", - "ression" - ], - [ - "Ġgener", - "ator" - ], - [ - "ĠH", - "om" - ], - [ - "Ġvis", - "cos" - ], - [ - "Ġpseud", - "o" - ], - [ - "ĠCh", - "ild" - ], - [ - "ĠS", - "A" - ], - [ - "ib", - "er" - ], - [ - "Ġequival", - "ence" - ], - [ - "if", - "ies" - ], - [ - "ĠCons", - "ider" - ], - [ - "ol", - "ine" - ], - [ - "âī", - "¤" - ], - [ - "Ġde", - "ple" - ], - [ - "Ġaver", - "aged" - ], - [ - "Ġs", - "outhern" - ], - [ - "Ġord", - "ered" - ], - [ - "ĠB", - "rown" - ], - [ - "Ġmethyl", - "ation" - ], - [ - "ĠAd", - "ap" - ], - [ - "Ġm", - "aternal" - ], - [ - "ond", - "ed" - ], - [ - "ĠBe", - "havi" - ], - [ - "Ġidentif", - "iers" - ], - [ - "Ġprocess", - "ed" - ], - [ - "G", - "G" - ], - [ - "V", - "I" - ], - [ - "Ġch", - "a" - ], - [ - "un", - "k" - ], - [ - "ĠF", - "unctional" - ], - [ - "Ġhydro", - "ph" - ], - [ - "Ġfin", - "ancial" - ], - [ - "ec", - "ond" - ], - [ - "ĠÎ", - "¨" - ], - [ - "Ġemph", - "as" - ], - [ - "Ġdef", - "ect" - ], - [ - "m", - "ar" - ], - [ - "Ġnor", - "thern" - ], - [ - "c", - "ore" - ], - [ - "Ġadhes", - "ion" - ], - [ - "Ġte", - "le" - ], - [ - "Ġw", - "arm" - ], - [ - "rif", - "ug" - ], - [ - "rang", - "ian" - ], - [ - "res", - "olution" - ], - [ - "Ġhe", - "x" - ], - [ - "h", - "bar" - ], - [ - "Ġhar", - "monic" - ], - [ - "Ġcont", - "rac" - ], - [ - "Ġread", - "ing" - ], - [ - "Ġeff", - "orts" - ], - [ - "ĠO", - "l" - ], - [ - "Ġan", - "xiety" - ], - [ - "b", - "ul" - ], - [ - "T", - "C" - ], - [ - "ip", - "id" - ], - [ - "R", - "emark" - ], - [ - "Ġform", - "ing" - ], - [ - "il", - "bert" - ], - [ - "am", - "ond" - ], - [ - "Ġanaly", - "tic" - ], - [ - "ore", - "c" - ], - [ - "ch", - "a" - ], - [ - "ĠCon", - "sequently" - ], - [ - "ĠS", - "u" - ], - [ - "for", - "all" - ], - [ - "ĠÃ", - "ŀ" - ], - [ - "Ġasp", - "ect" - ], - [ - "Ġins", - "ights" - ], - [ - "ati", - "vity" - ], - [ - "io", - "tics" - ], - [ - "he", - "imer" - ], - [ - "ĠL", - "abor" - ], - [ - "Ġa", - "ware" - ], - [ - "ĠBri", - "tish" - ], - [ - "c", - "hemical" - ], - [ - "Ġâ", - "ĭ" - ], - [ - "cl", - "usion" - ], - [ - "ĠM", - "ich" - ], - [ - "Ġgra", - "de" - ], - [ - "ĠS", - "EM" - ], - [ - "ĠC", - "irc" - ], - [ - "hes", - "es" - ], - [ - "W", - "L" - ], - [ - "Ġen", - "abl" - ], - [ - "Ġd", - "end" - ], - [ - "Ġind", - "ustry" - ], - [ - "Ġimpro", - "ves" - ], - [ - "t", - "et" - ], - [ - "Ġt", - "el" - ], - [ - "Ġwas", - "hed" - ], - [ - "Ġshor", - "ter" - ], - [ - "Ġinc", - "ident" - ], - [ - "ĠAc", - "tivity" - ], - [ - "Ġdos", - "es" - ], - [ - "ĠB", - "razil" - ], - [ - "Ġtransform", - "ations" - ], - [ - "Ġform", - "at" - ], - [ - "ĠPro", - "of" - ], - [ - "Ġl", - "en" - ], - [ - "ul", - "ative" - ], - [ - "Ġcycl", - "ic" - ], - [ - "Ġrec", - "ruit" - ], - [ - "pt", - "r" - ], - [ - "T", - "H" - ], - [ - "Ġrece", - "ive" - ], - [ - "ĠNe", - "xt" - ], - [ - "ĠEx", - "p" - ], - [ - "i", - "ant" - ], - [ - "in", - "stein" - ], - [ - "S", - "et" - ], - [ - "re", - "ne" - ], - [ - "Ġge", - "omet" - ], - [ - "Ġconsider", - "able" - ], - [ - "S", - "o" - ], - [ - "ugh", - "t" - ], - [ - "Ġpaper", - "s" - ], - [ - "ĠC", - "S" - ], - [ - "z", - "a" - ], - [ - "Ġis", - "omorphism" - ], - [ - "ho", - "u" - ], - [ - "Ġmut", - "ants" - ], - [ - "Ġpor", - "tion" - ], - [ - "ĠÃ", - "¾" - ], - [ - "Ġcontinu", - "um" - ], - [ - "C", - "u" - ], - [ - "ĠComput", - "ed" - ], - [ - "Ġcomb", - "ining" - ], - [ - "ov", - "a" - ], - [ - "ĠN", - "P" - ], - [ - "Ġc", - "rack" - ], - [ - "Ġsome", - "times" - ], - [ - "Ġcontinu", - "ed" - ], - [ - "Def", - "inition" - ], - [ - "arc", - "in" - ], - [ - "ĠC", - "d" - ], - [ - "ĠMed", - "ical" - ], - [ - "i", - "ences" - ], - [ - "ĠC", - "ross" - ], - [ - "Ġtranscription", - "al" - ], - [ - "ĠZ", - "e" - ], - [ - "st", - "d" - ], - [ - "if", - "orn" - ], - [ - "Ġfail", - "ed" - ], - [ - "Ġidentif", - "ying" - ], - [ - "Ġm", - "ir" - ], - [ - "Ġmetast", - "asis" - ], - [ - "O", - "F" - ], - [ - "n", - "n" - ], - [ - "ĠC", - "ID" - ], - [ - "Ġoscill", - "ations" - ], - [ - "anc", - "ies" - ], - [ - "wr", - "ite" - ], - [ - "Ġband", - "width" - ], - [ - "Ġtra", - "de" - ], - [ - "Ġag", - "ing" - ], - [ - "ĠModel", - "ing" - ], - [ - "Ġass", - "ert" - ], - [ - "Ġcurren", - "ts" - ], - [ - "Ġf", - "ire" - ], - [ - "ub", - "iqu" - ], - [ - "Ġalb", - "um" - ], - [ - "Ġfrequ", - "ent" - ], - [ - "N", - "ame" - ], - [ - "Ġpur", - "ch" - ], - [ - "Ġpl", - "ayer" - ], - [ - "ĠE", - "sc" - ], - [ - "Ġno", - "tion" - ], - [ - "Ġintern", - "ational" - ], - [ - "ul", - "um" - ], - [ - "o", - "ic" - ], - [ - "Ġincub", - "ation" - ], - [ - "Ġphenomen", - "a" - ], - [ - "Ġser", - "ver" - ], - [ - "ut", - "er" - ], - [ - "Ġv", - "en" - ], - [ - "qu", - "in" - ], - [ - "Ġhyp", - "ox" - ], - [ - "ĠR", - "F" - ], - [ - "it", - "on" - ], - [ - "Er", - "ror" - ], - [ - "Ġhe", - "mat" - ], - [ - "Ġthem", - "selves" - ], - [ - "Ġper", - "p" - ], - [ - "id", - "ual" - ], - [ - "Ġpur", - "poses" - ], - [ - "m", - "es" - ], - [ - "w", - "ing" - ], - [ - "ro", - "v" - ], - [ - "Ġem", - "iss" - ], - [ - "Ġexperi", - "enced" - ], - [ - "qu", - "es" - ], - [ - "ĠL", - "C" - ], - [ - "ĠRec", - "ent" - ], - [ - "bo", - "ok" - ], - [ - "Ġalk", - "al" - ], - [ - "id", - "x" - ], - [ - "hy", - "th" - ], - [ - "Ġconc", - "rete" - ], - [ - "Ġswit", - "ching" - ], - [ - "Ġexplan", - "ation" - ], - [ - "ird", - "s" - ], - [ - "Ġsign", - "s" - ], - [ - "Ġob", - "j" - ], - [ - "Ġcytok", - "ines" - ], - [ - "ub", - "ble" - ], - [ - "ad", - "der" - ], - [ - "Ġuncertain", - "ties" - ], - [ - "Ġprom", - "otes" - ], - [ - "Ġcom", - "pl" - ], - [ - "Ġsc", - "an" - ], - [ - "Ġpr", - "ime" - ], - [ - "P", - "H" - ], - [ - "Ġheter", - "ogeneous" - ], - [ - "ĠY", - "ou" - ], - [ - "Al", - "though" - ], - [ - "Ġser", - "ious" - ], - [ - "Ġdri", - "ve" - ], - [ - "Ġheter", - "ogeneity" - ], - [ - "ryst", - "all" - ], - [ - "Ġo", - "d" - ], - [ - "Ġcon", - "volution" - ], - [ - "ĠâĬ", - "Ĩ" - ], - [ - "ĠSp", - "ace" - ], - [ - "Ġgast", - "ric" - ], - [ - "ĠSt", - "re" - ], - [ - "ĠP", - "V" - ], - [ - "b", - "ase" - ], - [ - "M", - "et" - ], - [ - "Ġloss", - "es" - ], - [ - "Ġcyt", - "otox" - ], - [ - "Ġcontroll", - "ing" - ], - [ - "le", - "ase" - ], - [ - "Ġreg", - "ulated" - ], - [ - "ĠEng", - "ine" - ], - [ - "ĠH", - "ospital" - ], - [ - "B", - "r" - ], - [ - "on", - "om" - ], - [ - "hy", - "de" - ], - [ - "st", - "age" - ], - [ - "Ġgiv", - "ing" - ], - [ - "ĠP", - "en" - ], - [ - "ĠSoci", - "ety" - ], - [ - "dri", - "ven" - ], - [ - "i", - "ang" - ], - [ - "Ġmod", - "ifications" - ], - [ - "B", - "V" - ], - [ - "Ġaccel", - "eration" - ], - [ - "Ġm", - "ilk" - ], - [ - "on", - "omic" - ], - [ - "Ġth", - "ink" - ], - [ - "ogl", - "ob" - ], - [ - "Ġfeas", - "ible" - ], - [ - "n", - "am" - ], - [ - "Ġref", - "lection" - ], - [ - "ĠPol", - "y" - ], - [ - "Ġsummar", - "ized" - ], - [ - "F", - "L" - ], - [ - "Ġrec", - "t" - ], - [ - "Ġpredom", - "inant" - ], - [ - "Ġbl", - "ot" - ], - [ - "de", - "hyde" - ], - [ - "Ġtransform", - "ed" - ], - [ - "Ġfacilit", - "ate" - ], - [ - "ĠCar", - "lo" - ], - [ - "Ġgreat", - "ly" - ], - [ - "ĠS", - "ocial" - ], - [ - "Ġparen", - "ts" - ], - [ - "big", - "g" - ], - [ - "ros", - "pective" - ], - [ - "Ġprogn", - "osis" - ], - [ - "Ġcharacter", - "ize" - ], - [ - "Ġconn", - "ectivity" - ], - [ - "Ġtraject", - "ories" - ], - [ - "ĠS", - "H" - ], - [ - "Ġl", - "ies" - ], - [ - "Ġcandid", - "ates" - ], - [ - "rom", - "y" - ], - [ - "Ġs", - "or" - ], - [ - "ĠIn", - "s" - ], - [ - "Ġth", - "or" - ], - [ - "Ġmet", - "als" - ], - [ - "ĠS", - "V" - ], - [ - "Ġtim", - "ing" - ], - [ - "Ġutil", - "ity" - ], - [ - "Ġnew", - "ly" - ], - [ - "ĠI", - "FN" - ], - [ - "Ġaffect", - "ing" - ], - [ - "ce", - "ment" - ], - [ - "ĠM", - "el" - ], - [ - "ĠÌ", - "ģ" - ], - [ - "typ", - "es" - ], - [ - "lys", - "is" - ], - [ - "erc", - "ul" - ], - [ - "Ġdist", - "or" - ], - [ - "act", - "ors" - ], - [ - "ps", - "y" - ], - [ - "Ġbo", - "ok" - ], - [ - "ĠE", - "ven" - ], - [ - "tem", - "perature" - ], - [ - "Ġinvas", - "ion" - ], - [ - "Ġrecogn", - "ized" - ], - [ - "fact", - "or" - ], - [ - "N", - "e" - ], - [ - "Ġinter", - "section" - ], - [ - "Ġcor", - "tical" - ], - [ - "n", - "g" - ], - [ - "Ġde", - "ploy" - ], - [ - "Ġamplit", - "udes" - ], - [ - "Ġd", - "a" - ], - [ - "ĠG", - "C" - ], - [ - "Ġchalleng", - "ing" - ], - [ - "Ġpre", - "lim" - ], - [ - "G", - "M" - ], - [ - "A", - "cc" - ], - [ - "Ġfour", - "th" - ], - [ - "al", - "c" - ], - [ - "ĠP", - "S" - ], - [ - "ĠGene", - "tic" - ], - [ - "l", - "ock" - ], - [ - "err", - "or" - ], - [ - "sk", - "ip" - ], - [ - "s", - "ime" - ], - [ - "Ġan", - "a" - ], - [ - "sime", - "q" - ], - [ - "Ġcereb", - "ral" - ], - [ - "ĠE", - "X" - ], - [ - "av", - "ed" - ], - [ - "roph", - "y" - ], - [ - "id", - "opsis" - ], - [ - "Ġbeh", - "ind" - ], - [ - "Ġen", - "ables" - ], - [ - "Ġind", - "ustrial" - ], - [ - "ĠP", - "ac" - ], - [ - "Ġdefin", - "itions" - ], - [ - "Ġcataly", - "tic" - ], - [ - "Ġdiss", - "ip" - ], - [ - "erv", - "ical" - ], - [ - "Ġcom", - "mut" - ], - [ - "Ġrepe", - "at" - ], - [ - "Ġch", - "iral" - ], - [ - "Ġp", - "ron" - ], - [ - "p", - "ol" - ], - [ - "Ġgo", - "ing" - ], - [ - "Ġmic", - "roscope" - ], - [ - "Ġhealth", - "care" - ], - [ - "ĠClass", - "ification" - ], - [ - "tit", - "ude" - ], - [ - "ĠFerm", - "i" - ], - [ - "Ġh", - "ttp" - ], - [ - "are", - "st" - ], - [ - "Ġsupport", - "ing" - ], - [ - "Ġw", - "ood" - ], - [ - "n", - "ight" - ], - [ - "Ġkine", - "tics" - ], - [ - "Ġsubset", - "s" - ], - [ - "Ġsub", - "unit" - ], - [ - "ĠCan", - "ada" - ], - [ - "at", - "on" - ], - [ - "Ġaccur", - "ately" - ], - [ - "Ġres", - "istant" - ], - [ - "ĠïĢ", - "½" - ], - [ - "ric", - "tion" - ], - [ - "Ġcham", - "ber" - ], - [ - "ig", - "ue" - ], - [ - "ĠPh", - "il" - ], - [ - "Ġrec", - "over" - ], - [ - "c", - "s" - ], - [ - "Ġsp", - "here" - ], - [ - "ĠSpec", - "ifically" - ], - [ - "Ġan", - "ne" - ], - [ - "Ġiniti", - "ation" - ], - [ - "ĠT", - "H" - ], - [ - "Ġb", - "ud" - ], - [ - "ord", - "ered" - ], - [ - "Ġdi", - "electric" - ], - [ - "ĠCol", - "lege" - ], - [ - "Ġproduc", - "ing" - ], - [ - "Ġanten", - "na" - ], - [ - "B", - "s" - ], - [ - "ĠF", - "rench" - ], - [ - "O", - "X" - ], - [ - "ĠAmeric", - "a" - ], - [ - "ĠâĢ", - "Ķ" - ], - [ - "oun", - "ting" - ], - [ - "ful", - "ly" - ], - [ - "Ġserv", - "ed" - ], - [ - "Ġresid", - "ue" - ], - [ - "Ġarg", - "uments" - ], - [ - "Ġp", - "and" - ], - [ - "Ġcomp", - "any" - ], - [ - "Ġcondition", - "al" - ], - [ - "m", - "ia" - ], - [ - "ĠQ", - "CD" - ], - [ - "Ġviscos", - "ity" - ], - [ - "Ġprosp", - "ective" - ], - [ - "as", - "onal" - ], - [ - "Ġdom", - "inated" - ], - [ - "Ġpen", - "et" - ], - [ - "op", - "o" - ], - [ - "Ġn", - "ine" - ], - [ - "ĠI", - "ll" - ], - [ - "ĠVis", - "ual" - ], - [ - "Ġfil", - "es" - ], - [ - "Ġy", - "east" - ], - [ - "Ġthan", - "k" - ], - [ - "G", - "N" - ], - [ - "re", - "al" - ], - [ - "Ġver", - "ified" - ], - [ - "ĠInd", - "ian" - ], - [ - "Ġsti", - "ff" - ], - [ - "rolog", - "ical" - ], - [ - "Ġd", - "ram" - ], - [ - "Ġt", - "ight" - ], - [ - "ĠGerm", - "an" - ], - [ - "ĠTechn", - "ology" - ], - [ - "ĠAppro", - "ach" - ], - [ - "rom", - "atic" - ], - [ - "Ġac", - "oustic" - ], - [ - "ti", - "an" - ], - [ - "os", - "in" - ], - [ - "ĠDep", - "artment" - ], - [ - "ot", - "ropy" - ], - [ - "Ġem", - "pty" - ], - [ - "tri", - "vial" - ], - [ - "of", - "il" - ], - [ - "Ġal", - "gebras" - ], - [ - "tex", - "ts" - ], - [ - "Ġwe", - "bs" - ], - [ - "Ġp", - "ore" - ], - [ - "Ġpack", - "et" - ], - [ - "T", - "ime" - ], - [ - "im", - "g" - ], - [ - "on", - "y" - ], - [ - "ri", - "tic" - ], - [ - "Ġveloc", - "ities" - ], - [ - "ĠD", - "ynamics" - ], - [ - "Ġcanc", - "ers" - ], - [ - "Ġtr", - "unc" - ], - [ - "ĠForm", - "ation" - ], - [ - "ĠDon", - "or" - ], - [ - "ĠM", - "it" - ], - [ - "I", - "ST" - ], - [ - "Ġconcl", - "uded" - ], - [ - "Ġan", - "tag" - ], - [ - "ĠSo", - "ft" - ], - [ - "app", - "end" - ], - [ - "Ġfrag", - "ments" - ], - [ - "ĠPro", - "f" - ], - [ - "Ġflu", - "or" - ], - [ - "ĠJ", - "ac" - ], - [ - "ĠS", - "n" - ], - [ - "Ġle", - "pt" - ], - [ - "Ġsplit", - "ting" - ], - [ - "Ġsex", - "ual" - ], - [ - "ĠF", - "ore" - ], - [ - "ĠGen", - "er" - ], - [ - "Ġneighbor", - "hood" - ], - [ - "Ġben", - "chmark" - ], - [ - "ĠR", - "A" - ], - [ - "Ġdiv", - "ision" - ], - [ - "iforn", - "ia" - ], - [ - "Tr", - "ue" - ], - [ - "Ġf", - "uzzy" - ], - [ - "Ġt", - "ro" - ], - [ - "c", - "ents" - ], - [ - "Ġconstit", - "u" - ], - [ - "ati", - "al" - ], - [ - "as", - "tern" - ], - [ - "ĠT", - "im" - ], - [ - "Ġper", - "ception" - ], - [ - "Ġsubst", - "anti" - ], - [ - "Ġmac", - "ro" - ], - [ - "Ġout", - "l" - ], - [ - "ĠObs", - "erv" - ], - [ - "pr", - "ising" - ], - [ - "ok", - "ed" - ], - [ - "orec", - "tal" - ], - [ - "ĠCh", - "o" - ], - [ - "ĠDiff", - "erent" - ], - [ - "Ġinvestig", - "ations" - ], - [ - "Ġconsist", - "ency" - ], - [ - "i", - "ents" - ], - [ - "ĠF", - "OR" - ], - [ - "AS", - "S" - ], - [ - "ĠV", - "an" - ], - [ - "Ġsit", - "uations" - ], - [ - "ĠB", - "R" - ], - [ - "Ġinf", - "rared" - ], - [ - "ym", - "al" - ], - [ - "Ġpix", - "els" - ], - [ - "Ġcar", - "rier" - ], - [ - "s", - "en" - ], - [ - "IN", - "T" - ], - [ - "Ġeffici", - "ently" - ], - [ - "D", - "T" - ], - [ - "ĠEx", - "pl" - ], - [ - "ion", - "ic" - ], - [ - "Ġn", - "aturally" - ], - [ - "Ġpro", - "pos" - ], - [ - "Ġgu", - "ide" - ], - [ - "Ġconcl", - "usions" - ], - [ - "o", - "on" - ], - [ - "Ġg", - "rant" - ], - [ - "Ġinst", - "ances" - ], - [ - "Ġreview", - "ed" - ], - [ - "Ġelect", - "romagnetic" - ], - [ - "Ġth", - "reat" - ], - [ - "ed", - "ia" - ], - [ - "ĠOptim", - "ization" - ], - [ - "ĠB", - "io" - ], - [ - "Ġtrig", - "ger" - ], - [ - "ici", - "ent" - ], - [ - "otyp", - "ic" - ], - [ - "Ġst", - "ret" - ], - [ - "Ġan", - "tic" - ], - [ - "Ġtox", - "ic" - ], - [ - "Ġsp", - "inal" - ], - [ - "UP", - "AC" - ], - [ - "Ġover", - "view" - ], - [ - "o", - "tion" - ], - [ - "Ġstraight", - "forward" - ], - [ - "Ġpos", - "itively" - ], - [ - "as", - "te" - ], - [ - "Ġref", - "erences" - ], - [ - "ul", - "ose" - ], - [ - "ĠG", - "re" - ], - [ - "Ġantag", - "on" - ], - [ - "Ġshif", - "ts" - ], - [ - "Ġd", - "rawn" - ], - [ - "ĠWh", - "ite" - ], - [ - "Ġfrac", - "tional" - ], - [ - "Ġbund", - "le" - ], - [ - "Ġexhib", - "its" - ], - [ - "Ġreserv", - "oir" - ], - [ - "ĠA", - "lex" - ], - [ - "Ġaggreg", - "ation" - ], - [ - "Ġcirc", - "le" - ], - [ - "Ġprac", - "tices" - ], - [ - "ĠC", - "oval" - ], - [ - "ĠDist", - "ribution" - ], - [ - "Ġt", - "ang" - ], - [ - "ĠM", - "ut" - ], - [ - "Ġreg", - "ulate" - ], - [ - "osp", - "here" - ], - [ - "i", - "ro" - ], - [ - "AMI", - "NO" - ], - [ - "v", - "est" - ], - [ - "Ġphot", - "os" - ], - [ - "Ġev", - "ident" - ], - [ - "Ġbus", - "iness" - ], - [ - "cont", - "rol" - ], - [ - "Ġw", - "orth" - ], - [ - "ĠPo", - "isson" - ], - [ - "ĠArab", - "idopsis" - ], - [ - "ĠT", - "arget" - ], - [ - "Ġregul", - "ates" - ], - [ - "ĠI", - "r" - ], - [ - "ĠAd", - "v" - ], - [ - "Ġens", - "emble" - ], - [ - "pr", - "ing" - ], - [ - "Ġp", - "rice" - ], - [ - "ĠF", - "L" - ], - [ - "ĠImp", - "act" - ], - [ - "Ġevent", - "ually" - ], - [ - "in", - "ating" - ], - [ - "Ġcent", - "rifug" - ], - [ - "f", - "rame" - ], - [ - "Ġdiagram", - "s" - ], - [ - "Ġt", - "ag" - ], - [ - "Ġt", - "ry" - ], - [ - "sur", - "face" - ], - [ - "ĠIdentif", - "iers" - ], - [ - "ra", - "ined" - ], - [ - "Ġs", - "ides" - ], - [ - "Ġin", - "n" - ], - [ - "Ġflex", - "ible" - ], - [ - "Ġsat", - "ellite" - ], - [ - "Ġaff", - "inity" - ], - [ - "Ġsum", - "mer" - ], - [ - "G", - "P" - ], - [ - "am", - "b" - ], - [ - "Ġa", - "qu" - ], - [ - "Str", - "ing" - ], - [ - "t", - "reatment" - ], - [ - "ĠD", - "ynamic" - ], - [ - "math", - "op" - ], - [ - "Ġno", - "tice" - ], - [ - "n", - "es" - ], - [ - "row", - "ave" - ], - [ - "ves", - "tig" - ], - [ - "Ġoutput", - "s" - ], - [ - "Ġco", - "herent" - ], - [ - "Ġillustr", - "ate" - ], - [ - "Ġvalid", - "ated" - ], - [ - "ĠSc", - "hem" - ], - [ - "Ġask", - "ed" - ], - [ - "b", - "atch" - ], - [ - "Ġpur", - "ified" - ], - [ - "Ġminim", - "ize" - ], - [ - "ĠD", - "E" - ], - [ - "U", - "M" - ], - [ - "c", - "heck" - ], - [ - "vari", - "an" - ], - [ - "ĠG", - "old" - ], - [ - "yl", - "ene" - ], - [ - "I", - "O" - ], - [ - "Ġch", - "olesterol" - ], - [ - "Pub", - "Chem" - ], - [ - "ĠK", - "ore" - ], - [ - "ĠCount", - "y" - ], - [ - "Ġi", - "i" - ], - [ - "ĠM", - "AP" - ], - [ - "ect", - "omy" - ], - [ - "Ġsem", - "antic" - ], - [ - "Ġcoll", - "agen" - ], - [ - "Ġper", - "ceived" - ], - [ - "ich", - "ia" - ], - [ - "Ġadminist", - "ered" - ], - [ - "con", - "taining" - ], - [ - "ran", - "k" - ], - [ - "In", - "ChI" - ], - [ - "Ġirradi", - "ation" - ], - [ - "Ġlog", - "arithm" - ], - [ - "Ġg", - "ames" - ], - [ - "Ġinj", - "ected" - ], - [ - "ĠM", - "Hz" - ], - [ - "Ġd", - "ors" - ], - [ - "Ġevalu", - "ating" - ], - [ - "ĠHy", - "per" - ], - [ - "Ġchromat", - "ography" - ], - [ - "p", - "hen" - ], - [ - "ĠK", - "ar" - ], - [ - "Ġan", - "timicrobial" - ], - [ - "ri", - "end" - ], - [ - "Ġdescrib", - "ing" - ], - [ - "Ġw", - "t" - ], - [ - "Ġhorm", - "one" - ], - [ - "A", - "K" - ], - [ - "ĠI", - "UPAC" - ], - [ - "G", - "a" - ], - [ - "Ġvit", - "amin" - ], - [ - "Ġconn", - "ections" - ], - [ - "u", - "ous" - ], - [ - "ĠL", - "ine" - ], - [ - "Ġbenef", - "icial" - ], - [ - "c", - "ases" - ], - [ - "ic", - "ated" - ], - [ - "is", - "ks" - ], - [ - "p", - "arent" - ], - [ - "I", - "d" - ], - [ - "er", - "ies" - ], - [ - "r", - "un" - ], - [ - "Ġm", - "ind" - ], - [ - "it", - "t" - ], - [ - "s", - "ulf" - ], - [ - "z", - "heimer" - ], - [ - "Ġinter", - "f" - ], - [ - "V", - "ert" - ], - [ - "Ġan", - "th" - ], - [ - "olog", - "ous" - ], - [ - "ĠL", - "ife" - ], - [ - "Ġm", - "ur" - ], - [ - "Ġper", - "mut" - ], - [ - "ot", - "ing" - ], - [ - "Ġneut", - "rino" - ], - [ - "Ġb", - "orn" - ], - [ - "p", - "matrix" - ], - [ - "ĠCal", - "ifornia" - ], - [ - "ag", - "ent" - ], - [ - "Ġcoll", - "isions" - ], - [ - "ĠN", - "S" - ], - [ - "Ġh", - "ippocamp" - ], - [ - "Ġpow", - "der" - ], - [ - "Ġv", - "aries" - ], - [ - "Ġepid", - "em" - ], - [ - "ĠWe", - "b" - ], - [ - "ul", - "er" - ], - [ - "Ġinterest", - "ed" - ], - [ - "Ġdevelopment", - "al" - ], - [ - "Ġlength", - "s" - ], - [ - "Ġcol", - "our" - ], - [ - "Ġqu", - "as" - ], - [ - "ĠR", - "ich" - ], - [ - "E", - "q" - ], - [ - "Ġinf", - "ants" - ], - [ - "ĠP", - "H" - ], - [ - "ophil", - "a" - ], - [ - "Ġcaus", - "ing" - ], - [ - "G", - "e" - ], - [ - "mod", - "ule" - ], - [ - "I", - "B" - ], - [ - "Ġcontrib", - "uted" - ], - [ - "ro", - "se" - ], - [ - "Ġcy", - "toplas" - ], - [ - "----------------", - "----------------" - ], - [ - "Ġro", - "ad" - ], - [ - "s", - "ymmetric" - ], - [ - "U", - "s" - ], - [ - "Ġweak", - "ly" - ], - [ - "ti", - "te" - ], - [ - "Ġdef", - "ines" - ], - [ - "ĠP", - "E" - ], - [ - "Ġmetabol", - "ites" - ], - [ - "Ġl", - "ob" - ], - [ - "Ġterm", - "inal" - ], - [ - "Ġdemonstr", - "ates" - ], - [ - "ĠAc", - "ceptor" - ], - [ - "ĠC", - "lo" - ], - [ - "Ġinfer", - "red" - ], - [ - "Ġv", - "ill" - ], - [ - "F", - "irst" - ], - [ - "Ġneg", - "lig" - ], - [ - "Ġw", - "ireless" - ], - [ - "A", - "b" - ], - [ - "par", - "ticle" - ], - [ - "ois", - "otopic" - ], - [ - "Ġexc", - "ited" - ], - [ - "P", - "M" - ], - [ - "Ġcons", - "ecutive" - ], - [ - "ĠIs", - "otype" - ], - [ - "Ġstim", - "ulus" - ], - [ - "ĠM", - "C" - ], - [ - "tim", - "ate" - ], - [ - "ĠCoval", - "ently" - ], - [ - "B", - "onded" - ], - [ - "Ġy", - "ellow" - ], - [ - "Ġall", - "oy" - ], - [ - "d", - "ensity" - ], - [ - "Ġfil", - "ters" - ], - [ - "Ġampl", - "ification" - ], - [ - "Ġw", - "on" - ], - [ - "h", - "t" - ], - [ - "Ġimp", - "acts" - ], - [ - "Ġst", - "aff" - ], - [ - "ĠâĪ", - "Ģ" - ], - [ - "ĠIs", - "omeric" - ], - [ - "Ġsm", - "oking" - ], - [ - "Q", - "u" - ], - [ - "Ġcapt", - "ured" - ], - [ - "h", - "aps" - ], - [ - "ĠN", - "ULL" - ], - [ - "Ġri", - "ver" - ], - [ - "c", - "ount" - ], - [ - "Ġmanif", - "est" - ], - [ - "Ġdiab", - "etic" - ], - [ - "Ġalter", - "ations" - ], - [ - "ĠRot", - "atable" - ], - [ - "ĠP", - "RO" - ], - [ - "ĠMon", - "oisotopic" - ], - [ - "Ġï", - "Ĥ" - ], - [ - "sp", - "ect" - ], - [ - "Ġcataly", - "st" - ], - [ - "Ġmodel", - "ed" - ], - [ - "Ġp", - "age" - ], - [ - "ĠR", - "OS" - ], - [ - "ĠCanonical", - "ized" - ], - [ - "ĠT", - "w" - ], - [ - "Ġa", - "ux" - ], - [ - "av", - "age" - ], - [ - "ĠRam", - "an" - ], - [ - "st", - "o" - ], - [ - "per", - "f" - ], - [ - "Ġreplac", - "ement" - ], - [ - "ĠEn", - "vironment" - ], - [ - "Ġac", - "ting" - ], - [ - "p", - "ati" - ], - [ - "ific", - "ant" - ], - [ - "th", - "rough" - ], - [ - "Ġsat", - "uration" - ], - [ - "Ġt", - "ip" - ], - [ - "Ġrec", - "urrence" - ], - [ - "ĠHist", - "ory" - ], - [ - "Ġprot", - "ective" - ], - [ - "Ġbur", - "den" - ], - [ - "ad", - "o" - ], - [ - "y", - "es" - ], - [ - "in", - "st" - ], - [ - "A", - "p" - ], - [ - "ĠS", - "y" - ], - [ - "Ġph", - "on" - ], - [ - "ĠâĪ", - "ij" - ], - [ - "Ġgen", - "otype" - ], - [ - "Ġcovari", - "ance" - ], - [ - "Ġquick", - "ly" - ], - [ - "ĠD", - "u" - ], - [ - "Ġs", - "ug" - ], - [ - "Ġdec", - "line" - ], - [ - "ĠT", - "B" - ], - [ - "Ġstrict", - "ly" - ], - [ - "Ġmo", - "ist" - ], - [ - "und", - "red" - ], - [ - "ĠC", - "B" - ], - [ - "ati", - "le" - ], - [ - "ĠH", - "F" - ], - [ - "Ġar", - "ticles" - ], - [ - "Ġp", - "s" - ], - [ - "ĠEn", - "h" - ], - [ - "ist", - "ing" - ], - [ - "Ġbi", - "ology" - ], - [ - "Ġb", - "odies" - ], - [ - "ĠA", - "k" - ], - [ - "ĠNumer", - "ical" - ], - [ - "ĠLag", - "rangian" - ], - [ - "Ġdisc", - "overed" - ], - [ - "Ġv", - "ic" - ], - [ - "op", - "es" - ], - [ - "Ġfrag", - "ment" - ], - [ - "Ġt", - "y" - ], - [ - "ism", - "ic" - ], - [ - "Ġhep", - "atic" - ], - [ - "Ġen", - "riched" - ], - [ - "p", - "an" - ], - [ - "Ġinflu", - "ences" - ], - [ - "ĠL", - "ake" - ], - [ - "col", - "or" - ], - [ - "Ġenrich", - "ment" - ], - [ - "oc", - "hemistry" - ], - [ - "Ġun", - "stable" - ], - [ - "ĠIg", - "G" - ], - [ - "der", - "ly" - ], - [ - "Ġe", - "cos" - ], - [ - "Ġconcer", - "ning" - ], - [ - "ĠR", - "isk" - ], - [ - "Ġmarg", - "in" - ], - [ - "Ġpath", - "ogenesis" - ], - [ - "Ġp", - "ump" - ], - [ - "Ġprelim", - "inary" - ], - [ - "Ġtum", - "our" - ], - [ - "F", - "urther" - ], - [ - "az", - "ole" - ], - [ - "Ġelectro", - "des" - ], - [ - "Ġd", - "ial" - ], - [ - "ub", - "es" - ], - [ - "ĠN", - "atural" - ], - [ - "ĠM", - "ul" - ], - [ - "ĠïĢ", - "Ń" - ], - [ - "Ġn", - "ic" - ], - [ - "Ġimp", - "ed" - ], - [ - "on", - "ly" - ], - [ - "Ġcompar", - "ative" - ], - [ - "rec", - "tion" - ], - [ - "ak", - "i" - ], - [ - "Ġre", - "nd" - ], - [ - "Ġsp", - "arse" - ], - [ - "Ġindic", - "ator" - ], - [ - "l", - "ocation" - ], - [ - "tis", - "m" - ], - [ - "ac", - "tivated" - ], - [ - "ĠP", - "b" - ], - [ - "epti", - "de" - ], - [ - "Ġend", - "ogenous" - ], - [ - "Ġcent", - "ers" - ], - [ - "a", - "o" - ], - [ - "s", - "w" - ], - [ - "Ġcons", - "ensus" - ], - [ - "Ġattrib", - "utes" - ], - [ - "Ġsaf", - "e" - ], - [ - "Ġbelie", - "ve" - ], - [ - "ov", - "irus" - ], - [ - "Ġimmun", - "ity" - ], - [ - "Ġfit", - "ted" - ], - [ - "Ġcontrib", - "utes" - ], - [ - "i", - "able" - ], - [ - "Ġvirus", - "es" - ], - [ - "Ġins", - "ight" - ], - [ - "ĠNo", - "vel" - ], - [ - "ĠAl", - "zheimer" - ], - [ - "cep", - "ted" - ], - [ - "ĠP", - "t" - ], - [ - "Ġcent", - "re" - ], - [ - "n", - "at" - ], - [ - "Ġbios", - "ynthesis" - ], - [ - "m", - "its" - ], - [ - "Ġchem", - "istry" - ], - [ - "Ġj", - "us" - ], - [ - "an", - "ish" - ], - [ - "Ġre", - "frac" - ], - [ - "ĠT", - "or" - ], - [ - "Ġpan", - "els" - ], - [ - "Ġimp", - "ly" - ], - [ - "Ġmat", - "ched" - ], - [ - "us", - "c" - ], - [ - "w", - "ord" - ], - [ - "v", - "ae" - ], - [ - "ĠSt", - "ar" - ], - [ - "s", - "yn" - ], - [ - "M", - "at" - ], - [ - "Ġapplic", - "able" - ], - [ - "ĠP", - "seud" - ], - [ - "amp", - "ions" - ], - [ - "ĠR", - "en" - ], - [ - "Ġus", - "age" - ], - [ - "ĠL", - "ight" - ], - [ - "p", - "rec" - ], - [ - "Ġfib", - "rosis" - ], - [ - "Ġreconstr", - "uc" - ], - [ - "ĠO", - "N" - ], - [ - "ĠG", - "Hz" - ], - [ - "G", - "D" - ], - [ - "al", - "gebra" - ], - [ - "ig", - "er" - ], - [ - "Ġdec", - "isions" - ], - [ - "inf", - "ected" - ], - [ - "knowled", - "g" - ], - [ - "Ġexpress", - "ing" - ], - [ - "Ġmyocardi", - "al" - ], - [ - "ord", - "ination" - ], - [ - "Ġprogn", - "ostic" - ], - [ - "Ġfibro", - "bl" - ], - [ - "Ġaccel", - "er" - ], - [ - "ĠAssess", - "ment" - ], - [ - "Ġconstra", - "ined" - ], - [ - "Ġalle", - "le" - ], - [ - "r", - "ide" - ], - [ - "Ġrequ", - "est" - ], - [ - "abil", - "istic" - ], - [ - "te", - "b" - ], - [ - "Ġg", - "a" - ], - [ - "Ġrec", - "overed" - ], - [ - "Ġpro", - "min" - ], - [ - "urs", - "es" - ], - [ - "ĠH", - "C" - ], - [ - "ĠM", - "ur" - ], - [ - "ĠEq", - "s" - ], - [ - "Ġdef", - "ining" - ], - [ - "Ġm", - "er" - ], - [ - "im", - "age" - ], - [ - "Ġorgan", - "isms" - ], - [ - "g", - "rad" - ], - [ - "Ġref", - "lected" - ], - [ - "el", - "astic" - ], - [ - "e", - "ties" - ], - [ - "dim", - "ethyl" - ], - [ - "EL", - "O" - ], - [ - "ra", - "ndom" - ], - [ - "ĠDi", - "agn" - ], - [ - "ercul", - "osis" - ], - [ - "ro", - "b" - ], - [ - "Ġmom", - "ents" - ], - [ - "ĠE", - "C" - ], - [ - "Ġexperi", - "ences" - ], - [ - "erv", - "ing" - ], - [ - "ĠN", - "C" - ], - [ - "Ġvor", - "tex" - ], - [ - "g", - "re" - ], - [ - "struct", - "ures" - ], - [ - "el", - "t" - ], - [ - "Ġcar", - "ry" - ], - [ - "ĠTh", - "rough" - ], - [ - "Ġpre", - "ced" - ], - [ - "rast", - "ruct" - ], - [ - "it", - "us" - ], - [ - "Ġpsych", - "ological" - ], - [ - "Ġlimit", - "ing" - ], - [ - "t", - "wo" - ], - [ - "ĠB", - "ound" - ], - [ - "ĠC", - "re" - ], - [ - "ĠSm", - "ith" - ], - [ - "Ġc", - "ast" - ], - [ - "Ġcompe", - "tition" - ], - [ - "s", - "ch" - ], - [ - "Ġcap", - "ability" - ], - [ - "ach", - "ment" - ], - [ - "Ġinhib", - "its" - ], - [ - "Ã", - "°" - ], - [ - "ĠDiff", - "erential" - ], - [ - "Ġautom", - "atically" - ], - [ - "Ġg", - "est" - ], - [ - "Ġw", - "aters" - ], - [ - "Ġun", - "iqu" - ], - [ - "z", - "er" - ], - [ - "E", - "qu" - ], - [ - "Ġstudy", - "ing" - ], - [ - "Ġdi", - "ed" - ], - [ - "Ġo", - "s" - ], - [ - "Ġrecomb", - "ination" - ], - [ - "unc", - "il" - ], - [ - "Ġpath", - "ogen" - ], - [ - "GF", - "R" - ], - [ - "U", - "V" - ], - [ - "en", - "eration" - ], - [ - "ĠS", - "ta" - ], - [ - "Ġinst", - "ant" - ], - [ - "Ġpro", - "ven" - ], - [ - "Ġd", - "s" - ], - [ - "Ġd", - "amp" - ], - [ - "N", - "ext" - ], - [ - "ĠY", - "oung" - ], - [ - "Ġpower", - "ful" - ], - [ - "Ġwr", - "iting" - ], - [ - "k", - "l" - ], - [ - "Ġcare", - "er" - ], - [ - "ĠCor", - "ollary" - ], - [ - "N", - "s" - ], - [ - "Ġï", - "¿½" - ], - [ - "ĠM", - "il" - ], - [ - "Ġb", - "urn" - ], - [ - "tic", - "ular" - ], - [ - "ond", - "on" - ], - [ - "P", - "r" - ], - [ - "ĠL", - "in" - ], - [ - "ĠJapan", - "ese" - ], - [ - "ĠL", - "ab" - ], - [ - "Ġst", - "rip" - ], - [ - "pro", - "tein" - ], - [ - "Ġh", - "our" - ], - [ - "angle", - "ment" - ], - [ - "angu", - "ages" - ], - [ - "r", - "d" - ], - [ - "par", - "se" - ], - [ - "Ġemiss", - "ions" - ], - [ - "H", - "ence" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠ" - ], - [ - "Ġj", - "ob" - ], - [ - "ĠA", - "S" - ], - [ - "Ġax", - "ial" - ], - [ - "ĠT", - "ur" - ], - [ - "car", - "bon" - ], - [ - "M", - "F" - ], - [ - "ĠN", - "E" - ], - [ - "Ġar", - "ise" - ], - [ - "Ġlinear", - "ly" - ], - [ - "Ġprol", - "ong" - ], - [ - "Ġle", - "ak" - ], - [ - "ĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠ" - ], - [ - "Ġmov", - "ed" - ], - [ - "orb", - "idity" - ], - [ - "Ġprofession", - "al" - ], - [ - "c", - "ode" - ], - [ - "os", - "ine" - ], - [ - "Ġpol", - "ic" - ], - [ - "Ġbond", - "s" - ], - [ - "m", - "ask" - ], - [ - "Ġconver", - "ted" - ], - [ - "v", - "ille" - ], - [ - "ec", - "tious" - ], - [ - "par", - "allel" - ], - [ - "ĠH", - "al" - ], - [ - "ĠT", - "GF" - ], - [ - "ment", - "al" - ], - [ - "Ġread", - "er" - ], - [ - "Ġstandard", - "s" - ], - [ - "ag", - "o" - ], - [ - "Ġ", - "EN" - ], - [ - "Ġst", - "ations" - ], - [ - "Ġnormal", - "ization" - ], - [ - "ĠÎ", - "ĺ" - ], - [ - "ch", - "ain" - ], - [ - "W", - "hat" - ], - [ - "Ġtom", - "ography" - ], - [ - "Ġent", - "ries" - ], - [ - "bl", - "ue" - ], - [ - "ĠPre", - "vious" - ], - [ - "i", - "as" - ], - [ - "Ġquestionnai", - "re" - ], - [ - "Ġh", - "az" - ], - [ - "Ġhom", - "ology" - ], - [ - "ver", - "y" - ], - [ - "Ġnucle", - "otide" - ], - [ - "ĠGen", - "ome" - ], - [ - "Ġμ", - "l" - ], - [ - "Ġutil", - "ization" - ], - [ - "Ġpolym", - "ers" - ], - [ - "ro", - "te" - ], - [ - "Ġsmall", - "est" - ], - [ - "cal", - "c" - ], - [ - "Ġs", - "pl" - ], - [ - "Ġt", - "ension" - ], - [ - "Ġdis", - "continu" - ], - [ - "al", - "a" - ], - [ - "h", - "ol" - ], - [ - "Ġdeterm", - "ines" - ], - [ - "Ġpro", - "j" - ], - [ - "ĠOver", - "all" - ], - [ - "Ġb", - "le" - ], - [ - "f", - "o" - ], - [ - "Ġprinc", - "iples" - ], - [ - "Ġinteract", - "ing" - ], - [ - "Ġhard", - "ware" - ], - [ - "l", - "ife" - ], - [ - "ail", - "s" - ], - [ - "Ġdifficult", - "y" - ], - [ - "Ġcho", - "ices" - ], - [ - "Ġc", - "ard" - ], - [ - "Ġl", - "act" - ], - [ - "Ġro", - "ll" - ], - [ - "Ġquantif", - "ied" - ], - [ - "ĠSc", - "ientific" - ], - [ - "Ġland", - "sc" - ], - [ - "al", - "igned" - ], - [ - "Ġcompos", - "ites" - ], - [ - "her", - "ichia" - ], - [ - "Ġen", - "velop" - ], - [ - "iti", - "g" - ], - [ - "S", - "te" - ], - [ - "Ġcomp", - "et" - ], - [ - "Ġimpair", - "ment" - ], - [ - "Ġclos", - "ure" - ], - [ - "Ġreturn", - "ed" - ], - [ - "Ġrece", - "iver" - ], - [ - "Ġpe", - "er" - ], - [ - "Ġcons", - "ent" - ], - [ - "Ġult", - "ras" - ], - [ - "Ġphot", - "ons" - ], - [ - "Ġsup", - "pose" - ], - [ - "Ġpredic", - "ting" - ], - [ - "ĠâĬ", - "ķ" - ], - [ - "Ġcomp", - "an" - ], - [ - "Ġneglig", - "ible" - ], - [ - "c", - "urrent" - ], - [ - "um", - "ber" - ], - [ - "Ġcomp", - "atible" - ], - [ - "i", - "op" - ], - [ - "ĠStruct", - "ural" - ], - [ - "R", - "ef" - ], - [ - "Ġs", - "on" - ], - [ - "Ġequ", - "ality" - ], - [ - "Ġconsist", - "ed" - ], - [ - "Ġv", - "ibr" - ], - [ - "ou", - "pling" - ], - [ - "v", - "ation" - ], - [ - "Ġover", - "come" - ], - [ - "s", - "uper" - ], - [ - "l", - "ict" - ], - [ - "Ġpancre", - "atic" - ], - [ - "G", - "s" - ], - [ - "ap", - "ed" - ], - [ - "as", - "al" - ], - [ - "w", - "an" - ], - [ - "Ġlat", - "ent" - ], - [ - "Ġcover", - "ing" - ], - [ - "Ġles", - "ion" - ], - [ - "i", - "ance" - ], - [ - "ĠF", - "T" - ], - [ - "wo", - "od" - ], - [ - "ject", - "ure" - ], - [ - "ĠB", - "C" - ], - [ - "link", - "ed" - ], - [ - "ĠL", - "aw" - ], - [ - "Ġem", - "it" - ], - [ - "Ġunc", - "lear" - ], - [ - "Ġpre", - "m" - ], - [ - "ac", - "ted" - ], - [ - "p", - "olar" - ], - [ - "c", - "re" - ], - [ - "Ġmod", - "ulus" - ], - [ - "rop", - "ath" - ], - [ - "S", - "ub" - ], - [ - "am", - "i" - ], - [ - "Ġp", - "ick" - ], - [ - "ER", - "R" - ], - [ - "Ġmove", - "ments" - ], - [ - "N", - "i" - ], - [ - "Ġmechan", - "ics" - ], - [ - "od", - "ic" - ], - [ - "Ġg", - "al" - ], - [ - "ĠMan", - "agement" - ], - [ - "h", - "ost" - ], - [ - "ew", - "ise" - ], - [ - "ĠT", - "otal" - ], - [ - "ĠInflu", - "ence" - ], - [ - "Ġ", - "ubiqu" - ], - [ - "roph", - "ys" - ], - [ - "Ġcap", - "s" - ], - [ - "Ġparticip", - "ant" - ], - [ - "Ġpol", - "yp" - ], - [ - "t", - "d" - ], - [ - "Ġiter", - "ations" - ], - [ - "dom", - "inal" - ], - [ - "B", - "B" - ], - [ - "Ġcharacter", - "s" - ], - [ - "Ġdevi", - "ations" - ], - [ - "res", - "istant" - ], - [ - "Ġmal", - "aria" - ], - [ - "Ġrem", - "ote" - ], - [ - "h", - "skip" - ], - [ - "Ġunder", - "went" - ], - [ - "u", - "til" - ], - [ - "bl", - "ock" - ], - [ - "ucl", - "ide" - ], - [ - "Î", - "¦" - ], - [ - "elect", - "ron" - ], - [ - "Ġsens", - "ory" - ], - [ - "ĠSim", - "ulation" - ], - [ - "Ġre", - "ward" - ], - [ - "Ġpand", - "emic" - ], - [ - "Ġb", - "or" - ], - [ - "ynt", - "hetic" - ], - [ - "Ġinvas", - "ive" - ], - [ - "R", - "F" - ], - [ - "ĠSm", - "all" - ], - [ - "ĠF", - "isher" - ], - [ - "val", - "ent" - ], - [ - "ĠM", - "I" - ], - [ - "roc", - "ytes" - ], - [ - "ĠT", - "E" - ], - [ - "Ġst", - "re" - ], - [ - "Ġperturb", - "ations" - ], - [ - "Ġsim", - "plicity" - ], - [ - "ĠG", - "rowth" - ], - [ - "ĠÎ", - "ł" - ], - [ - "Ġin", - "oc" - ], - [ - "ard", - "ing" - ], - [ - "at", - "um" - ], - [ - "m", - "ulti" - ], - [ - "ĠD", - "iv" - ], - [ - "an", - "es" - ], - [ - "ac", - "illus" - ], - [ - "Ġlife", - "time" - ], - [ - "ĠH", - "ep" - ], - [ - "Ġa", - "z" - ], - [ - "us", - "p" - ], - [ - "ĠAssum", - "e" - ], - [ - "Ġbre", - "aking" - ], - [ - "ĠAt", - "t" - ], - [ - "ticip", - "ants" - ], - [ - "Ġlumin", - "osity" - ], - [ - "Ġdon", - "or" - ], - [ - "par", - "ams" - ], - [ - "oh", - "yd" - ], - [ - "Ġpro", - "gen" - ], - [ - "ĠP", - "O" - ], - [ - "G", - "O" - ], - [ - "ĠL", - "eg" - ], - [ - "Ġbiomark", - "ers" - ], - [ - "Ġr", - "ural" - ], - [ - "Ġne", - "on" - ], - [ - "gl", - "uc" - ], - [ - "ĠP", - "B" - ], - [ - "Ġgu", - "id" - ], - [ - "Ġc", - "ervical" - ], - [ - "p", - "ace" - ], - [ - "Ġc", - "ord" - ], - [ - "um", - "n" - ], - [ - "Ġsub", - "space" - ], - [ - "Ġatt", - "ached" - ], - [ - "Ġdepos", - "ited" - ], - [ - "Ġindic", - "ators" - ], - [ - "ĠS", - "F" - ], - [ - "qui", - "re" - ], - [ - "Ġdiss", - "olved" - ], - [ - "r", - "ite" - ], - [ - "ĠN", - "A" - ], - [ - "Ġj", - "u" - ], - [ - "Ġadd", - "ressed" - ], - [ - "Ġsupp", - "ressed" - ], - [ - "Ġpneum", - "onia" - ], - [ - "Ġs", - "ession" - ], - [ - "ĠC", - "he" - ], - [ - "ĠF", - "er" - ], - [ - "Ġacc", - "ordance" - ], - [ - "D", - "es" - ], - [ - "Ġqu", - "ar" - ], - [ - "Ġfit", - "ness" - ], - [ - "Ġvi", - "ability" - ], - [ - "os", - "h" - ], - [ - "Ġphyl", - "ogenetic" - ], - [ - "ect", - "in" - ], - [ - "p", - "at" - ], - [ - "ĠFran", - "ce" - ], - [ - "Ġmess", - "ages" - ], - [ - "Ġl", - "oci" - ], - [ - "Ġconf", - "lict" - ], - [ - "Ġrele", - "vance" - ], - [ - "Ġinstruc", - "tions" - ], - [ - "Ġsome", - "what" - ], - [ - "chang", - "ed" - ], - [ - "Ġcorrect", - "ly" - ], - [ - "oz", - "yg" - ], - [ - "av", - "ig" - ], - [ - "ĠL", - "at" - ], - [ - "Ġo", - "varian" - ], - [ - "ĠR", - "emark" - ], - [ - "j", - "oint" - ], - [ - "ain", - "t" - ], - [ - "w", - "est" - ], - [ - "s", - "ample" - ], - [ - "Ġdiver", - "gence" - ], - [ - "Ġh", - "air" - ], - [ - "ag", - "onal" - ], - [ - "Ġm", - "im" - ], - [ - "Ġim", - "mediate" - ], - [ - "ĠP", - "ort" - ], - [ - "Ġoff", - "ers" - ], - [ - "Ġdepic", - "ted" - ], - [ - "Ġhydro", - "x" - ], - [ - "ĠT", - "ow" - ], - [ - "Ġemerg", - "ing" - ], - [ - "ou", - "pled" - ], - [ - "Ġh", - "undred" - ], - [ - "Ġadap", - "ted" - ], - [ - "ell", - "er" - ], - [ - "ĠRel", - "ations" - ], - [ - "et", - "te" - ], - [ - "Ġgast", - "ro" - ], - [ - "Ġm", - "orphism" - ], - [ - "Ġequip", - "ment" - ], - [ - "p", - "op" - ], - [ - "un", - "ately" - ], - [ - "Ġtransplant", - "ation" - ], - [ - "if", - "iers" - ], - [ - "Ġel", - "derly" - ], - [ - "on", - "ucle" - ], - [ - "Ġref", - "ers" - ], - [ - "ar", - "ial" - ], - [ - "ĠCom", - "mittee" - ], - [ - "Ġmalign", - "ant" - ], - [ - "omon", - "as" - ], - [ - "Ġall", - "ocation" - ], - [ - "og", - "ether" - ], - [ - "Ġnan", - "ot" - ], - [ - "pl", - "ot" - ], - [ - "ĠM", - "es" - ], - [ - "Ġplan", - "ar" - ], - [ - "ell", - "s" - ], - [ - "s", - "ource" - ], - [ - "ow", - "ski" - ], - [ - "Ġn", - "a" - ], - [ - "Ġcl", - "ock" - ], - [ - "Ġamb", - "ient" - ], - [ - "oc", - "ene" - ], - [ - "Ġfluores", - "cent" - ], - [ - "Ġval", - "u" - ], - [ - "ĠM", - "agnetic" - ], - [ - "Ġde", - "part" - ], - [ - "phosph", - "ate" - ], - [ - "Ġrough", - "ly" - ], - [ - "Ġne", - "ither" - ], - [ - "ĠAl", - "tern" - ], - [ - "Ġst", - "ay" - ], - [ - "Ġsp", - "ot" - ], - [ - "ĠE", - "nt" - ], - [ - "Ġsecond", - "s" - ], - [ - "h", - "ard" - ], - [ - "Ġrec", - "urrent" - ], - [ - "Ġpat", - "ch" - ], - [ - "Ġlimit", - "ation" - ], - [ - "ĠD", - "er" - ], - [ - "Ġsh", - "arp" - ], - [ - "Ġexpect", - "ation" - ], - [ - "ĠL", - "ore" - ], - [ - "d", - "ict" - ], - [ - "R", - "eg" - ], - [ - "Ġneut", - "roph" - ], - [ - "Ġn", - "ur" - ], - [ - "Ġstar", - "ts" - ], - [ - "ost", - "asis" - ], - [ - "Ġorgan", - "ized" - ], - [ - "Ġc", - "DNA" - ], - [ - "or", - "ient" - ], - [ - "ĠEx", - "ample" - ], - [ - "ĠF", - "und" - ], - [ - "ay", - "lor" - ], - [ - "id", - "ering" - ], - [ - "Ġtri", - "ple" - ], - [ - "n", - "ic" - ], - [ - "Ġattack", - "s" - ], - [ - "ĠD", - "ros" - ], - [ - "Ã", - "¨" - ], - [ - "ĠE", - "M" - ], - [ - "Ġoptim", - "um" - ], - [ - "Ġp", - "ull" - ], - [ - "Ġc", - "e" - ], - [ - "ery", - "th" - ], - [ - "Ġr", - "ating" - ], - [ - "Ġreproduc", - "tive" - ], - [ - "Ġdec", - "ades" - ], - [ - "Ġre", - "place" - ], - [ - "L", - "ist" - ], - [ - "ĠF", - "ast" - ], - [ - "Ġred", - "shift" - ], - [ - "op", - "sy" - ], - [ - "ill", - "a" - ], - [ - "do", - "uble" - ], - [ - "ter", - "a" - ], - [ - "Ġgo", - "als" - ], - [ - "ĠS", - "k" - ], - [ - "IN", - "E" - ], - [ - "Ġbi", - "ochemical" - ], - [ - "u", - "int" - ], - [ - "Ġf", - "etal" - ], - [ - "ĠRi", - "emann" - ], - [ - "ur", - "ies" - ], - [ - "Ġp", - "p" - ], - [ - "Ġsymbol", - "s" - ], - [ - "ĠK", - "a" - ], - [ - "D", - "i" - ], - [ - "ĠG", - "alax" - ], - [ - "ĠComp", - "ared" - ], - [ - "Ġc", - "asc" - ], - [ - "Ġb", - "its" - ], - [ - "Ġsc", - "aff" - ], - [ - "Ġestim", - "ator" - ], - [ - "ĠAd", - "ditional" - ], - [ - "Ġimprove", - "ments" - ], - [ - "ectiv", - "es" - ], - [ - "Ġh", - "ous" - ], - [ - "ĠM", - "agn" - ], - [ - "Ġmultiv", - "ariate" - ], - [ - "Ġag", - "ric" - ], - [ - "v", - "o" - ], - [ - "ut", - "ter" - ], - [ - "ĠAc", - "knowledg" - ], - [ - "s", - "u" - ], - [ - "Ġam", - "mon" - ], - [ - "Ġaim", - "s" - ], - [ - "Ġz", - "inc" - ], - [ - "Ġel", - "ong" - ], - [ - "ĠG", - "O" - ], - [ - "Q", - "uestion" - ], - [ - "incl", - "uding" - ], - [ - "Log", - "P" - ], - [ - "Ġint", - "ellig" - ], - [ - "Ġcon", - "e" - ], - [ - "ĠFound", - "ation" - ], - [ - "Ġimp", - "aired" - ], - [ - "Ġill", - "ness" - ], - [ - "ĠEsc", - "herichia" - ], - [ - "Ġabund", - "ant" - ], - [ - "s", - "cal" - ], - [ - "ens", - "ively" - ], - [ - "Ġneg", - "atively" - ], - [ - "par", - "ameter" - ], - [ - "Ġperme", - "ability" - ], - [ - "dom", - "ain" - ], - [ - "r", - "ated" - ], - [ - "Ġep", - "och" - ], - [ - "Ġadoles", - "cents" - ], - [ - "Ġdef", - "ic" - ], - [ - "ĠEstim", - "ation" - ], - [ - "Ġrout", - "ine" - ], - [ - "P", - "er" - ], - [ - "t", - "ol" - ], - [ - "Ġellip", - "tic" - ], - [ - "ĠH", - "E" - ], - [ - "obl", - "ast" - ], - [ - "Ġre", - "aches" - ], - [ - "Ġflux", - "es" - ], - [ - "Ġs", - "un" - ], - [ - "ĠAn", - "aly" - ], - [ - "âĢ", - "ľ" - ], - [ - "ĠX", - "LogP" - ], - [ - "Ġfilter", - "ing" - ], - [ - "ri", - "an" - ], - [ - "ĠS", - "cal" - ], - [ - "Ġp", - "in" - ], - [ - "ĠTi", - "O" - ], - [ - "im", - "ents" - ], - [ - "Ġmarg", - "inal" - ], - [ - "Ġrecomb", - "inant" - ], - [ - "Ġenc", - "our" - ], - [ - "Ġal", - "umin" - ], - [ - "Ġt", - "f" - ], - [ - "ataly", - "tic" - ], - [ - "Ġobserv", - "ational" - ], - [ - "Ġgeneral", - "ization" - ], - [ - "Ġï£", - "¬" - ], - [ - "Ġantib", - "iotic" - ], - [ - "Ġgener", - "ates" - ], - [ - "Ġd", - "B" - ], - [ - "S", - "pec" - ], - [ - "r", - "ically" - ], - [ - "Ġvalu", - "able" - ], - [ - "Ġtop", - "ic" - ], - [ - "Ġterm", - "in" - ], - [ - "Ġsem", - "icon" - ], - [ - "Ġquantif", - "ication" - ], - [ - "ub", - "b" - ], - [ - "Ġkin", - "em" - ], - [ - "err", - "ing" - ], - [ - "Ġa", - "eros" - ], - [ - "p", - "ack" - ], - [ - "Ġfew", - "er" - ], - [ - "Ġfat", - "igue" - ], - [ - "Ġgo", - "es" - ], - [ - "Ġn", - "ight" - ], - [ - "ĠU", - "s" - ], - [ - "âĢ", - "¬" - ], - [ - "ĠPr", - "inc" - ], - [ - "Ġsp", - "ring" - ], - [ - "Ġconcer", - "ns" - ], - [ - "Ġsm", - "art" - ], - [ - "Ġsec", - "ret" - ], - [ - "Ġmm", - "ol" - ], - [ - "Ġbel", - "ief" - ], - [ - "D", - "C" - ], - [ - "Ġsubstanti", - "ally" - ], - [ - "âĪ", - "ĩ" - ], - [ - "Ġsubstit", - "ution" - ], - [ - "map", - "sto" - ], - [ - "sk", - "y" - ], - [ - "ill", - "ance" - ], - [ - "Ġstud", - "ent" - ], - [ - "ok", - "ine" - ], - [ - "Ġinter", - "ior" - ], - [ - "Ġeigen", - "value" - ], - [ - "m", - "y" - ], - [ - "Ġclos", - "er" - ], - [ - "eren", - "ti" - ], - [ - "Ġec", - "ological" - ], - [ - "ĠFig", - "ures" - ], - [ - "oly", - "tic" - ], - [ - "Ġar", - "rays" - ], - [ - "ĠC", - "as" - ], - [ - "Ġlo", - "ops" - ], - [ - "Ġcorrec", - "ted" - ], - [ - "Ġr", - "he" - ], - [ - "Ġin", - "version" - ], - [ - "Ġprefer", - "red" - ], - [ - "um", - "ab" - ], - [ - "ĠD", - "I" - ], - [ - "Ġadequ", - "ate" - ], - [ - "ir", - "m" - ], - [ - "Ġim", - "plicit" - ], - [ - "sh", - "ip" - ], - [ - "Ġplay", - "ers" - ], - [ - "Ġdelay", - "ed" - ], - [ - "Ġw", - "inter" - ], - [ - "Ġvul", - "ner" - ], - [ - "Ġshap", - "es" - ], - [ - "Ġstain", - "ed" - ], - [ - "ĠM", - "ajor" - ], - [ - "Ġhierarch", - "ical" - ], - [ - "ĠD", - "ig" - ], - [ - "ers", - "ion" - ], - [ - "ĠE", - "fficient" - ], - [ - "Ġwall", - "s" - ], - [ - "d", - "frac" - ], - [ - "Ġclass", - "ifier" - ], - [ - "Ġmon", - "ol" - ], - [ - "Ġupd", - "ated" - ], - [ - "Ġm", - "ature" - ], - [ - "ĠL", - "I" - ], - [ - "ear", - "ing" - ], - [ - "Ġf", - "inger" - ], - [ - "oun", - "ter" - ], - [ - "ank", - "ton" - ], - [ - "Wh", - "ile" - ], - [ - "Ġreal", - "istic" - ], - [ - "ĠC", - "amp" - ], - [ - "Ġf", - "illed" - ], - [ - "Ġde", - "ad" - ], - [ - "ĠPac", - "ific" - ], - [ - "Ï", - "ĩ" - ], - [ - "ĠDav", - "id" - ], - [ - "Ġaddi", - "tive" - ], - [ - "ench", - "ymal" - ], - [ - "Ġobs", - "er" - ], - [ - "Ġst", - "ere" - ], - [ - "Ġultras", - "ound" - ], - [ - "ĠPred", - "ic" - ], - [ - "Ġend", - "s" - ], - [ - "section", - "al" - ], - [ - "m", - "as" - ], - [ - "om", - "at" - ], - [ - "iv", - "ity" - ], - [ - "Ġhand", - "le" - ], - [ - "Ġmetast", - "atic" - ], - [ - "ole", - "t" - ], - [ - "r", - "yp" - ], - [ - "AC", - "E" - ], - [ - "Ġpor", - "ous" - ], - [ - "Ġconcer", - "n" - ], - [ - "it", - "ored" - ], - [ - "Ġcir", - "cles" - ], - [ - "Ġemo", - "tional" - ], - [ - "g", - "ered" - ], - [ - "Ġf", - "riction" - ], - [ - "f", - "irst" - ], - [ - "oph", - "y" - ], - [ - "es", - "cop" - ], - [ - "ad", - "ed" - ], - [ - "Ġres", - "olved" - ], - [ - "ER", - "S" - ], - [ - "Ġpath", - "ogens" - ], - [ - "Ġgrad", - "ually" - ], - [ - "ĠB", - "rain" - ], - [ - "x", - "f" - ], - [ - "an", - "ium" - ], - [ - "a", - "el" - ], - [ - "N", - "ew" - ], - [ - "Ġcytok", - "ine" - ], - [ - "ĠB", - "P" - ], - [ - "Ġspecim", - "en" - ], - [ - "ole", - "an" - ], - [ - "Ġt", - "axon" - ], - [ - "Ġsequ", - "ential" - ], - [ - "κ", - "B" - ], - [ - "ad", - "emic" - ], - [ - "pl", - "ings" - ], - [ - "~", - "~" - ], - [ - "erm", - "al" - ], - [ - "t", - "ree" - ], - [ - "Ġcaus", - "al" - ], - [ - "ari", - "an" - ], - [ - "Ġc", - "rop" - ], - [ - "op", - "ol" - ], - [ - "ch", - "annel" - ], - [ - "ĠM", - "ex" - ], - [ - "Ġcl", - "on" - ], - [ - "ĠRec", - "ently" - ], - [ - "ĠIn", - "vestig" - ], - [ - "Ġrecommend", - "ations" - ], - [ - "form", - "at" - ], - [ - "ĠM", - "ET" - ], - [ - "Ġsent", - "ence" - ], - [ - "Ġb", - "p" - ], - [ - "ĠG", - "W" - ], - [ - "Ġrec", - "ording" - ], - [ - "Ġp", - "le" - ], - [ - "to", - "tic" - ], - [ - "Ġï£", - "·" - ], - [ - "Ġrang", - "ed" - ], - [ - "en", - "tion" - ], - [ - "obacter", - "ia" - ], - [ - "cep", - "tions" - ], - [ - "ĠIm", - "port" - ], - [ - "d", - "ynamic" - ], - [ - "por", - "ary" - ], - [ - "G", - "iven" - ], - [ - "Ġturb", - "ulence" - ], - [ - "Ġg", - "ram" - ], - [ - "Ġequ", - "ally" - ], - [ - "c", - "d" - ], - [ - "ĠO", - "s" - ], - [ - "Ġturn", - "s" - ], - [ - "Ġdetect", - "ing" - ], - [ - "ati", - "o" - ], - [ - "gen", - "erate" - ], - [ - "gra", - "de" - ], - [ - "Ġcirc", - "ulation" - ], - [ - "Ġmanufacture", - "r" - ], - [ - "L", - "a" - ], - [ - "ĠH", - "ilbert" - ], - [ - "T", - "s" - ], - [ - "in", - "tegr" - ], - [ - "Ġbelong", - "s" - ], - [ - "ĠIntern", - "et" - ], - [ - "ang", - "l" - ], - [ - "ĠâĬ", - "¥" - ], - [ - "ĠDros", - "ophila" - ], - [ - "uclide", - "an" - ], - [ - "t", - "an" - ], - [ - "Ġext", - "ends" - ], - [ - "Ġexpand", - "ed" - ], - [ - "ill", - "in" - ], - [ - "squ", - "are" - ], - [ - "ys", - "acchar" - ], - [ - "Ġquantif", - "y" - ], - [ - "Ġpuls", - "es" - ], - [ - "Ġves", - "ic" - ], - [ - "ĠN", - "K" - ], - [ - "ores", - "cence" - ], - [ - "ĠPh", - "osph" - ], - [ - "Ġv", - "ision" - ], - [ - "ĠHu", - "ang" - ], - [ - "ĠResp", - "onse" - ], - [ - "h", - "ouse" - ], - [ - "ear", - "s" - ], - [ - "Ġe", - "g" - ], - [ - "Ġac", - "cepted" - ], - [ - "ĠT", - "M" - ], - [ - "amet", - "ric" - ], - [ - "Ġpath", - "ological" - ], - [ - "Ġrecruit", - "ment" - ], - [ - "AT", - "A" - ], - [ - "Ġfig", - "ures" - ], - [ - "ĠP", - "ress" - ], - [ - "Ġal", - "igned" - ], - [ - "Ġpost", - "operative" - ], - [ - "ĠMe", - "V" - ], - [ - "Ġconsider", - "ably" - ], - [ - "Ġconform", - "al" - ], - [ - "ĠIs", - "land" - ], - [ - "num", - "ber" - ], - [ - "Ġautom", - "atic" - ], - [ - "Ġs", - "plic" - ], - [ - "Ġcyt", - "os" - ], - [ - "Ġdesc", - "rip" - ], - [ - "ĠS", - "ant" - ], - [ - "l", - "ies" - ], - [ - "u", - "ity" - ], - [ - "it", - "one" - ], - [ - "E", - "CT" - ], - [ - "ĠB", - "on" - ], - [ - "Ġdis", - "app" - ], - [ - "bo", - "ard" - ], - [ - "or", - "rh" - ], - [ - "Ġcalc", - "ulating" - ], - [ - "ne", - "e" - ], - [ - "ĠMe", - "as" - ], - [ - "Ġgen", - "omes" - ], - [ - "Ġphot", - "oc" - ], - [ - "Ġread", - "ily" - ], - [ - "ov", - "ine" - ], - [ - "ĠDe", - "v" - ], - [ - "Ġsat", - "ur" - ], - [ - "Ġkind", - "s" - ], - [ - "ĠP", - "K" - ], - [ - "Ġro", - "d" - ], - [ - "Ġj", - "unction" - ], - [ - "ĠH", - "A" - ], - [ - "Ġdesign", - "s" - ], - [ - "h", - "n" - ], - [ - "Ġorder", - "ing" - ], - [ - "Ġcosm", - "ological" - ], - [ - "Ġpil", - "ot" - ], - [ - "Ġcol", - "orectal" - ], - [ - "ĠL", - "ondon" - ], - [ - "ĠDir", - "ac" - ], - [ - "C", - "ont" - ], - [ - "ĠW", - "ind" - ], - [ - "ĠT", - "re" - ], - [ - "id", - "in" - ], - [ - "ĠïĢ", - "«" - ], - [ - "ilt", - "ration" - ], - [ - "More", - "over" - ], - [ - "Ġre", - "tention" - ], - [ - "tim", - "ately" - ], - [ - "hydro", - "gen" - ], - [ - "d", - "el" - ], - [ - "bol", - "ic" - ], - [ - "ĠQu", - "anti" - ], - [ - "per", - "iod" - ], - [ - "Ġretrie", - "val" - ], - [ - "at", - "ase" - ], - [ - "end", - "icular" - ], - [ - "ulti", - "es" - ], - [ - "R", - "S" - ], - [ - "N", - "H" - ], - [ - "Ġin", - "formed" - ], - [ - "Ġfil", - "tered" - ], - [ - "m", - "embrane" - ], - [ - "Ġstiff", - "ness" - ], - [ - "ĠO", - "cean" - ], - [ - "ĠS", - "Y" - ], - [ - "Ġl", - "ot" - ], - [ - "ĠFig", - "s" - ], - [ - "Ġans", - "w" - ], - [ - "ĠEng", - "land" - ], - [ - "ĠAtl", - "antic" - ], - [ - "process", - "ing" - ], - [ - "Ġdog", - "s" - ], - [ - "Ġl", - "ie" - ], - [ - "Ġun", - "ion" - ], - [ - "ĠT", - "an" - ], - [ - "Ġhal", - "o" - ], - [ - "Ġcontinuous", - "ly" - ], - [ - "B", - "u" - ], - [ - "A", - "MP" - ], - [ - "ĠAp", - "p" - ], - [ - "Ġmoist", - "ure" - ], - [ - "Ġth", - "yroid" - ], - [ - "Ġaccompan", - "ied" - ], - [ - "Ġfol", - "d" - ], - [ - "Ġorig", - "inally" - ], - [ - "Ġsp", - "an" - ], - [ - "ĠF", - "A" - ], - [ - "conn", - "ected" - ], - [ - "Ġrec", - "urs" - ], - [ - "vi", - "an" - ], - [ - "ĠEqu", - "ations" - ], - [ - "en", - "a" - ], - [ - "arcin", - "oma" - ], - [ - "..", - ".." - ], - [ - "Ġdisc", - "rep" - ], - [ - "U", - "H" - ], - [ - "Ð", - "¾" - ], - [ - "ang", - "er" - ], - [ - "Ġmon", - "itored" - ], - [ - "Ġinflu", - "enza" - ], - [ - "Ġs", - "ure" - ], - [ - "bl", - "ack" - ], - [ - "o", - "e" - ], - [ - "Ġall", - "oc" - ], - [ - "Ġhabit", - "at" - ], - [ - "op", - "henyl" - ], - [ - "Ġvent", - "ricular" - ], - [ - "Ġpolic", - "ies" - ], - [ - "am", - "ate" - ], - [ - "Ġreport", - "ing" - ], - [ - "Ġsol", - "uble" - ], - [ - "========", - "========" - ], - [ - "Ġdip", - "ole" - ], - [ - "Ġirre", - "ducible" - ], - [ - "ĠP", - "rec" - ], - [ - "acet", - "yl" - ], - [ - "Ġth", - "read" - ], - [ - "ĠAppro", - "xim" - ], - [ - "Ġm", - "apped" - ], - [ - "i", - "pro" - ], - [ - "Ġt", - "ropical" - ], - [ - "S", - "ch" - ], - [ - "ĠAN", - "OVA" - ], - [ - "Ġl", - "anguages" - ], - [ - "ic", - "ine" - ], - [ - "ĠF", - "amily" - ], - [ - "f", - "unctions" - ], - [ - "E", - "F" - ], - [ - "Ġnut", - "rient" - ], - [ - "Ġanalyz", - "ing" - ], - [ - "ines", - "cence" - ], - [ - "Ġthrom", - "b" - ], - [ - "Ġk", - "it" - ], - [ - "Ġmamm", - "alian" - ], - [ - "op", - "totic" - ], - [ - "Ġequip", - "ped" - ], - [ - "on", - "a" - ], - [ - "Ġqu", - "e" - ], - [ - "Ġc", - "ame" - ], - [ - "Ġsimpl", - "ified" - ], - [ - "Ġdec", - "ays" - ], - [ - "Ġpass", - "ive" - ], - [ - "Ġdele", - "tion" - ], - [ - "Ġobtain", - "ing" - ], - [ - "Ġmixt", - "ures" - ], - [ - "Ġprim", - "ers" - ], - [ - "ĠP", - "sy" - ], - [ - "os", - "c" - ], - [ - "om", - "ent" - ], - [ - "Ġchlor", - "ide" - ], - [ - "ĠPa", - "ul" - ], - [ - "st", - "art" - ], - [ - "int", - "estinal" - ], - [ - "hel", - "ium" - ], - [ - "ar", - "th" - ], - [ - "od", - "ot" - ], - [ - "Ġf", - "its" - ], - [ - "Ġsqu", - "ares" - ], - [ - "ĠCar", - "di" - ], - [ - "ak", - "a" - ], - [ - "rib", - "uted" - ], - [ - "Ġinequ", - "alities" - ], - [ - "omet", - "hing" - ], - [ - "hed", - "ral" - ], - [ - "ĠF", - "uture" - ], - [ - "Ġgl", - "i" - ], - [ - "Ġmetall", - "ic" - ], - [ - "Ġfac", - "ilities" - ], - [ - "Ġob", - "st" - ], - [ - "poss", - "ible" - ], - [ - "Ġz", - "ones" - ], - [ - "uc", - "id" - ], - [ - "Ġdr", - "ift" - ], - [ - "d", - "epend" - ], - [ - "val", - "ued" - ], - [ - "Ġn", - "ons" - ], - [ - "Ġworld", - "wide" - ], - [ - "Ġtr", - "ust" - ], - [ - "Ġso", - "le" - ], - [ - "ĠLe", - "vel" - ], - [ - "ĠS", - "ha" - ], - [ - "Ġregard", - "less" - ], - [ - "Ġspectrom", - "etry" - ], - [ - "duc", - "tor" - ], - [ - "le", - "uk" - ], - [ - "Ġsk", - "ills" - ], - [ - "Ġincorpor", - "ated" - ], - [ - "Ġlear", - "ned" - ], - [ - "Ġ", - "ure" - ], - [ - "Ġext", - "inc" - ], - [ - "OD", - "U" - ], - [ - "Ġgrain", - "s" - ], - [ - "ater", - "n" - ], - [ - "ĠInd", - "ex" - ], - [ - "com", - "put" - ], - [ - "u", - "a" - ], - [ - "Ġcont", - "amination" - ], - [ - "ĠA", - "ff" - ], - [ - "un", - "ing" - ], - [ - "Ġas", - "ymmetric" - ], - [ - "Ġopen", - "ing" - ], - [ - "Ġb", - "at" - ], - [ - "Ġag", - "ree" - ], - [ - "IT", - "Y" - ], - [ - "ĠChang", - "es" - ], - [ - "organ", - "ic" - ], - [ - "ĠR", - "ay" - ], - [ - "ĠH", - "and" - ], - [ - "n", - "i" - ], - [ - "in", - "ic" - ], - [ - "Ġr", - "isks" - ], - [ - "Ġst", - "ock" - ], - [ - "Ġnec", - "k" - ], - [ - "Ġvol", - "umes" - ], - [ - "ĠP", - "rac" - ], - [ - "Ġincreasing", - "ly" - ], - [ - "S", - "c" - ], - [ - "os", - "es" - ], - [ - "GF", - "P" - ], - [ - "Ġass", - "ignment" - ], - [ - "ĠF", - "ed" - ], - [ - "osp", - "it" - ], - [ - "Ġoverex", - "pression" - ], - [ - "Ġm", - "aster" - ], - [ - "Ġo", - "pt" - ], - [ - "il", - "er" - ], - [ - "in", - "variant" - ], - [ - "Ġconver", - "ges" - ], - [ - "Sim", - "ilar" - ], - [ - "n", - "y" - ], - [ - "Ġst", - "ore" - ], - [ - "Ġelev", - "ation" - ], - [ - "Ġco", - "al" - ], - [ - "he", - "t" - ], - [ - "it", - "em" - ], - [ - "PL", - "C" - ], - [ - "oh", - "ist" - ], - [ - "G", - "en" - ], - [ - "ĠC", - "hem" - ], - [ - "ĠC", - "ost" - ], - [ - "p", - "air" - ], - [ - "Ġnumer", - "ically" - ], - [ - "Ġpre", - "ference" - ], - [ - "ĠN", - "ucle" - ], - [ - "ĠB", - "D" - ], - [ - "T", - "I" - ], - [ - "ĠH", - "yp" - ], - [ - "ro", - "y" - ], - [ - "T", - "e" - ], - [ - "ĠF", - "in" - ], - [ - "Ġclaim", - "s" - ], - [ - "ib", - "ilities" - ], - [ - "Ġlar", - "vae" - ], - [ - "im", - "a" - ], - [ - "emb", - "ly" - ], - [ - "Ġc", - "it" - ], - [ - "L", - "L" - ], - [ - "Ġsil", - "ica" - ], - [ - "ĠV", - "I" - ], - [ - "Ġreach", - "ing" - ], - [ - "O", - "f" - ], - [ - "ĠAustr", - "alian" - ], - [ - "t", - "ub" - ], - [ - "w", - "orld" - ], - [ - "on", - "i" - ], - [ - "ĠF", - "P" - ], - [ - "Ġbrief", - "ly" - ], - [ - "ĠDes", - "cription" - ], - [ - "Î", - "¶" - ], - [ - "ch", - "arg" - ], - [ - "Ġc", - "is" - ], - [ - "ĠC", - "at" - ], - [ - "Ġrec", - "ip" - ], - [ - "Ġemerg", - "ency" - ], - [ - "Ġst", - "rand" - ], - [ - "Ġreal", - "ized" - ], - [ - "pos", - "ing" - ], - [ - "ot", - "ope" - ], - [ - "Ġmaintain", - "ing" - ], - [ - "ĠCh", - "rist" - ], - [ - "Ġcre", - "ating" - ], - [ - "Ġembry", - "os" - ], - [ - "Ġs", - "keletal" - ], - [ - "Ġag", - "es" - ], - [ - "rep", - "resent" - ], - [ - "C", - "r" - ], - [ - "Ġestim", - "ating" - ], - [ - "Ġre", - "ar" - ], - [ - "ĠY", - "u" - ], - [ - "ĠP", - "i" - ], - [ - "m", - "g" - ], - [ - "Ġflo", - "at" - ], - [ - "ĠR", - "oy" - ], - [ - "p", - "us" - ], - [ - "Ġch", - "ick" - ], - [ - "Ġmicrobi", - "ota" - ], - [ - "vas", - "ive" - ], - [ - "ĠB", - "ern" - ], - [ - "ĠPat", - "tern" - ], - [ - "l", - "ines" - ], - [ - "Ġfl", - "ood" - ], - [ - "ĠL", - "ou" - ], - [ - "ilit", - "ary" - ], - [ - "ros", - "ion" - ], - [ - "Ġsurve", - "ys" - ], - [ - "F", - "I" - ], - [ - "ia", - "e" - ], - [ - "Ġse", - "arc" - ], - [ - "m", - "ol" - ], - [ - "Ġt", - "itle" - ], - [ - "ĠMach", - "ine" - ], - [ - "Ġcirc", - "uits" - ], - [ - "ĠNum", - "ber" - ], - [ - "z", - "i" - ], - [ - "ĠB", - "MI" - ], - [ - "Ġautom", - "ated" - ], - [ - "plic", - "ate" - ], - [ - "ĠL", - "PS" - ], - [ - "Ġelectro", - "chemical" - ], - [ - "Ġwebs", - "ite" - ], - [ - "Ġanis", - "otropy" - ], - [ - "Ġr", - "ings" - ], - [ - "Ġin", - "nov" - ], - [ - "b", - "its" - ], - [ - "w", - "in" - ], - [ - "ĠN", - "AD" - ], - [ - "Acc", - "ording" - ], - [ - "ĠCon", - "n" - ], - [ - "ure", - "us" - ], - [ - "ĠFe", - "ature" - ], - [ - "ĠIn", - "stead" - ], - [ - "C", - "omp" - ], - [ - "it", - "udes" - ], - [ - "M", - "o" - ], - [ - "Ġsc", - "ope" - ], - [ - "tif", - "ication" - ], - [ - "ĠI", - "S" - ], - [ - "ĠNe", - "ut" - ], - [ - "Ġreg", - "ulating" - ], - [ - "c", - "oding" - ], - [ - "Ġrow", - "s" - ], - [ - "h", - "l" - ], - [ - "ĠK", - "n" - ], - [ - "ist", - "or" - ], - [ - "ampions", - "hip" - ], - [ - "Ġpromin", - "ent" - ], - [ - "Ġr", - "s" - ], - [ - "um", - "atic" - ], - [ - "A", - "m" - ], - [ - "Ġdifferenti", - "ally" - ], - [ - "ug", - "in" - ], - [ - "Ġadv", - "ance" - ], - [ - "ph", - "ys" - ], - [ - "Ġsh", - "aring" - ], - [ - "Ġar", - "t" - ], - [ - "v", - "acy" - ], - [ - "ti", - "tions" - ], - [ - "Ġst", - "yle" - ], - [ - "Fig", - "ures" - ], - [ - "Ġg", - "lu" - ], - [ - "Ġvacc", - "ination" - ], - [ - "ĠOp", - "tical" - ], - [ - "flu", - "id" - ], - [ - "ĠF", - "re" - ], - [ - "Ġgradi", - "ents" - ], - [ - "op", - "hyl" - ], - [ - "ĠP", - "ubl" - ], - [ - "Ġacc", - "retion" - ], - [ - "Ġâ̲", - "â̲" - ], - [ - "ress", - "ing" - ], - [ - "Ġtrans", - "mitted" - ], - [ - "Ġnerv", - "ous" - ], - [ - "um", - "ar" - ], - [ - "Ġreview", - "s" - ], - [ - "Ġgen", - "otypes" - ], - [ - "low", - "er" - ], - [ - "ĠE", - "V" - ], - [ - "Ġcont", - "ract" - ], - [ - "ati", - "bility" - ], - [ - "Ġchild", - "hood" - ], - [ - "Ġon", - "c" - ], - [ - "Ġbi", - "ofil" - ], - [ - "Ġaut", - "ophagy" - ], - [ - "Ġads", - "orb" - ], - [ - "ĠSup", - "port" - ], - [ - "Ġlig", - "ands" - ], - [ - "p", - "ower" - ], - [ - "rec", - "tional" - ], - [ - "ĠR", - "ap" - ], - [ - "sim", - "ilar" - ], - [ - "Ġinf", - "arc" - ], - [ - "Ġelectro", - "ly" - ], - [ - "Ġinc", - "ome" - ], - [ - "ar", - "ity" - ], - [ - "ĠA", - "v" - ], - [ - "er", - "ic" - ], - [ - "Ġclin", - "ically" - ], - [ - "un", - "ch" - ], - [ - "Ġattrib", - "ute" - ], - [ - "Ġcomm", - "and" - ], - [ - "rib", - "utions" - ], - [ - "Ġgly", - "c" - ], - [ - "Ġtranscri", - "pts" - ], - [ - "ogram", - "s" - ], - [ - "Ġassess", - "ing" - ], - [ - "F", - "O" - ], - [ - "script", - "style" - ], - [ - "j", - "i" - ], - [ - "ric", - "k" - ], - [ - "en", - "vironment" - ], - [ - "Ġlaw", - "s" - ], - [ - "Ġnorm", - "ally" - ], - [ - "Ġdeple", - "tion" - ], - [ - "ĠR", - "O" - ], - [ - "Ġenc", - "oded" - ], - [ - "h", - "ma" - ], - [ - "Ġbran", - "ches" - ], - [ - "Ġarg", - "s" - ], - [ - "oun", - "ger" - ], - [ - "or", - "ge" - ], - [ - "um", - "ps" - ], - [ - "Ġview", - "ed" - ], - [ - "Ġult", - "r" - ], - [ - "R", - "R" - ], - [ - "uls", - "ion" - ], - [ - "ĠH", - "or" - ], - [ - "Ġf", - "ro" - ], - [ - "ĠMeasure", - "ment" - ], - [ - "x", - "x" - ], - [ - "erm", - "an" - ], - [ - "ĠO", - "nce" - ], - [ - "Ġorient", - "ed" - ], - [ - "ĠP", - "oint" - ], - [ - "Ġto", - "wn" - ], - [ - "Ġformul", - "as" - ], - [ - "S", - "Y" - ], - [ - "ĠA", - "M" - ], - [ - "Ġconsider", - "ations" - ], - [ - "ĠT", - "C" - ], - [ - "ĠK", - "it" - ], - [ - "Ġact", - "in" - ], - [ - "Ġplas", - "mid" - ], - [ - "Ġhistor", - "ical" - ], - [ - "Ġd", - "ye" - ], - [ - "Ġhe", - "ur" - ], - [ - "ĠLe", - "ague" - ], - [ - "ĠM", - "ad" - ], - [ - "Ġgra", - "ft" - ], - [ - "Ġsil", - "ver" - ], - [ - "O", - "ver" - ], - [ - "ĠC", - "os" - ], - [ - "ograph", - "ical" - ], - [ - "Ġprecurs", - "or" - ], - [ - "r", - "us" - ], - [ - "Ġregard", - "ed" - ], - [ - "ĠH", - "am" - ], - [ - "f", - "unctional" - ], - [ - "iv", - "eness" - ], - [ - "ffici", - "ency" - ], - [ - "ig", - "ene" - ], - [ - "oc", - "ol" - ], - [ - "Ġcum", - "ulative" - ], - [ - "Ġse", - "asonal" - ], - [ - "Ġm", - "u" - ], - [ - "ĠB", - "an" - ], - [ - "omy", - "cin" - ], - [ - "Ġb", - "ool" - ], - [ - "ĠM", - "ag" - ], - [ - "ĠAn", - "al" - ], - [ - "enti", - "a" - ], - [ - "a", - "ign" - ], - [ - "Ġfoot", - "ball" - ], - [ - "act", - "ing" - ], - [ - "Ġreturn", - "s" - ], - [ - "ĠT", - "om" - ], - [ - "sh", - "aped" - ], - [ - "it", - "ance" - ], - [ - "ĠExperim", - "ent" - ], - [ - "ĠO", - "S" - ], - [ - "Ġabs", - "ent" - ], - [ - "ran", - "ial" - ], - [ - "Ġtherap", - "ies" - ], - [ - "O", - "p" - ], - [ - "o", - "unced" - ], - [ - "AT", - "E" - ], - [ - "Val", - "ue" - ], - [ - "g", - "reen" - ], - [ - "Ġveget", - "ation" - ], - [ - "D", - "s" - ], - [ - "Ġinc", - "om" - ], - [ - "Ã", - "§" - ], - [ - "Ġm", - "arrow" - ], - [ - "ĠCo", - "uncil" - ], - [ - "Ġinv", - "est" - ], - [ - "Ġcl", - "ub" - ], - [ - "T", - "rans" - ], - [ - "dev", - "ice" - ], - [ - "Ġv", - "ibration" - ], - [ - "ĠX", - "u" - ], - [ - "////", - "////" - ], - [ - "ĠH", - "en" - ], - [ - "vi", - "er" - ], - [ - "Ġanalog", - "ous" - ], - [ - "Ġd", - "elta" - ], - [ - "Ġsal", - "ine" - ], - [ - "Ġrequ", - "iring" - ], - [ - "Ġneur", - "on" - ], - [ - "o", - "o" - ], - [ - "ĠQ", - "uality" - ], - [ - "Ġte", - "ac" - ], - [ - "ĠE", - "c" - ], - [ - "L", - "i" - ], - [ - "Ġpubl", - "ication" - ], - [ - "ĠPhys", - "ics" - ], - [ - "Ġp", - "pm" - ], - [ - "th", - "ase" - ], - [ - "Ġcre", - "ation" - ], - [ - "ĠA", - "ge" - ], - [ - "Ġbelong", - "ing" - ], - [ - "Ġion", - "ic" - ], - [ - "ĠS", - "I" - ], - [ - "u", - "ating" - ], - [ - "end", - "if" - ], - [ - "ĠC", - "our" - ], - [ - "Ð", - "°" - ], - [ - "Ġd", - "ots" - ], - [ - "Ġe", - "ast" - ], - [ - "ar", - "com" - ], - [ - "Ġâ", - "ĩ" - ], - [ - "Ġr", - "ights" - ], - [ - "ess", - "ions" - ], - [ - "Ġvers", - "ions" - ], - [ - "ĠF", - "ree" - ], - [ - "ĠSt", - "ress" - ], - [ - "Ġsed", - "iments" - ], - [ - "Ġm", - "itig" - ], - [ - "Ġb", - "ow" - ], - [ - "ĠAc", - "t" - ], - [ - "ĠCar", - "bon" - ], - [ - "t", - "here" - ], - [ - "te", - "en" - ], - [ - "Ġphen", - "otypes" - ], - [ - "Ġne", - "arest" - ], - [ - "ĠPot", - "ential" - ], - [ - "Ġde", - "form" - ], - [ - "Ġreflec", - "ts" - ], - [ - "Ġpart", - "ners" - ], - [ - "Ġan", - "est" - ], - [ - "Ġad", - "vers" - ], - [ - "ĠF", - "actor" - ], - [ - "Ġconven", - "ient" - ], - [ - "ul", - "os" - ], - [ - "ĠP", - "ur" - ], - [ - "ĠM", - "er" - ], - [ - "Ġfl", - "ag" - ], - [ - "Ġtri", - "ang" - ], - [ - "Ġseed", - "s" - ], - [ - "Ġf", - "if" - ], - [ - "ob", - "il" - ], - [ - "ĠC", - "K" - ], - [ - "men", - "tioned" - ], - [ - "Ġv", - "apor" - ], - [ - "og", - "ue" - ], - [ - "Ġpredic", - "tor" - ], - [ - "O", - "ut" - ], - [ - "Ġcomple", - "tion" - ], - [ - "ĠS", - "eg" - ], - [ - "Ġdiff", - "use" - ], - [ - "Ġra", - "ised" - ], - [ - "Ġco", - "ordination" - ], - [ - "Ġsyn", - "aptic" - ], - [ - "ĠB", - "or" - ], - [ - "ĠB", - "ol" - ], - [ - "Ġpolymer", - "ase" - ], - [ - "Ġwhe", - "at" - ], - [ - "Ġinser", - "tion" - ], - [ - "Ġes", - "c" - ], - [ - "ĠW", - "al" - ], - [ - "Ġdist", - "al" - ], - [ - "transfer", - "ase" - ], - [ - "Ġinter", - "faces" - ], - [ - "Ġins", - "u" - ], - [ - "Ġpoor", - "ly" - ], - [ - "Ġa", - "ureus" - ], - [ - "Ġben", - "z" - ], - [ - "Ġun", - "iverse" - ], - [ - "ĠInter", - "action" - ], - [ - "ĠF", - "rame" - ], - [ - "ĠIm", - "aging" - ], - [ - "Ġexpl", - "oration" - ], - [ - "ĠEngine", - "ering" - ], - [ - "ĠB", - "esides" - ], - [ - "ti", - "a" - ], - [ - "Ġen", - "um" - ], - [ - "an", - "ine" - ], - [ - "Ġto", - "t" - ], - [ - "ĠE", - "duc" - ], - [ - "Ġderiv", - "ation" - ], - [ - "Ar", - "ray" - ], - [ - "yl", - "oid" - ], - [ - "ĠAr", - "ch" - ], - [ - "is", - "en" - ], - [ - "ac", - "ity" - ], - [ - "ak", - "ers" - ], - [ - "Ġshe", - "et" - ], - [ - "ĠE", - "st" - ], - [ - "Ġwe", - "ar" - ], - [ - "Ġ", - "eryth" - ], - [ - "EC", - "K" - ], - [ - "hem", - "atics" - ], - [ - "Ġarter", - "ial" - ], - [ - "cript", - "style" - ], - [ - "scripts", - "criptstyle" - ], - [ - "echan", - "ical" - ], - [ - "Ġparticip", - "ation" - ], - [ - "c", - "her" - ], - [ - "ur", - "ance" - ], - [ - "ĠF", - "R" - ], - [ - "ĠC", - "V" - ], - [ - "Ġcomplement", - "ary" - ], - [ - "ain", - "e" - ], - [ - "empt", - "y" - ], - [ - "Ġdig", - "es" - ], - [ - "Ġexpon", - "ent" - ], - [ - "Ġsim", - "ulate" - ], - [ - "U", - "E" - ], - [ - "Ġantib", - "iotics" - ], - [ - "ĠUn", - "ivers" - ], - [ - "Ġpath", - "ology" - ], - [ - "ther", - "mal" - ], - [ - "p", - "a" - ], - [ - "Ġstress", - "es" - ], - [ - "ĠLabor", - "atory" - ], - [ - "N", - "ode" - ], - [ - "Ġle", - "ave" - ], - [ - "ash", - "ing" - ], - [ - "Ġdisc", - "re" - ], - [ - "Ġsusp", - "ension" - ], - [ - "ree", - "k" - ], - [ - "Ġschedul", - "ing" - ], - [ - "ĠD", - "A" - ], - [ - "ary", - "n" - ], - [ - "ĠNa", - "Cl" - ], - [ - "st", - "rain" - ], - [ - "ST", - "R" - ], - [ - "ĠC", - "ong" - ], - [ - "ol", - "f" - ], - [ - "Ġcal", - "ibr" - ], - [ - "ĠOptim", - "al" - ], - [ - "Ġ", - "ó" - ], - [ - "G", - "l" - ], - [ - "ĠR", - "h" - ], - [ - "Ġdiffic", - "ulties" - ], - [ - "Ġvess", - "els" - ], - [ - "Ġas", - "ymmetry" - ], - [ - "Ġco", - "herence" - ], - [ - "ĠTaxon", - "omy" - ], - [ - "Ġp", - "ed" - ], - [ - "ĠH", - "ouse" - ], - [ - "tit", - "udes" - ], - [ - "ĠF", - "ar" - ], - [ - "O", - "Y" - ], - [ - "Ġconcentr", - "ated" - ], - [ - "Ġsign", - "alling" - ], - [ - "Ġfung", - "al" - ], - [ - "Ġconsist", - "ently" - ], - [ - "Ġenh", - "ances" - ], - [ - "Ġfore", - "cast" - ], - [ - "Ġc", - "ubic" - ], - [ - "ĠE", - "P" - ], - [ - "Ġparticip", - "ate" - ], - [ - "ĠPl", - "ant" - ], - [ - "r", - "isk" - ], - [ - "A", - "nd" - ], - [ - "ad", - "ic" - ], - [ - "of", - "lu" - ], - [ - "Ġsper", - "m" - ], - [ - "ĠCh", - "ris" - ], - [ - "N", - "D" - ], - [ - "col", - "on" - ], - [ - "Ġf", - "aces" - ], - [ - "Ġtub", - "erculosis" - ], - [ - "ryst", - "al" - ], - [ - "flo", - "or" - ], - [ - "up", - "s" - ], - [ - "Ġg", - "ray" - ], - [ - "ĠP", - "ublic" - ], - [ - "t", - "ensor" - ], - [ - "Ġrig", - "id" - ], - [ - "Ġeas", - "tern" - ], - [ - "ĠItal", - "y" - ], - [ - "Ġsign", - "atures" - ], - [ - "Ġshall", - "ow" - ], - [ - "ó", - "n" - ], - [ - "ĠC", - "e" - ], - [ - "Ġpro", - "jects" - ], - [ - "Ġro", - "uting" - ], - [ - "Ġpredic", - "ts" - ], - [ - "ĠFe", - "atures" - ], - [ - "ĠDist", - "rict" - ], - [ - "Ġcar", - "rying" - ], - [ - "ĉ", - "ĠĠĠĠ" - ], - [ - "ĠT", - "O" - ], - [ - "H", - "M" - ], - [ - "d", - "ings" - ], - [ - "Ġre", - "normal" - ], - [ - "Ġb", - "ring" - ], - [ - "p", - "in" - ], - [ - "al", - "ed" - ], - [ - "Ġcloud", - "s" - ], - [ - "n", - "ames" - ], - [ - "ox", - "in" - ], - [ - "Ġperp", - "endicular" - ], - [ - "W", - "T" - ], - [ - "ers", - "hip" - ], - [ - "Ġrec", - "on" - ], - [ - "Ġwork", - "ed" - ], - [ - "ĠâĢ", - "«" - ], - [ - "rastruct", - "ure" - ], - [ - "Ġpo", - "inted" - ], - [ - "E", - "V" - ], - [ - "ĠT", - "aylor" - ], - [ - "Ġhep", - "atitis" - ], - [ - "Ġorb", - "its" - ], - [ - "ĠF", - "actors" - ], - [ - "c", - "ellular" - ], - [ - "Ġf", - "ocal" - ], - [ - "Ġbo", - "ost" - ], - [ - "Ġmic", - "rowave" - ], - [ - "ĠPro", - "ject" - ], - [ - "B", - "F" - ], - [ - "Ġpoli", - "tical" - ], - [ - "Ġsupplement", - "ed" - ], - [ - "Ġillustr", - "ates" - ], - [ - "Ġide", - "as" - ], - [ - "ĠDr", - "ug" - ], - [ - "ob", - "ile" - ], - [ - "ĠH", - "O" - ], - [ - "Ġrobust", - "ness" - ], - [ - "ros", - "ine" - ], - [ - "ĠN", - "ormal" - ], - [ - "Ġstim", - "ulated" - ], - [ - "Ġimped", - "ance" - ], - [ - "fort", - "unately" - ], - [ - "zym", - "e" - ], - [ - "Ġbar", - "riers" - ], - [ - "act", - "ory" - ], - [ - "lear", - "ly" - ], - [ - "Ġpre", - "print" - ], - [ - "sens", - "itive" - ], - [ - "Ġturb", - "ulent" - ], - [ - "th", - "ing" - ], - [ - "Ġbo", - "ard" - ], - [ - "Ġp", - "it" - ], - [ - "Ġintegr", - "ity" - ], - [ - "Ġrot", - "ating" - ], - [ - "ud", - "a" - ], - [ - "Ġv", - "enti" - ], - [ - "ĠSN", - "Ps" - ], - [ - "Ġcorrespond", - "ence" - ], - [ - "Ġvisual", - "ization" - ], - [ - "av", - "ail" - ], - [ - "Ġbe", - "ams" - ], - [ - "ĠCont", - "inu" - ], - [ - "Ġpers", - "istent" - ], - [ - "Ġb", - "ath" - ], - [ - "Ġmi", - "RNAs" - ], - [ - "Ġcust", - "om" - ], - [ - "Ġord", - "inary" - ], - [ - "Ġgener", - "ators" - ], - [ - "Ġb", - "ridge" - ], - [ - "Ġdom", - "in" - ], - [ - "am", - "y" - ], - [ - "Ġlo", - "oking" - ], - [ - "t", - "able" - ], - [ - "F", - "alse" - ], - [ - "Ġsoil", - "s" - ], - [ - "Ġmat", - "ches" - ], - [ - "Ġprog", - "ressive" - ], - [ - "st", - "ates" - ], - [ - "ĠSh", - "ort" - ], - [ - "Ġco", - "res" - ], - [ - "Ġintro", - "ducing" - ], - [ - "Ġar", - "rest" - ], - [ - "Ġtext", - "ure" - ], - [ - "Ġdors", - "al" - ], - [ - "Ġd", - "rain" - ], - [ - "iz", - "oph" - ], - [ - "ĠQ", - "ue" - ], - [ - "Ã", - "±" - ], - [ - "dis", - "c" - ], - [ - "Ind", - "ex" - ], - [ - "Ġext", - "ensively" - ], - [ - "Ġplastic", - "ity" - ], - [ - "Ġre", - "ally" - ], - [ - "ĠEr", - "ror" - ], - [ - "Ġsugg", - "es" - ], - [ - "Ġconsequ", - "ently" - ], - [ - "Ġperform", - "s" - ], - [ - "lik", - "ely" - ], - [ - "ive", - "red" - ], - [ - "Ġtherm", - "odynamic" - ], - [ - "Ġk", - "er" - ], - [ - "Ġacet", - "ate" - ], - [ - "Ġg", - "ets" - ], - [ - "leq", - "slant" - ], - [ - "Ġpredict", - "ors" - ], - [ - "ĠSw", - "ed" - ], - [ - "n", - "an" - ], - [ - "he", - "ter" - ], - [ - "Ġanomal", - "y" - ], - [ - "Ġoper", - "ational" - ], - [ - "Ġret", - "rospective" - ], - [ - "Ġt", - "ends" - ], - [ - "ad", - "en" - ], - [ - "Ġb", - "order" - ], - [ - "Ġmet", - "hanol" - ], - [ - "ĠEn", - "ter" - ], - [ - "Ġcoll", - "apse" - ], - [ - "Ġpurch", - "ased" - ], - [ - "D", - "a" - ], - [ - "ĠH", - "T" - ], - [ - "Ġf", - "ulf" - ], - [ - "Ġcr", - "ust" - ], - [ - "st", - "one" - ], - [ - "Ġpen", - "al" - ], - [ - "Ġtun", - "n" - ], - [ - "ĠTem", - "perature" - ], - [ - "Ġpot", - "ent" - ], - [ - "lec", - "ule" - ], - [ - "Ġco", - "vers" - ], - [ - "Ġbatter", - "y" - ], - [ - "Ġbe", - "g" - ], - [ - "Ġor", - "gans" - ], - [ - "ĠTh", - "omas" - ], - [ - "Ġsol", - "ub" - ], - [ - "oc", - "rine" - ], - [ - "ĠSp", - "in" - ], - [ - "Ġinterest", - "s" - ], - [ - "d", - "oc" - ], - [ - "Ġundergo", - "ing" - ], - [ - "u", - "i" - ], - [ - "Ġin", - "herent" - ], - [ - "Ġintegr", - "als" - ], - [ - "ira", - "ble" - ], - [ - "as", - "hi" - ], - [ - "Ġreg", - "eneration" - ], - [ - "Ġinf", - "lation" - ], - [ - "man", - "if" - ], - [ - "ĠRec", - "ognition" - ], - [ - "Ġdisplay", - "s" - ], - [ - "An", - "other" - ], - [ - "Ġcont", - "amin" - ], - [ - "j", - "unction" - ], - [ - "Ġcop", - "ies" - ], - [ - "MR", - "I" - ], - [ - "Ġvehic", - "les" - ], - [ - "G", - "et" - ], - [ - "Ġper", - "haps" - ], - [ - "Ġw", - "est" - ], - [ - "Ġint", - "ensive" - ], - [ - "Ġs", - "omething" - ], - [ - "Ġhypox", - "ia" - ], - [ - "Ġcou", - "plings" - ], - [ - "Ġfeas", - "ibility" - ], - [ - "az", - "ine" - ], - [ - "un", - "ic" - ], - [ - "in", - "er" - ], - [ - "ĠI", - "T" - ], - [ - "Ġdist", - "rict" - ], - [ - "ĠJ", - "ames" - ], - [ - "e", - "val" - ], - [ - "Ġplace", - "bo" - ], - [ - "a", - "que" - ], - [ - "Ġel", - "ucid" - ], - [ - "ĠJac", - "ob" - ], - [ - "Ġcoun", - "ting" - ], - [ - "Ġflex", - "ibility" - ], - [ - "Ġper", - "man" - ], - [ - "Ġadv", - "ances" - ], - [ - "ul", - "ph" - ], - [ - "Ġent", - "anglement" - ], - [ - "Ġinte", - "gers" - ], - [ - "Ġfocus", - "ing" - ], - [ - "k", - "ov" - ], - [ - "Ġh", - "ospit" - ], - [ - "Ġap", - "plies" - ], - [ - "Ġc", - "ot" - ], - [ - "S", - "m" - ], - [ - "ass", - "ium" - ], - [ - "Ġdocument", - "ed" - ], - [ - "Ġload", - "ed" - ], - [ - "Ġre", - "ly" - ], - [ - "Ġinf", - "ectious" - ], - [ - "Ġprob", - "es" - ], - [ - "Ġhighlight", - "ed" - ], - [ - "Ġp", - "ediatric" - ], - [ - "Ġwe", - "ather" - ], - [ - "Ġman", - "ual" - ], - [ - "Ġc", - "ation" - ], - [ - "Ġinterp", - "olation" - ], - [ - "ĠSte", - "p" - ], - [ - "ĠK", - "al" - ], - [ - "D", - "H" - ], - [ - "d", - "b" - ], - [ - "izoph", - "ren" - ], - [ - "ad", - "er" - ], - [ - "car", - "b" - ], - [ - "Ġag", - "on" - ], - [ - "orph", - "ous" - ], - [ - "t", - "ors" - ], - [ - "at", - "z" - ], - [ - "Ġb", - "if" - ], - [ - "Ġcharg", - "es" - ], - [ - "ĠAg", - "ain" - ], - [ - "Ġb", - "ron" - ], - [ - "ĠG", - "over" - ], - [ - "Ġmin", - "ing" - ], - [ - "a", - "ver" - ], - [ - "Ġearth", - "qu" - ], - [ - "Ġview", - "s" - ], - [ - "Ġsc", - "ene" - ], - [ - "par", - "ameters" - ], - [ - "Ġbro", - "ken" - ], - [ - "T", - "est" - ], - [ - "ĠS", - "um" - ], - [ - "ĠP", - "rom" - ], - [ - "Î", - "Ľ" - ], - [ - "Ġcut", - "off" - ], - [ - "Ġb", - "irds" - ], - [ - "Ġar", - "ising" - ], - [ - "ĠA", - "I" - ], - [ - "ĠC", - "E" - ], - [ - "Ġpron", - "ounced" - ], - [ - "asp", - "ase" - ], - [ - "Ġint", - "ended" - ], - [ - "Ġaff", - "ine" - ], - [ - "Ġur", - "ine" - ], - [ - "Ġbelie", - "ved" - ], - [ - "ĠPrim", - "ary" - ], - [ - "ĠCon", - "f" - ], - [ - "Ġab", - "dominal" - ], - [ - "sp", - "in" - ], - [ - "un", - "iform" - ], - [ - "ĠSt", - "ochastic" - ], - [ - "ĠPro", - "v" - ], - [ - "Ġmi", - "RNA" - ], - [ - "ĠB", - "ell" - ], - [ - "B", - "O" - ], - [ - "ĠSoft", - "ware" - ], - [ - "ĠT", - "s" - ], - [ - "ut", - "ri" - ], - [ - "ick", - "ing" - ], - [ - "i", - "en" - ], - [ - "Ġmic", - "ros" - ], - [ - "ĠN", - "R" - ], - [ - "Ġleuk", - "emia" - ], - [ - "Ġsuper", - "nat" - ], - [ - "f", - "amily" - ], - [ - "Ġall", - "oys" - ], - [ - "ĠP", - "ET" - ], - [ - "ĠA", - "bs" - ], - [ - "ĠG", - "A" - ], - [ - "ĠQu", - "antitative" - ], - [ - "L", - "o" - ], - [ - "Ġis", - "land" - ], - [ - "sec", - "ond" - ], - [ - "pec", - "tives" - ], - [ - "Ġlat", - "ency" - ], - [ - "ang", - "i" - ], - [ - "Ġfl", - "ight" - ], - [ - "ĠE", - "uclidean" - ], - [ - "em", - "y" - ], - [ - "ĠBl", - "ood" - ], - [ - "leuk", - "in" - ], - [ - "L", - "T" - ], - [ - "en", - "h" - ], - [ - "Ġs", - "we" - ], - [ - "Ġunit", - "ary" - ], - [ - "ĠRep", - "ublic" - ], - [ - "Ġstructure", - "d" - ], - [ - "ĠS", - "en" - ], - [ - "M", - "n" - ], - [ - "cent", - "ric" - ], - [ - "Ġtrans", - "genic" - ], - [ - "Ġhelp", - "ful" - ], - [ - "py", - "x" - ], - [ - "Ġhome", - "ostasis" - ], - [ - "N", - "a" - ], - [ - "Ġpass", - "ed" - ], - [ - "Ġe", - "yes" - ], - [ - "Ġab", - "stract" - ], - [ - "ul", - "se" - ], - [ - "Ġmir", - "ror" - ], - [ - "Ġregul", - "ator" - ], - [ - "Ġmur", - "ine" - ], - [ - "load", - "ed" - ], - [ - "Ġmod", - "ular" - ], - [ - "Ġlandsc", - "ape" - ], - [ - "ic", - "ks" - ], - [ - "Ġs", - "now" - ], - [ - "Ġb", - "ovine" - ], - [ - "ell", - "i" - ], - [ - "Ġdatab", - "ases" - ], - [ - "Ġout", - "break" - ], - [ - "l", - "arg" - ], - [ - "ĠR", - "un" - ], - [ - "B", - "E" - ], - [ - "Ġsur", - "prising" - ], - [ - "Ġaccept", - "able" - ], - [ - "Ġrot", - "ational" - ], - [ - "p", - "g" - ], - [ - "F", - "E" - ], - [ - "w", - "ik" - ], - [ - "Ġy", - "ounger" - ], - [ - "ash", - "ion" - ], - [ - "Ġmic", - "roscopic" - ], - [ - "reg", - "ation" - ], - [ - "Ġfib", - "r" - ], - [ - "ĠPl", - "an" - ], - [ - "Ġha", - "pl" - ], - [ - "Ġmanif", - "olds" - ], - [ - "Ġout", - "per" - ], - [ - "Ġcho", - "osing" - ], - [ - "e", - "per" - ], - [ - "Ġke", - "V" - ], - [ - "ĠT", - "yp" - ], - [ - "p", - "read" - ], - [ - "nt", - "z" - ], - [ - "ĠRe", - "port" - ], - [ - "ĠMat", - "rix" - ], - [ - "Ġint", - "u" - ], - [ - "Ġproper", - "ly" - ], - [ - "og", - "ly" - ], - [ - "oscop", - "ic" - ], - [ - "ĠA", - "MP" - ], - [ - "ĠB", - "M" - ], - [ - "Ġelement", - "ary" - ], - [ - "kele", - "ton" - ], - [ - "Ġsyn", - "thase" - ], - [ - "Ġion", - "ization" - ], - [ - "b", - "es" - ], - [ - "oph", - "age" - ], - [ - "duc", - "es" - ], - [ - "acc", - "o" - ], - [ - "Ġprot", - "ect" - ], - [ - "ĠCo", - "ul" - ], - [ - "Ġsp", - "ent" - ], - [ - "Ġm", - "and" - ], - [ - "Ġh", - "ind" - ], - [ - "flu", - "or" - ], - [ - "ĠG", - "ood" - ], - [ - "Ġdo", - "ing" - ], - [ - "Ob", - "ject" - ], - [ - "duc", - "ts" - ], - [ - "o", - "yl" - ], - [ - "chi", - "atric" - ], - [ - "Ġo", - "v" - ], - [ - "c", - "el" - ], - [ - "Ġb", - "ases" - ], - [ - "Ġmitochond", - "ria" - ], - [ - "p", - "ted" - ], - [ - "art", - "z" - ], - [ - "Ġb", - "rown" - ], - [ - "Ġequ", - "als" - ], - [ - "ti", - "ble" - ], - [ - "Ġopportun", - "ity" - ], - [ - "az", - "ol" - ], - [ - "Ġoff", - "icial" - ], - [ - "ail", - "ed" - ], - [ - "Ġur", - "inary" - ], - [ - "ĠH", - "an" - ], - [ - "B", - "e" - ], - [ - "res", - "ult" - ], - [ - "un", - "its" - ], - [ - "Ġb", - "ad" - ], - [ - "ĠSt", - "ring" - ], - [ - "iz", - "able" - ], - [ - "con", - "dition" - ], - [ - "ĠElect", - "ron" - ], - [ - "immun", - "e" - ], - [ - "ĠM", - "E" - ], - [ - "ha", - "o" - ], - [ - "Î", - "£" - ], - [ - "ĠM", - "AT" - ], - [ - "Ġad", - "opt" - ], - [ - "Ġel", - "ic" - ], - [ - "Ġsh", - "r" - ], - [ - "Ġproxim", - "al" - ], - [ - "F", - "D" - ], - [ - "ĠS", - "S" - ], - [ - "Ġentire", - "ly" - ], - [ - "es", - "ium" - ], - [ - "ĠE", - "EG" - ], - [ - "Ġpa", - "ired" - ], - [ - "ĠT", - "P" - ], - [ - "ĠD", - "O" - ], - [ - "NA", - "L" - ], - [ - "ides", - "pread" - ], - [ - "Ġmov", - "es" - ], - [ - "s", - "ite" - ], - [ - "Ġra", - "in" - ], - [ - "Ġl", - "ap" - ], - [ - "ĠF", - "u" - ], - [ - "ĠM", - "eta" - ], - [ - "irc", - "raft" - ], - [ - "Ġmagne", - "tization" - ], - [ - "oper", - "ation" - ], - [ - "Ġpro", - "st" - ], - [ - "Ste", - "p" - ], - [ - "Ġsubgroup", - "s" - ], - [ - "ĠS", - "outhern" - ], - [ - "Ġat", - "he" - ], - [ - "lu", - "or" - ], - [ - "ĠTaxon", - "omic" - ], - [ - "ĠE", - "instein" - ], - [ - "Ġr", - "ace" - ], - [ - "ĠK", - "en" - ], - [ - "Ġattem", - "pts" - ], - [ - "Ġcos", - "mic" - ], - [ - "ĠD", - "op" - ], - [ - "Ġfix", - "ation" - ], - [ - "Ġremov", - "ing" - ], - [ - "B", - "T" - ], - [ - "Ġlim", - "b" - ], - [ - "Ġal", - "ign" - ], - [ - "Ġd", - "ried" - ], - [ - "d", - "u" - ], - [ - "Ġput", - "ative" - ], - [ - "uc", - "cess" - ], - [ - "per", - "t" - ], - [ - "Ġslow", - "ly" - ], - [ - "al", - "so" - ], - [ - "ol", - "ip" - ], - [ - "Ġcl", - "ient" - ], - [ - "Ġbas", - "in" - ], - [ - "Ġsuscepti", - "ble" - ], - [ - "Ġcom", - "ing" - ], - [ - "ns", - "on" - ], - [ - "ĠN", - "GC" - ], - [ - "ass", - "ert" - ], - [ - "Ġtens", - "ile" - ], - [ - "Ġar", - "ises" - ], - [ - "cut", - "aneous" - ], - [ - "Ġc", - "aro" - ], - [ - "B", - "i" - ], - [ - "Ġdiscuss", - "ions" - ], - [ - "Ġabnormal", - "ities" - ], - [ - "Ġpoll", - "ution" - ], - [ - "ĠA", - "x" - ], - [ - "Ġload", - "s" - ], - [ - "D", - "o" - ], - [ - "ia", - "o" - ], - [ - "Ġmed", - "ication" - ], - [ - "Ġint", - "act" - ], - [ - "ĠC", - "X" - ], - [ - "Ġbre", - "eding" - ], - [ - "ĠUn", - "ion" - ], - [ - "ĠB", - "at" - ], - [ - "ĠPar", - "ticipants" - ], - [ - "ĠReg", - "ulation" - ], - [ - "Ġcontrad", - "iction" - ], - [ - "Ġint", - "ensities" - ], - [ - "ence", - "phal" - ], - [ - "ri", - "le" - ], - [ - "ĠT", - "LR" - ], - [ - "Ġred", - "und" - ], - [ - "Ġpers", - "ons" - ], - [ - "ĠAr", - "c" - ], - [ - "sol", - "id" - ], - [ - "l", - "aw" - ], - [ - "Res", - "ults" - ], - [ - "il", - "ic" - ], - [ - "z", - "one" - ], - [ - "ocyt", - "osis" - ], - [ - "Ġtri", - "angle" - ], - [ - "ST", - "M" - ], - [ - "ĠV", - "irus" - ], - [ - "Ġa", - "id" - ], - [ - "so", - "ft" - ], - [ - "Ġso", - "on" - ], - [ - "exp", - "ected" - ], - [ - "Ġan", - "ch" - ], - [ - "ĠM", - "u" - ], - [ - "ĠS", - "r" - ], - [ - "ĠL", - "O" - ], - [ - "Ġc", - "ry" - ], - [ - "Ġup", - "stream" - ], - [ - "ox", - "ic" - ], - [ - "math", - "it" - ], - [ - "ĠK", - "le" - ], - [ - "Ġis", - "otropic" - ], - [ - "Ġspati", - "ally" - ], - [ - "ĠH", - "ard" - ], - [ - "Ġext", - "r" - ], - [ - "b", - "as" - ], - [ - "e", - "or" - ], - [ - "iv", - "il" - ], - [ - "y", - "an" - ], - [ - "Ġshif", - "ted" - ], - [ - "Ġbi", - "opsy" - ], - [ - "Ġfe", - "el" - ], - [ - "gl", - "ut" - ], - [ - "S", - "ize" - ], - [ - "Ġ", - "erg" - ], - [ - "ĠT", - "er" - ], - [ - "Ġdeath", - "s" - ], - [ - "bor", - "ne" - ], - [ - "Ġrel", - "ativistic" - ], - [ - "ĠV", - "EGF" - ], - [ - "at", - "ab" - ], - [ - "s", - "pring" - ], - [ - "res", - "tim" - ], - [ - "ĠS", - "earch" - ], - [ - "yp", - "henyl" - ], - [ - "ec", - "al" - ], - [ - "ur", - "c" - ], - [ - "Ġl", - "amin" - ], - [ - "Ġser", - "ial" - ], - [ - "l", - "as" - ], - [ - "ĠPro", - "duction" - ], - [ - "Ġsoci", - "o" - ], - [ - "Ġmod", - "ify" - ], - [ - "ĠServ", - "ice" - ], - [ - "Ġb", - "ary" - ], - [ - "Ġradi", - "ative" - ], - [ - "big", - "l" - ], - [ - "Ġparad", - "igm" - ], - [ - "pati", - "ent" - ], - [ - "Ġsp", - "p" - ], - [ - "ph", - "one" - ], - [ - "Ġ", - "î" - ], - [ - "Ġro", - "cks" - ], - [ - "ĠMart", - "in" - ], - [ - "m", - "n" - ], - [ - "Ġflu", - "ids" - ], - [ - "ĠIN", - "TR" - ], - [ - "od", - "s" - ], - [ - "Ġdiv", - "is" - ], - [ - "Cons", - "ider" - ], - [ - "comp", - "onent" - ], - [ - "Ġanomal", - "ies" - ], - [ - "Ġk", - "nee" - ], - [ - "ĠRelations", - "hip" - ], - [ - "a", - "ud" - ], - [ - "Ġover", - "night" - ], - [ - "Ġra", - "inf" - ], - [ - "Ġanne", - "aling" - ], - [ - "Ġtre", - "ating" - ], - [ - "Ġco", - "arse" - ], - [ - "Mod", - "el" - ], - [ - "Ġp", - "ose" - ], - [ - "Ġocc", - "as" - ], - [ - "ĠWilli", - "am" - ], - [ - "o", - "or" - ], - [ - "Ġadjust", - "ment" - ], - [ - "ĠF", - "unctions" - ], - [ - "im", - "eter" - ], - [ - "Ġdet", - "ectors" - ], - [ - "Ġinstit", - "utional" - ], - [ - "Ġthrough", - "put" - ], - [ - "iv", - "idual" - ], - [ - "Ġenti", - "ties" - ], - [ - "Ġprolong", - "ed" - ], - [ - "Ġsh", - "ip" - ], - [ - "Ġpres", - "erved" - ], - [ - "ODU", - "CTION" - ], - [ - "Ġlog", - "istic" - ], - [ - "ĠPred", - "iction" - ], - [ - "ti", - "zed" - ], - [ - "ĠOr", - "ig" - ], - [ - "ĠH", - "em" - ], - [ - "onom", - "ous" - ], - [ - "########", - "########" - ], - [ - "ĠGen", - "eration" - ], - [ - "b", - "ottom" - ], - [ - "ĠK", - "now" - ], - [ - "cl", - "inical" - ], - [ - "Ġtra", - "uma" - ], - [ - "Ġiter", - "ative" - ], - [ - "Ġfac", - "ility" - ], - [ - "ron", - "t" - ], - [ - "ĠB", - "us" - ], - [ - "Ġret", - "inal" - ], - [ - "Ġcon", - "duction" - ], - [ - "Ġcheck", - "ed" - ], - [ - "Ġcall", - "s" - ], - [ - "olog", - "ists" - ], - [ - "C", - "ON" - ], - [ - "ĠSc", - "iences" - ], - [ - "Ġnon", - "zero" - ], - [ - "Ġb", - "rack" - ], - [ - "Ġmel", - "ting" - ], - [ - "Ġas", - "c" - ], - [ - "Ġmen", - "tion" - ], - [ - "ĠB", - "L" - ], - [ - "Ġver", - "ification" - ], - [ - "uk", - "ary" - ], - [ - "ĠSp", - "atial" - ], - [ - "ĠG", - "ram" - ], - [ - "Ġpl", - "aces" - ], - [ - "Ġnec", - "rosis" - ], - [ - "ĠChild", - "ren" - ], - [ - "Ġdel", - "ivered" - ], - [ - "Ġres", - "ection" - ], - [ - "Ġdetermin", - "istic" - ], - [ - "S", - "ection" - ], - [ - "Ġmul", - "tim" - ], - [ - "D", - "F" - ], - [ - "Ġhypot", - "heses" - ], - [ - "Ġra", - "ise" - ], - [ - "Ġse", - "ismic" - ], - [ - "Ġl", - "am" - ], - [ - "ĠH", - "CC" - ], - [ - "big", - "r" - ], - [ - "Ġhe", - "aling" - ], - [ - "is", - "y" - ], - [ - "Ġoptim", - "ize" - ], - [ - "obacter", - "ium" - ], - [ - "ed", - "y" - ], - [ - "Ġtr", - "uth" - ], - [ - "Ġspace", - "time" - ], - [ - "Ġchrom", - "atin" - ], - [ - "Ġdom", - "estic" - ], - [ - "Ġrec", - "ru" - ], - [ - "ĠJ", - "ose" - ], - [ - "ĠTherm", - "al" - ], - [ - "Ġenvelop", - "e" - ], - [ - "v", - "able" - ], - [ - "Ġinc", - "ons" - ], - [ - "Ġn", - "od" - ], - [ - "Ð", - "¸" - ], - [ - "Ġcontrib", - "uting" - ], - [ - "Ġguarant", - "ee" - ], - [ - "ĠP", - "hen" - ], - [ - "Ġra", - "b" - ], - [ - "M", - "an" - ], - [ - "Ġsurve", - "illance" - ], - [ - "Ġth", - "ings" - ], - [ - "Ġpre", - "v" - ], - [ - "ĠNon", - "linear" - ], - [ - "Ġg", - "aps" - ], - [ - "ay", - "a" - ], - [ - "ĠC", - "ri" - ], - [ - "Ġcrystall", - "ine" - ], - [ - "str", - "ict" - ], - [ - "Ġcomput", - "ations" - ], - [ - "Ġun", - "able" - ], - [ - "h", - "abil" - ], - [ - "um", - "ina" - ], - [ - "Ġpromot", - "ing" - ], - [ - "eg", - "rad" - ], - [ - "Ġreg", - "ister" - ], - [ - "Ġcross", - "ing" - ], - [ - "ul", - "ators" - ], - [ - "ĠL", - "anguage" - ], - [ - "ĠA", - "A" - ], - [ - "Ġin", - "er" - ], - [ - "ĠL", - "V" - ], - [ - "os", - "an" - ], - [ - "Ġcoast", - "al" - ], - [ - "Ġbi", - "od" - ], - [ - "ĠM", - "OD" - ], - [ - "Ġneighb", - "our" - ], - [ - "Ġpredominant", - "ly" - ], - [ - "ĠNew", - "ton" - ], - [ - "ĠStr", - "ateg" - ], - [ - "be", - "ing" - ], - [ - "Ġ", - "ì" - ], - [ - "Ġcap", - "abilities" - ], - [ - "Ġun", - "less" - ], - [ - "form", - "al" - ], - [ - "Ġvess", - "el" - ], - [ - "b", - "matrix" - ], - [ - "ES", - "S" - ], - [ - "Ġrainf", - "all" - ], - [ - "Ã", - "£" - ], - [ - "Ġpre", - "par" - ], - [ - "ax", - "ial" - ], - [ - "Ġd", - "ental" - ], - [ - "ĠPro", - "te" - ], - [ - "Ġwor", - "se" - ], - [ - "d", - "oped" - ], - [ - "hen", - "tic" - ], - [ - "Ġvalid", - "ate" - ], - [ - "Z", - "n" - ], - [ - "Ġspec", - "ification" - ], - [ - "s", - "i" - ], - [ - "ĠAn", - "g" - ], - [ - "Ġtub", - "es" - ], - [ - "ul", - "ic" - ], - [ - "ĠAn", - "y" - ], - [ - "ĠM", - "ap" - ], - [ - "Ġfabric", - "ated" - ], - [ - "Ġfor", - "ced" - ], - [ - "ĠWil", - "son" - ], - [ - "ol", - "ysis" - ], - [ - "ĠW", - "ave" - ], - [ - "ĠC", - "ast" - ], - [ - "Ġast", - "hma" - ], - [ - "Ġper", - "i" - ], - [ - "ĠC", - "yt" - ], - [ - "ast", - "y" - ], - [ - "Ġsk", - "y" - ], - [ - "rup", - "t" - ], - [ - "D", - "ec" - ], - [ - "Ġmelan", - "oma" - ], - [ - "P", - "ER" - ], - [ - "Ġcontinu", - "ity" - ], - [ - "B", - "ox" - ], - [ - "s", - "ystem" - ], - [ - "Ġn", - "avig" - ], - [ - "Ġcirc", - "ulating" - ], - [ - "Ġcolon", - "y" - ], - [ - "less", - "sim" - ], - [ - "ad", - "ium" - ], - [ - "Ġtet", - "ra" - ], - [ - "Ġacc", - "ounts" - ], - [ - "Ġpresent", - "ing" - ], - [ - "ĠL", - "ik" - ], - [ - "Ġres", - "is" - ], - [ - "Ġdamp", - "ing" - ], - [ - "ĠG", - "ly" - ], - [ - "ĠNeu", - "ro" - ], - [ - "us", - "er" - ], - [ - "Ġcap", - "ital" - ], - [ - "ur", - "ate" - ], - [ - "ĠM", - "W" - ], - [ - "Ġcorrel", - "ates" - ], - [ - "ĠG", - "ib" - ], - [ - "Ġhapp", - "ens" - ], - [ - "Ġg", - "all" - ], - [ - "ĠWith", - "in" - ], - [ - "Ġcomb", - "ine" - ], - [ - "Ġsin", - "us" - ], - [ - "ĠK", - "in" - ], - [ - "****************", - "****************" - ], - [ - "M", - "ap" - ], - [ - "Ġmat", - "uration" - ], - [ - "Ġblock", - "ing" - ], - [ - "ĠClo", - "ud" - ], - [ - "Ġcont", - "acts" - ], - [ - "Ġs", - "ac" - ], - [ - "AL", - "L" - ], - [ - "ĠR", - "ab" - ], - [ - "z", - "z" - ], - [ - "ut", - "ch" - ], - [ - "Ġcar", - "riers" - ], - [ - "ĠSN", - "R" - ], - [ - "er", - "b" - ], - [ - "Ġprot", - "ected" - ], - [ - "rack", - "ing" - ], - [ - "radi", - "ent" - ], - [ - "Ġattrac", - "tive" - ], - [ - "Ġl", - "ag" - ], - [ - "Ġop", - "in" - ], - [ - "ĠG", - "i" - ], - [ - "Ġdef", - "ense" - ], - [ - "Ġtun", - "ing" - ], - [ - "Ġelect", - "roph" - ], - [ - "Ġgreat", - "est" - ], - [ - "Ġreconstruc", - "ted" - ], - [ - "ĠPop", - "ulation" - ], - [ - "M", - "AP" - ], - [ - "Ġw", - "rote" - ], - [ - "AN", - "D" - ], - [ - "ec", - "onomic" - ], - [ - "ĠMich", - "ael" - ], - [ - "ĠBl", - "ock" - ], - [ - "Ġv", - "o" - ], - [ - "op", - "rop" - ], - [ - "Ġprof", - "iling" - ], - [ - "oot", - "st" - ], - [ - "ĠAs", - "ian" - ], - [ - "Ġoscill", - "ation" - ], - [ - "ĠâĨ", - "IJ" - ], - [ - "U", - "D" - ], - [ - "Ġsign", - "ed" - ], - [ - "ĠE", - "uler" - ], - [ - "ĠCompar", - "ative" - ], - [ - "ĠW", - "here" - ], - [ - "ĠJ", - "ack" - ], - [ - "Ġpass", - "ing" - ], - [ - "Ġvill", - "age" - ], - [ - "Ġa", - "u" - ], - [ - "ĠNor", - "thern" - ], - [ - "ess", - "age" - ], - [ - "m", - "atic" - ], - [ - "Ġaff", - "ili" - ], - [ - "ĠF", - "ac" - ], - [ - "Ġoverl", - "apping" - ], - [ - "she", - "ll" - ], - [ - "Ġobst", - "ac" - ], - [ - "Ġbec", - "oming" - ], - [ - "enti", - "ve" - ], - [ - "Ġeas", - "ier" - ], - [ - "init", - "ely" - ], - [ - "Ġcent", - "ered" - ], - [ - "Ġac", - "ademic" - ], - [ - "ann", - "els" - ], - [ - "Ġir", - "regular" - ], - [ - "Ġproj", - "ections" - ], - [ - "Ġpro", - "position" - ], - [ - "Ġdiscrim", - "ination" - ], - [ - "Ġrem", - "od" - ], - [ - "Ġsh", - "oot" - ], - [ - "mon", - "th" - ], - [ - "ess", - "or" - ], - [ - "Ġdiff", - "ers" - ], - [ - "ĠT", - "V" - ], - [ - "ĠZ", - "hou" - ], - [ - "Ġin", - "her" - ], - [ - "Ġmach", - "ines" - ], - [ - "Ġm", - "ell" - ], - [ - "Ġconjug", - "ate" - ], - [ - "Ġc", - "oc" - ], - [ - "un", - "a" - ], - [ - "an", - "yl" - ], - [ - "Ġoff", - "ic" - ], - [ - "Ġopportun", - "ities" - ], - [ - "Ġve", - "in" - ], - [ - "ĠCharacter", - "istics" - ], - [ - "Ġpath", - "ogenic" - ], - [ - "OY", - "SA" - ], - [ - "ĠPark", - "inson" - ], - [ - "ĠGal", - "actic" - ], - [ - "FF", - "FA" - ], - [ - "ys", - "es" - ], - [ - "UH", - "FFFA" - ], - [ - "UHFFFA", - "OYSA" - ], - [ - "act", - "in" - ], - [ - "Ġun", - "us" - ], - [ - "hes", - "ia" - ], - [ - "ace", - "u" - ], - [ - "ad", - "ow" - ], - [ - "os", - "ide" - ], - [ - "Ġgly", - "cos" - ], - [ - "Ġdil", - "uted" - ], - [ - "ĠS", - "ource" - ], - [ - "ol", - "ated" - ], - [ - "arm", - "aceu" - ], - [ - "ant", - "om" - ], - [ - "Ġmus", - "c" - ], - [ - "Ġaver", - "aging" - ], - [ - "Ġvis", - "it" - ], - [ - "Ġc", - "atch" - ], - [ - "Ġsatisf", - "action" - ], - [ - "Ġv", - "on" - ], - [ - "val", - "id" - ], - [ - "Ġyield", - "ed" - ], - [ - "Ġpack", - "ets" - ], - [ - "Ġreson", - "ant" - ], - [ - "p", - "ret" - ], - [ - "ĠG", - "FP" - ], - [ - "Ġcut", - "ting" - ], - [ - "Ġreplac", - "ing" - ], - [ - "az", - "e" - ], - [ - "P", - "a" - ], - [ - "Ġto", - "day" - ], - [ - "Ġdec", - "ided" - ], - [ - "il", - "ateral" - ], - [ - "im", - "ate" - ], - [ - "l", - "ings" - ], - [ - "ĠRob", - "ust" - ], - [ - "ĠA", - "st" - ], - [ - "od", - "ynamics" - ], - [ - "Ġlack", - "ing" - ], - [ - "izophren", - "ia" - ], - [ - "Ġcont", - "raction" - ], - [ - "um", - "ann" - ], - [ - "ĠS", - "ample" - ], - [ - "Ġdi", - "amond" - ], - [ - "met", - "hod" - ], - [ - "T", - "OR" - ], - [ - "Ġcom", - "ments" - ], - [ - "se", - "y" - ], - [ - "Ġmanufact", - "uring" - ], - [ - "ĠD", - "a" - ], - [ - "N", - "R" - ], - [ - "Ġoper", - "ated" - ], - [ - "r", - "ates" - ], - [ - "Ġextinc", - "tion" - ], - [ - "u", - "vant" - ], - [ - "ĠF", - "inite" - ], - [ - "Ġlymph", - "ocytes" - ], - [ - "b", - "ro" - ], - [ - "om", - "ology" - ], - [ - "Ġinstr", - "uments" - ], - [ - "b", - "ec" - ], - [ - "og", - "le" - ], - [ - "Ġqu", - "oti" - ], - [ - "Ġhyper", - "bolic" - ], - [ - "Ġtr", - "im" - ], - [ - "Ġp", - "ap" - ], - [ - "atur", - "ated" - ], - [ - "h", - "aus" - ], - [ - "Ġs", - "essions" - ], - [ - "Ġcamp", - "aign" - ], - [ - "Ġvari", - "eties" - ], - [ - "Ġpro", - "jected" - ], - [ - "Ġr", - "id" - ], - [ - "b", - "one" - ], - [ - "Ġanc", - "est" - ], - [ - "ĠE", - "T" - ], - [ - "ma", - "il" - ], - [ - "ĠTrans", - "port" - ], - [ - "//", - "/" - ], - [ - "ĠAn", - "n" - ], - [ - "Ġcompos", - "itions" - ], - [ - "ĠINTR", - "ODUCTION" - ], - [ - "ĠâĪĴ", - "âĨĴ" - ], - [ - "Ġwhen", - "ever" - ], - [ - "ĠL", - "ip" - ], - [ - "par", - "ts" - ], - [ - "Ġis", - "omorphic" - ], - [ - "Ġsulf", - "ate" - ], - [ - "Ġh", - "op" - ], - [ - "Ġg", - "on" - ], - [ - "ĠOb", - "ject" - ], - [ - "Ġpip", - "eline" - ], - [ - "Ġm", - "a" - ], - [ - "ĠG", - "as" - ], - [ - "Ġtend", - "ency" - ], - [ - "ob", - "ject" - ], - [ - "Ġparamet", - "ric" - ], - [ - "ĠRet", - "urn" - ], - [ - "Ġd", - "war" - ], - [ - "Ġpress", - "ures" - ], - [ - "ĠBi", - "os" - ], - [ - "Ġmulti", - "plication" - ], - [ - "Ġdim", - "in" - ], - [ - "Ġcol", - "ors" - ], - [ - "ĠTr", - "ue" - ], - [ - "M", - "ax" - ], - [ - "ĠD", - "epend" - ], - [ - "Ġpair", - "wise" - ], - [ - "Ġl", - "ake" - ], - [ - "Ġhierarch", - "y" - ], - [ - "Ġthresh", - "olds" - ], - [ - "ĠAdap", - "tive" - ], - [ - "m", - "aking" - ], - [ - "Ġcataly", - "sts" - ], - [ - "ip", - "al" - ], - [ - "Ġeg", - "gs" - ], - [ - "Ġw", - "ire" - ], - [ - "ophyl", - "l" - ], - [ - "ict", - "or" - ], - [ - "label", - "ed" - ], - [ - "Ġmus", - "cles" - ], - [ - "ĠUnder", - "standing" - ], - [ - "Ġfib", - "re" - ], - [ - "cont", - "rolled" - ], - [ - "Ġinvari", - "ance" - ], - [ - "Ġc", - "ache" - ], - [ - "Ġbos", - "on" - ], - [ - "Ġnear", - "by" - ], - [ - "ĠW", - "omen" - ], - [ - "ĠIn", - "itial" - ], - [ - "Ġprob", - "abilistic" - ], - [ - "Ġembry", - "onic" - ], - [ - "ĠB", - "etween" - ], - [ - "Ġcon", - "jecture" - ], - [ - "i", - "enti" - ], - [ - "t", - "x" - ], - [ - "g", - "ens" - ], - [ - "anc", - "k" - ], - [ - "Ġg", - "ir" - ], - [ - "ĠL", - "ower" - ], - [ - "Ġhospit", - "als" - ], - [ - "brid", - "ge" - ], - [ - "Met", - "hod" - ], - [ - "Ġthe", - "ta" - ], - [ - "j", - "a" - ], - [ - "Ġconcept", - "ual" - ], - [ - "Ġcol", - "le" - ], - [ - "ĠS", - "af" - ], - [ - "d", - "ic" - ], - [ - "Ġp", - "et" - ], - [ - "Ġprim", - "er" - ], - [ - "ĠO", - "h" - ], - [ - "Ġun", - "treated" - ], - [ - "long", - "rightarrow" - ], - [ - "Ġl", - "icense" - ], - [ - "Ġhel", - "ps" - ], - [ - "Ġcle", - "avage" - ], - [ - "Ġampl", - "ified" - ], - [ - "Ð", - "µ" - ], - [ - "Ġaccess", - "ible" - ], - [ - "ĠSe", - "lection" - ], - [ - "ĠLore", - "ntz" - ], - [ - "P", - "y" - ], - [ - "Ġpolar", - "ized" - ], - [ - "ĠST", - "AT" - ], - [ - "mit", - "t" - ], - [ - "U", - "p" - ], - [ - "Ġon", - "going" - ], - [ - "Ġne", - "ph" - ], - [ - "e", - "fficient" - ], - [ - "ac", - "tiv" - ], - [ - "ĠR", - "R" - ], - [ - "Ġfunction", - "ing" - ], - [ - "ot", - "in" - ], - [ - "Ġl", - "ists" - ], - [ - "Ġformal", - "ism" - ], - [ - "Ġoscill", - "ator" - ], - [ - "Ġgastro", - "intestinal" - ], - [ - "ootst", - "rap" - ], - [ - "ĠAs", - "ia" - ], - [ - "ĠD", - "ay" - ], - [ - "Ġcomp", - "eting" - ], - [ - "ival", - "ent" - ], - [ - "Ġbl", - "adder" - ], - [ - "Ġh", - "it" - ], - [ - "Ġapproxim", - "ations" - ], - [ - "ĠE", - "g" - ], - [ - "ĠCl", - "ust" - ], - [ - "Ġrel", - "ies" - ], - [ - "N", - "E" - ], - [ - "cop", - "ro" - ], - [ - "Ġb", - "ank" - ], - [ - "Ġintegr", - "ating" - ], - [ - "ĠH", - "ear" - ], - [ - "Ġiniti", - "ated" - ], - [ - "ac", - "ryl" - ], - [ - "ĠB", - "H" - ], - [ - "rac", - "ted" - ], - [ - "y", - "c" - ], - [ - "ĠR", - "a" - ], - [ - "Ġremark", - "able" - ], - [ - "Ġ", - "Ë" - ], - [ - "ten", - "ess" - ], - [ - "Ġemploy", - "ing" - ], - [ - "ste", - "ine" - ], - [ - "Ġï£", - "Ń" - ], - [ - "Ġtransf", - "ected" - ], - [ - "Ġinj", - "uries" - ], - [ - "ĠB", - "rief" - ], - [ - "Ġw", - "idespread" - ], - [ - "ĠA", - "K" - ], - [ - "IV", - "E" - ], - [ - "Ġh", - "arm" - ], - [ - "Ġpo", - "le" - ], - [ - "Ġanis", - "otropic" - ], - [ - "at", - "en" - ], - [ - "gen", - "e" - ], - [ - "iv", - "ariate" - ], - [ - "In", - "ter" - ], - [ - "duct", - "ors" - ], - [ - "Ġaccom", - "pl" - ], - [ - "oglob", - "in" - ], - [ - "c", - "ong" - ], - [ - "Ġqu", - "eries" - ], - [ - "escop", - "e" - ], - [ - "ĠH", - "op" - ], - [ - "Ġenti", - "ty" - ], - [ - "Ġoff", - "ered" - ], - [ - "St", - "ate" - ], - [ - "ĠExperim", - "ents" - ], - [ - "ann", - "er" - ], - [ - "ĠW", - "ood" - ], - [ - "ard", - "ed" - ], - [ - "ag", - "on" - ], - [ - "Ġfibrobl", - "asts" - ], - [ - "Ġnan", - "os" - ], - [ - "Ġper", - "oxid" - ], - [ - "Ġev", - "id" - ], - [ - "Ġï£", - "¸" - ], - [ - "Ġre", - "tained" - ], - [ - "os", - "qu" - ], - [ - "Ġle", - "aving" - ], - [ - "Ġf", - "ashion" - ], - [ - "Ġn", - "M" - ], - [ - "Ġmut", - "ual" - ], - [ - "appro", - "xim" - ], - [ - "Ġwalk", - "ing" - ], - [ - "Ġim", - "possible" - ], - [ - "Ġdemonstr", - "ating" - ], - [ - "Ġde", - "gener" - ], - [ - "ĠA", - "V" - ], - [ - "Ġcont", - "rary" - ], - [ - "us", - "tion" - ], - [ - "ocl", - "onal" - ], - [ - "A", - "nal" - ], - [ - "Ġperform", - "ances" - ], - [ - "Ġcomp", - "rom" - ], - [ - "orm", - "s" - ], - [ - "Ġbud", - "get" - ], - [ - "ĠH", - "aw" - ], - [ - "Ġarth", - "ritis" - ], - [ - "ob", - "j" - ], - [ - "no", - "ise" - ], - [ - "Ti", - "O" - ], - [ - "och", - "rome" - ], - [ - "Ġge", - "odes" - ], - [ - "be", - "an" - ], - [ - "Ġselec", - "tivity" - ], - [ - "ĠF", - "ood" - ], - [ - "ugh", - "ter" - ], - [ - "Ġpermut", - "ation" - ], - [ - "ĠR", - "P" - ], - [ - "os", - "al" - ], - [ - "Ġadi", - "p" - ], - [ - "armaceu", - "tical" - ], - [ - "w", - "hen" - ], - [ - "ĠT", - "ext" - ], - [ - "we", - "ek" - ], - [ - "Ġbond", - "ing" - ], - [ - "ar", - "b" - ], - [ - "oc", - "or" - ], - [ - "Ġv", - "oc" - ], - [ - "Ġup", - "regulated" - ], - [ - "Ġneighb", - "ors" - ], - [ - "Ġtra", - "it" - ], - [ - "Ġthe", - "ore" - ], - [ - "Ġc", - "f" - ], - [ - "ĠB", - "erg" - ], - [ - "ĠL", - "A" - ], - [ - "Ġl", - "as" - ], - [ - "un", - "te" - ], - [ - "cept", - "ual" - ], - [ - "AS", - "E" - ], - [ - "Ġischem", - "ic" - ], - [ - "Ġb", - "ending" - ], - [ - "d", - "ataset" - ], - [ - "Ġkeep", - "ing" - ], - [ - "Ġar", - "rows" - ], - [ - "Ġsubst", - "ances" - ], - [ - "Ġn", - "s" - ], - [ - "Ġext", - "ending" - ], - [ - "ĠR", - "u" - ], - [ - "Ġsupplement", - "ation" - ], - [ - "cri", - "tical" - ], - [ - "ĠT", - "raining" - ], - [ - "bul", - "let" - ], - [ - "Ġpar", - "a" - ], - [ - "ta", - "il" - ], - [ - "ĠRef", - "erence" - ], - [ - "Ġï£", - "¶" - ], - [ - "Ġdissip", - "ation" - ], - [ - "Ġaux", - "iliary" - ], - [ - "ĠCy", - "cl" - ], - [ - "s", - "tim" - ], - [ - "Ġdil", - "ution" - ], - [ - "bu", - "f" - ], - [ - "ĠM", - "iss" - ], - [ - "Ġul", - "timately" - ], - [ - "Ġpow", - "ers" - ], - [ - "Ġst", - "ands" - ], - [ - "ust", - "ed" - ], - [ - "ĠO", - "H" - ], - [ - "habil", - "itation" - ], - [ - "an", - "aly" - ], - [ - "ĠB", - "ra" - ], - [ - "ad", - "ding" - ], - [ - "Cor", - "ollary" - ], - [ - "Ġd", - "rought" - ], - [ - "qu", - "ality" - ], - [ - "Ġstandard", - "ized" - ], - [ - "ĠJ", - "e" - ], - [ - "ĠAc", - "id" - ], - [ - "Ġm", - "ism" - ], - [ - "ĠCh", - "rom" - ], - [ - "d", - "raw" - ], - [ - "ĠBi", - "om" - ], - [ - "ĠSt", - "ability" - ], - [ - "Further", - "more" - ], - [ - "l", - "ast" - ], - [ - "v", - "ic" - ], - [ - "Ġab", - "st" - ], - [ - "Ġb", - "is" - ], - [ - "Ġemerg", - "ence" - ], - [ - "Ġg", - "iant" - ], - [ - "D", - "e" - ], - [ - "ĠS", - "amples" - ], - [ - "AB", - "A" - ], - [ - "n", - "as" - ], - [ - "Ġon", - "t" - ], - [ - "Ġev", - "ap" - ], - [ - "le", - "vant" - ], - [ - "m", - "ain" - ], - [ - "ĠR", - "od" - ], - [ - "Ġc", - "ros" - ], - [ - "it", - "ary" - ], - [ - "Ġdo", - "ub" - ], - [ - "r", - "ö" - ], - [ - "igene", - "tic" - ], - [ - "Ġincom", - "plete" - ], - [ - "dep", - "th" - ], - [ - "ï", - "ģ" - ], - [ - "Ġsatur", - "ated" - ], - [ - "Ġaeros", - "ol" - ], - [ - "As", - "sum" - ], - [ - "Ġimmun", - "os" - ], - [ - "Ġlip", - "ids" - ], - [ - "itone", - "al" - ], - [ - "Ġbe", - "aring" - ], - [ - "ĠIm", - "plications" - ], - [ - "Ġsustain", - "ed" - ], - [ - "Ġcompe", - "titive" - ], - [ - "Ġmo", - "tivation" - ], - [ - "Ġdisturb", - "ance" - ], - [ - "rystall", - "ine" - ], - [ - "Ġtax", - "a" - ], - [ - "Ġdem", - "entia" - ], - [ - "Ġconcer", - "ned" - ], - [ - "PI", - "O" - ], - [ - "hom", - "ogeneous" - ], - [ - "ĠE", - "v" - ], - [ - "ĠGe", - "orge" - ], - [ - "ĠAlgorithm", - "s" - ], - [ - "ick", - "el" - ], - [ - "us", - "ively" - ], - [ - "Ġcor", - "ner" - ], - [ - "ĠR", - "est" - ], - [ - "Ġinf", - "inity" - ], - [ - "ĠTrans", - "form" - ], - [ - "hen", - "g" - ], - [ - "Ġneuro", - "de" - ], - [ - "ol", - "im" - ], - [ - "Í", - "ij" - ], - [ - "Ġsk", - "ew" - ], - [ - "ĠB", - "S" - ], - [ - "sc", - "ore" - ], - [ - "Y", - "PE" - ], - [ - "em", - "an" - ], - [ - "el", - "le" - ], - [ - "ĠCor", - "relation" - ], - [ - "Ġcult", - "ural" - ], - [ - "oph", - "osph" - ], - [ - "Ġatten", - "uation" - ], - [ - "Ġaggreg", - "ate" - ], - [ - "Ġam", - "big" - ], - [ - "Ġanomal", - "ous" - ], - [ - "Ġt", - "ors" - ], - [ - "Ġplan", - "et" - ], - [ - "ĠN", - "Ps" - ], - [ - "h", - "r" - ], - [ - "ĠDiv", - "ision" - ], - [ - "ĠEduc", - "ation" - ], - [ - "lec", - "tic" - ], - [ - "Ġb", - "rought" - ], - [ - "ĠM", - "orph" - ], - [ - "Ġplan", - "es" - ], - [ - "Ġsug", - "ar" - ], - [ - "Ġdend", - "ritic" - ], - [ - "Ġcont", - "our" - ], - [ - "Ġcylind", - "er" - ], - [ - "p", - "ost" - ], - [ - "Ġw", - "ent" - ], - [ - "R", - "L" - ], - [ - "Ġad", - "mission" - ], - [ - "MS", - "E" - ], - [ - "I", - "X" - ], - [ - "Ġdis", - "joint" - ], - [ - "Ġannot", - "ation" - ], - [ - "Ġis", - "otope" - ], - [ - "Ġμ", - "ν" - ], - [ - "Ġelim", - "inate" - ], - [ - "Ġre", - "actor" - ], - [ - "on", - "ents" - ], - [ - "Ġreason", - "ing" - ], - [ - "Ġm", - "orbidity" - ], - [ - "Ġcor", - "rosion" - ], - [ - "other", - "mal" - ], - [ - "arc", - "tic" - ], - [ - "ĠM", - "B" - ], - [ - "ĠZ", - "hao" - ], - [ - "Ġhist", - "ological" - ], - [ - "Ġsuperconduc", - "ting" - ], - [ - "at", - "tered" - ], - [ - "Ġhouse", - "hold" - ], - [ - "ĠPro", - "p" - ], - [ - "Ġass", - "er" - ], - [ - "he", - "red" - ], - [ - "Ġte", - "ams" - ], - [ - "Ġvan", - "ishes" - ], - [ - "P", - "re" - ], - [ - "am", - "ents" - ], - [ - "Ġam", - "orphous" - ], - [ - "ĠDeterm", - "ination" - ], - [ - "miss", - "ions" - ], - [ - "Ġover", - "head" - ], - [ - "det", - "erm" - ], - [ - "Ġutil", - "izing" - ], - [ - "f", - "a" - ], - [ - "ip", - "olar" - ], - [ - "Ġform", - "ulated" - ], - [ - "Ġext", - "rap" - ], - [ - "gr", - "id" - ], - [ - "Ġhum", - "idity" - ], - [ - "ub", - "er" - ], - [ - "t", - "umor" - ], - [ - "ro", - "us" - ], - [ - "Ġdistor", - "tion" - ], - [ - "d", - "ynamics" - ], - [ - "ĠL", - "oss" - ], - [ - "Ġscal", - "ed" - ], - [ - "Ġischem", - "ia" - ], - [ - "Ġax", - "es" - ], - [ - "Ġqu", - "antit" - ], - [ - "n", - "it" - ], - [ - "ĠReg", - "ion" - ], - [ - "ain", - "ed" - ], - [ - "Ġf", - "ill" - ], - [ - "Ġbran", - "ching" - ], - [ - "ĠT", - "iss" - ], - [ - "c", - "ross" - ], - [ - "Ġplate", - "let" - ], - [ - "iffiff", - "iffiff" - ], - [ - "ro", - "ps" - ], - [ - "lu", - "x" - ], - [ - "j", - "oin" - ], - [ - "ur", - "acy" - ], - [ - "ic", - "ide" - ], - [ - "ĠLou", - "is" - ], - [ - "Ġï£", - "«" - ], - [ - "Ġstr", - "ings" - ], - [ - "ys", - "et" - ], - [ - "Ġfac", - "ial" - ], - [ - "ĠM", - "MP" - ], - [ - "RE", - "S" - ], - [ - "Ġhydro", - "lysis" - ], - [ - "ĠCan", - "adian" - ], - [ - "Ġpro", - "jective" - ], - [ - "Ġsc", - "atter" - ], - [ - "ur", - "on" - ], - [ - "ĠPsy", - "ch" - ], - [ - "com", - "plex" - ], - [ - "ĠN", - "am" - ], - [ - "Ġconc", - "urrent" - ], - [ - "ION", - "S" - ], - [ - "Ġth", - "ous" - ], - [ - "Ġch", - "ance" - ], - [ - "Ġplac", - "ement" - ], - [ - "Ġaware", - "ness" - ], - [ - "Ġt", - "rib" - ], - [ - "ĠT", - "ex" - ], - [ - "ĠTh", - "ird" - ], - [ - "Ġlabel", - "ing" - ], - [ - "cer", - "ol" - ], - [ - "Ġs", - "aw" - ], - [ - "ĠB", - "and" - ], - [ - "ĠP", - "ear" - ], - [ - "Ġpregn", - "ant" - ], - [ - "ĠD", - "own" - ], - [ - "pl", - "atin" - ], - [ - "S", - "eq" - ], - [ - "x", - "e" - ], - [ - "ethyl", - "ene" - ], - [ - "ĠHig", - "her" - ], - [ - "Ġre", - "ality" - ], - [ - "ur", - "is" - ], - [ - "ĠP", - "AR" - ], - [ - "l", - "b" - ], - [ - "d", - "ose" - ], - [ - "sh", - "if" - ], - [ - "ili", - "ar" - ], - [ - "t", - "otal" - ], - [ - "S", - "W" - ], - [ - "Ġval", - "ve" - ], - [ - "nd", - "er" - ], - [ - "Ð", - "½" - ], - [ - "am", - "ous" - ], - [ - "Ġend", - "omet" - ], - [ - "LI", - "SA" - ], - [ - "Ġfract", - "ures" - ], - [ - "Ġfil", - "t" - ], - [ - "ro", - "le" - ], - [ - "Ġmicro", - "structure" - ], - [ - "ĠSN", - "P" - ], - [ - "T", - "ER" - ], - [ - "ĠZn", - "O" - ], - [ - "ov", - "ing" - ], - [ - "al", - "i" - ], - [ - "ĠG", - "M" - ], - [ - "unc", - "t" - ], - [ - "Ġext", - "ensions" - ], - [ - "exp", - "ression" - ], - [ - "Ġesc", - "ape" - ], - [ - "ĠM", - "as" - ], - [ - "ĠSp", - "anish" - ], - [ - "Ġflo", - "or" - ], - [ - "ĠCom", - "mon" - ], - [ - "otop", - "y" - ], - [ - "plement", - "ation" - ], - [ - "Ġr", - "hyth" - ], - [ - "Ġserv", - "es" - ], - [ - "y", - "to" - ], - [ - "Ġwavelength", - "s" - ], - [ - "empt", - "yset" - ], - [ - "ĠH", - "ill" - ], - [ - "n", - "or" - ], - [ - "ĠElect", - "ro" - ], - [ - "Ġde", - "hydrogen" - ], - [ - "Ġwh", - "om" - ], - [ - "im", - "etric" - ], - [ - "ĠR", - "oman" - ], - [ - "ĠV", - "e" - ], - [ - "âī", - "¥" - ], - [ - "ĠK", - "u" - ], - [ - "ĠTrans", - "fer" - ], - [ - "Ä", - "ĩ" - ], - [ - "ĠT", - "F" - ], - [ - "b", - "rain" - ], - [ - "copro", - "tein" - ], - [ - "ĠG", - "reat" - ], - [ - "av", - "en" - ], - [ - "ĠInd", - "ividual" - ], - [ - "ur", - "i" - ], - [ - "Ġfung", - "i" - ], - [ - "Ġpar", - "am" - ], - [ - "pt", - "on" - ], - [ - "s", - "ymmetry" - ], - [ - "Ġloc", - "k" - ], - [ - "me", - "as" - ], - [ - "Ġha", - "em" - ], - [ - "Ġh", - "ip" - ], - [ - "As", - "s" - ], - [ - "eng", - "er" - ], - [ - "Ġpot", - "assium" - ], - [ - "an", - "al" - ], - [ - "ibr", - "ary" - ], - [ - "Ġschool", - "s" - ], - [ - "n", - "atal" - ], - [ - "Ġalle", - "les" - ], - [ - "ĠH", - "LA" - ], - [ - "ox", - "ygen" - ], - [ - "ĠC", - "up" - ], - [ - "Ġpure", - "ly" - ], - [ - "D", - "O" - ], - [ - "Ġch", - "ip" - ], - [ - "ô", - "ı" - ], - [ - "C", - "ar" - ], - [ - "s", - "il" - ], - [ - "Ġun", - "likely" - ], - [ - "cor", - "respond" - ], - [ - "ĠD", - "P" - ], - [ - "Ġint", - "ense" - ], - [ - "Ġfor", - "cing" - ], - [ - "ĠJ", - "ournal" - ], - [ - "Ġar", - "row" - ], - [ - "ocy", - "an" - ], - [ - "Ġcul", - "tiv" - ], - [ - "Ġbl", - "ind" - ], - [ - "Ġselect", - "ing" - ], - [ - "oc", - "arcinoma" - ], - [ - "ran", - "ce" - ], - [ - "Ġhydroph", - "obic" - ], - [ - "clos", - "ed" - ], - [ - "Ġens", - "ures" - ], - [ - "Ġprom", - "oted" - ], - [ - "Ġdetect", - "able" - ], - [ - "rane", - "an" - ], - [ - "Ġsched", - "ule" - ], - [ - "Ġpart", - "ly" - ], - [ - "Ġgl", - "and" - ], - [ - "Ġco", - "uple" - ], - [ - "ĠEm", - "erg" - ], - [ - "Ġtrac", - "es" - ], - [ - "p", - "oly" - ], - [ - "Ġprote", - "ase" - ], - [ - "ys", - "tic" - ], - [ - "Ġdoc", - "uments" - ], - [ - "pos", - "itions" - ], - [ - "Ġdri", - "ver" - ], - [ - "ti", - "um" - ], - [ - "ĠC", - "YP" - ], - [ - "cl", - "ose" - ], - [ - "ĠRec", - "ep" - ], - [ - "Ġper", - "mit" - ], - [ - "Ġblock", - "ed" - ], - [ - "Ġinvestig", - "ating" - ], - [ - "ĠT", - "umor" - ], - [ - "ĠB", - "ig" - ], - [ - "Ġwave", - "gu" - ], - [ - "Ġsubst", - "ance" - ], - [ - "Ġweak", - "er" - ], - [ - "ĠM", - "ont" - ], - [ - "ro", - "vers" - ], - [ - "ĠMex", - "ico" - ], - [ - "p", - "res" - ], - [ - "ĠAc", - "ute" - ], - [ - "Ġmicro", - "gl" - ], - [ - "ĠE", - "S" - ], - [ - "itor", - "ing" - ], - [ - "ĠSer", - "ies" - ], - [ - "l", - "ights" - ], - [ - "Ġhypot", - "hesized" - ], - [ - "Ġconstruc", - "ts" - ], - [ - "Ġfilt", - "ration" - ], - [ - "Bl", - "ack" - ], - [ - "Ġun", - "changed" - ], - [ - "Ġobserv", - "able" - ], - [ - "Ġra", - "y" - ], - [ - "b", - "etween" - ], - [ - "Ġï£", - "¯" - ], - [ - "ĠPos", - "ition" - ], - [ - "Ġth", - "i" - ], - [ - "ĠSystem", - "atic" - ], - [ - "Cl", - "ass" - ], - [ - "k", - "m" - ], - [ - "ĠT", - "ak" - ], - [ - "Ġrespond", - "ents" - ], - [ - "Ġinn", - "ate" - ], - [ - "Ġan", - "t" - ], - [ - "Ġconn", - "ecting" - ], - [ - "R", - "el" - ], - [ - "Ġmanip", - "ulation" - ], - [ - "ĠN", - "eg" - ], - [ - "N", - "Ps" - ], - [ - "ĠDi", - "ab" - ], - [ - "ĠAc", - "tive" - ], - [ - "ĠG", - "all" - ], - [ - "ĠCoul", - "omb" - ], - [ - "Ġspac", - "ing" - ], - [ - "ĠF", - "lor" - ], - [ - "Ġconduct", - "ance" - ], - [ - "Ġtrac", - "ks" - ], - [ - "ĠZh", - "u" - ], - [ - "weight", - "ed" - ], - [ - "ro", - "cy" - ], - [ - "Ġfat", - "her" - ], - [ - "id", - "ium" - ], - [ - "struct", - "ured" - ], - [ - "ĠT", - "el" - ], - [ - "Ġst", - "rom" - ], - [ - "ith", - "ub" - ], - [ - "cer", - "tain" - ], - [ - "B", - "ut" - ], - [ - "ĠAc", - "cess" - ], - [ - "Ġprevent", - "ing" - ], - [ - "rest", - "rial" - ], - [ - "ĠCons", - "idering" - ], - [ - "tr", - "ue" - ], - [ - "Ġhost", - "s" - ], - [ - "Ġwor", - "st" - ], - [ - "ĠP", - "d" - ], - [ - "gre", - "di" - ], - [ - "Ġgly", - "col" - ], - [ - "Ġst", - "ory" - ], - [ - "osqu", - "ito" - ], - [ - "par", - "atus" - ], - [ - "Ġme", - "eting" - ], - [ - "Ġepis", - "ode" - ], - [ - "n", - "c" - ], - [ - "ĠS", - "and" - ], - [ - "Ġu", - "int" - ], - [ - "ynam", - "ical" - ], - [ - "ur", - "t" - ], - [ - "Ġeduc", - "ational" - ], - [ - "Ġfocus", - "es" - ], - [ - "g", - "t" - ], - [ - "ĠH", - "S" - ], - [ - "Ġdeterm", - "inant" - ], - [ - "Ġlith", - "ium" - ], - [ - "ĠDig", - "ital" - ], - [ - "Ġguid", - "ance" - ], - [ - "Ġprior", - "ity" - ], - [ - "Ġpar", - "ty" - ], - [ - "or", - "ial" - ], - [ - "T", - "wo" - ], - [ - "ĠProblem", - "s" - ], - [ - "Ġsem", - "an" - ], - [ - "ĠCN", - "N" - ], - [ - "ĠE", - "pid" - ], - [ - "Ġplay", - "ing" - ], - [ - "Ġelim", - "ination" - ], - [ - "ĠS", - "at" - ], - [ - "Ġobj", - "ectives" - ], - [ - "p", - "lectic" - ], - [ - "Ġcircum", - "st" - ], - [ - "ĠG", - "S" - ], - [ - "oc", - "ellular" - ], - [ - "ot", - "rans" - ], - [ - "Ġfind", - "s" - ], - [ - "Ġa", - "romatic" - ], - [ - "iz", - "ers" - ], - [ - "Ġfavor", - "able" - ], - [ - "st", - "andard" - ], - [ - "ich", - "lor" - ], - [ - "mod", - "els" - ], - [ - "otyp", - "ing" - ], - [ - "Ġstabil", - "ization" - ], - [ - "Ġhand", - "ling" - ], - [ - "Ġco", - "ated" - ], - [ - "e", - "ven" - ], - [ - "Ġlet", - "ter" - ], - [ - "Z", - "E" - ], - [ - "Ġultr", - "ason" - ], - [ - "Ġf", - "riend" - ], - [ - "Ġsens", - "iti" - ], - [ - "Ġatt", - "achment" - ], - [ - "Ġap", - "art" - ], - [ - "Ġgre", - "y" - ], - [ - "Ġa", - "ircraft" - ], - [ - "Ġr", - "RNA" - ], - [ - "Ġenabl", - "ed" - ], - [ - "Ġbu", - "ff" - ], - [ - "Ġred", - "ox" - ], - [ - "ass", - "isted" - ], - [ - "Ġgener", - "ality" - ], - [ - "PS", - "S" - ], - [ - "Ġe", - "lection" - ], - [ - "resp", - "onse" - ], - [ - "Ġded", - "icated" - ], - [ - "Ġdem", - "ographic" - ], - [ - "Ġim", - "posed" - ], - [ - "ĠK", - "ir" - ], - [ - "ĠRad", - "io" - ], - [ - "ĠE", - "LISA" - ], - [ - "ga", - "e" - ], - [ - "Ġres", - "c" - ], - [ - "ĠR", - "ic" - ], - [ - "raph", - "ic" - ], - [ - "Ġra", - "il" - ], - [ - "Ġj", - "ournal" - ], - [ - "ol", - "er" - ], - [ - "W", - "S" - ], - [ - "Ġincorpor", - "ation" - ], - [ - "w", - "ind" - ], - [ - "Ġaud", - "itory" - ], - [ - "A", - "E" - ], - [ - "t", - "ask" - ], - [ - "Ġp", - "c" - ], - [ - "w", - "all" - ], - [ - "Ġapp", - "rec" - ], - [ - "aterial", - "s" - ], - [ - "Ġpart", - "ner" - ], - [ - "Ġcollec", - "tive" - ], - [ - "Ġsc", - "oring" - ], - [ - "ĠFran", - "k" - ], - [ - "Ġperman", - "ent" - ], - [ - "ĠI", - "ran" - ], - [ - "um", - "ination" - ], - [ - "M", - "ed" - ], - [ - "ĠHy", - "brid" - ], - [ - "Ġphen", - "otypic" - ], - [ - "Ġdisrup", - "tion" - ], - [ - "vi", - "olet" - ], - [ - "osp", - "heric" - ], - [ - "Ġregim", - "es" - ], - [ - "ĠCol", - "or" - ], - [ - "ĠPati", - "ent" - ], - [ - "Ġf", - "ever" - ], - [ - "Ġn", - "n" - ], - [ - "Ġvari", - "ational" - ], - [ - "ke", - "ys" - ], - [ - "Ġdis", - "till" - ], - [ - "Ġspect", - "roscopic" - ], - [ - "ĠAr", - "chitect" - ], - [ - "ac", - "ing" - ], - [ - "Ġpro", - "ves" - ], - [ - "Ġver", - "teb" - ], - [ - "ĠComput", - "er" - ], - [ - "Ġexp", - "ensive" - ], - [ - "Ġfro", - "zen" - ], - [ - "arcom", - "a" - ], - [ - "N", - "K" - ], - [ - "Ġhist", - "one" - ], - [ - "Ġpolymer", - "ization" - ], - [ - "Ġto", - "b" - ], - [ - "Ġturn", - "ed" - ], - [ - "eff", - "ective" - ], - [ - "ĠAut", - "hor" - ], - [ - "AP", - "I" - ], - [ - "Ġdec", - "ade" - ], - [ - "ĠRo", - "bert" - ], - [ - "Ex", - "ample" - ], - [ - "over", - "set" - ], - [ - "AB", - "LE" - ], - [ - "ĠBehavi", - "or" - ], - [ - "f", - "eed" - ], - [ - "ĠT", - "ai" - ], - [ - "Ġï£", - "º" - ], - [ - "Ġe", - "gg" - ], - [ - "Ġc", - "ath" - ], - [ - "au", - "x" - ], - [ - "ĠJoh", - "nson" - ], - [ - "Ġtor", - "que" - ], - [ - "Ġpur", - "ification" - ], - [ - "Wh", - "ite" - ], - [ - "c", - "ious" - ], - [ - "ĠS", - "ong" - ], - [ - "Ġprecip", - "it" - ], - [ - "resh", - "old" - ], - [ - "Ġm", - "ilitary" - ], - [ - "Ġconv", - "ection" - ], - [ - "ĠM", - "iddle" - ], - [ - "ĠW", - "he" - ], - [ - "Ġ", - "ôı" - ], - [ - "al", - "and" - ], - [ - "ar", - "ation" - ], - [ - "fig", - "ure" - ], - [ - "Ġded", - "uce" - ], - [ - "chlor", - "o" - ], - [ - "c", - "ost" - ], - [ - "ithm", - "etic" - ], - [ - "ĠItal", - "ian" - ], - [ - "miss", - "ible" - ], - [ - "ĠCommun", - "ity" - ], - [ - "ĠN", - "ature" - ], - [ - "Ġdi", - "oxide" - ], - [ - "Ġbal", - "anced" - ], - [ - "et", - "t" - ], - [ - "ST", - "AT" - ], - [ - "ild", - "ing" - ], - [ - "Ġev", - "olved" - ], - [ - "Ġmon", - "ot" - ], - [ - "p", - "ur" - ], - [ - "Ġpref", - "erences" - ], - [ - "ding", - "er" - ], - [ - "Ġarg", - "ue" - ], - [ - "Ġmo", - "tions" - ], - [ - "Ġinf", - "ant" - ], - [ - "Ġaccel", - "erated" - ], - [ - "Ġobser", - "ver" - ], - [ - "Ġfabric", - "ation" - ], - [ - "ĠMechan", - "isms" - ], - [ - "Ġfunc", - "tor" - ], - [ - "Ġhar", - "ves" - ], - [ - "r", - "ase" - ], - [ - "ĠSpec", - "ial" - ], - [ - "Ġdepos", - "its" - ], - [ - "Ġr", - "ub" - ], - [ - "à", - "¸" - ], - [ - "ĠCP", - "U" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "Ġ" - ], - [ - "atom", - "ical" - ], - [ - "Ġfin", - "it" - ], - [ - "Ġsec", - "ure" - ], - [ - "Ġnutri", - "tional" - ], - [ - "ren", - "al" - ], - [ - "ĠF", - "alse" - ], - [ - "Ġshe", - "l" - ], - [ - "Ġrecru", - "ited" - ], - [ - "am", - "big" - ], - [ - "ĠSign", - "aling" - ], - [ - "K", - "O" - ], - [ - "organ", - "isms" - ], - [ - "ĠL", - "T" - ], - [ - "el", - "en" - ], - [ - "ĠM", - "arc" - ], - [ - "ab", - "atic" - ], - [ - "Ġt", - "ables" - ], - [ - "Ġconf", - "ined" - ], - [ - "ĠA", - "z" - ], - [ - "Ġproduc", - "tivity" - ], - [ - "Ġad", - "herence" - ], - [ - "Ġreplic", - "ates" - ], - [ - "Ġvir", - "t" - ], - [ - "f", - "in" - ], - [ - "Ġagric", - "ultural" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠĠ" - ], - [ - "ĠCh", - "ampionship" - ], - [ - "and", - "a" - ], - [ - "ĠCh", - "urch" - ], - [ - "D", - "uring" - ], - [ - "Ġinser", - "ted" - ], - [ - "igh", - "ter" - ], - [ - "Ġx", - "en" - ], - [ - "Ġs", - "ave" - ], - [ - "Ġtang", - "ent" - ], - [ - "ven", - "ous" - ], - [ - "Ġconver", - "ge" - ], - [ - "Ġdistingu", - "ished" - ], - [ - "Ġexpl", - "os" - ], - [ - "Ġa", - "ortic" - ], - [ - "Ġj", - "ump" - ], - [ - "Ġneon", - "atal" - ], - [ - "ud", - "den" - ], - [ - "Ġslow", - "er" - ], - [ - "Ġinfarc", - "tion" - ], - [ - "Ġpre", - "vents" - ], - [ - "u", - "er" - ], - [ - "Ġ", - "eros" - ], - [ - "R", - "P" - ], - [ - "Ġcontin", - "ues" - ], - [ - "OR", - "T" - ], - [ - "Ġconsid", - "ers" - ], - [ - "ĠN", - "uclear" - ], - [ - "ly", - "mp" - ], - [ - "Ġacc", - "ounted" - ], - [ - "ores", - "is" - ], - [ - "Ġneighbor", - "ing" - ], - [ - "ĠRich", - "ard" - ], - [ - "Ġen", - "for" - ], - [ - "ĠCh", - "ronic" - ], - [ - "Ġdisc", - "over" - ], - [ - "ĠH", - "ong" - ], - [ - "cell", - "s" - ], - [ - "ĠCh", - "all" - ], - [ - "Ġhom", - "ogen" - ], - [ - "Ġathe", - "ros" - ], - [ - "Ġisol", - "ate" - ], - [ - "ĠPlas", - "ma" - ], - [ - "ĠD", - "L" - ], - [ - "par", - "ametric" - ], - [ - "ĠUp", - "per" - ], - [ - "H", - "P" - ], - [ - "Ġintro", - "duces" - ], - [ - "Ġmother", - "s" - ], - [ - "Ġatt", - "ract" - ], - [ - "Ġexcl", - "usion" - ], - [ - "gra", - "vity" - ], - [ - "ĠK", - "r" - ], - [ - "Ġsp", - "ike" - ], - [ - "ĠHe", - "at" - ], - [ - "v", - "ival" - ], - [ - "ĠRNA", - "s" - ], - [ - "b", - "ach" - ], - [ - "ator", - "ial" - ], - [ - "ĠL", - "td" - ], - [ - "on", - "omy" - ], - [ - "in", - "vasive" - ], - [ - "l", - "ass" - ], - [ - "Ġwell", - "s" - ], - [ - "Ġimag", - "inary" - ], - [ - "Ġcarb", - "ohyd" - ], - [ - "od", - "a" - ], - [ - "Ġactiv", - "ate" - ], - [ - "µ", - "Ħ" - ], - [ - "Ġenzym", - "atic" - ], - [ - "p", - "es" - ], - [ - "Ġstat", - "ements" - ], - [ - "Ġapproxim", - "ated" - ], - [ - "ĠSal", - "mon" - ], - [ - "ophage", - "al" - ], - [ - "ĠH", - "PV" - ], - [ - "con", - "f" - ], - [ - "um", - "at" - ], - [ - "Ġsulf", - "ur" - ], - [ - "ĠRec", - "all" - ], - [ - "Ġch", - "ond" - ], - [ - "Ġvi", - "able" - ], - [ - "por", - "ation" - ], - [ - "Ġcare", - "fully" - ], - [ - "tet", - "ra" - ], - [ - "Ġlymph", - "oma" - ], - [ - "st", - "at" - ], - [ - "Ġconserv", - "ative" - ], - [ - "atab", - "ase" - ], - [ - "m", - "and" - ], - [ - "Ġsc", - "ored" - ], - [ - "Ġv", - "as" - ], - [ - "Ġpri", - "vacy" - ], - [ - "onym", - "ous" - ], - [ - "Ġlogarithm", - "ic" - ], - [ - "ĠE", - "con" - ], - [ - "Ġachie", - "ves" - ], - [ - "Ġabund", - "ances" - ], - [ - "c", - "am" - ], - [ - "Ġcy", - "an" - ], - [ - "ĠE", - "L" - ], - [ - "idel", - "ity" - ], - [ - "j", - "o" - ], - [ - "Ġan", - "ticip" - ], - [ - "re", - "ported" - ], - [ - "Ġarrang", - "ement" - ], - [ - "iter", - "ranean" - ], - [ - "ps", - "is" - ], - [ - "ich", - "i" - ], - [ - "Ġt", - "a" - ], - [ - "um", - "ping" - ], - [ - "ĠAc", - "tivation" - ], - [ - "Ġmel", - "t" - ], - [ - "Ġan", - "no" - ], - [ - "og", - "e" - ], - [ - "ĠD", - "am" - ], - [ - "optim", - "al" - ], - [ - "Ġneu", - "rological" - ], - [ - "s", - "a" - ], - [ - "ĠPar", - "ameters" - ], - [ - "off", - "set" - ], - [ - "Ġc", - "ement" - ], - [ - "Ġinhib", - "iting" - ], - [ - "Ġch", - "ose" - ], - [ - "itz", - "er" - ], - [ - "at", - "tr" - ], - [ - "Ġmod", - "er" - ], - [ - "ator", - "ies" - ], - [ - "Ġte", - "aching" - ], - [ - "ĠC", - "ore" - ], - [ - "ph", - "thal" - ], - [ - "ĠL", - "uc" - ], - [ - "Ġin", - "gredi" - ], - [ - "Ġclear", - "ance" - ], - [ - "Ġachie", - "ving" - ], - [ - "t", - "age" - ], - [ - "Ġbur", - "st" - ], - [ - "vi", - "e" - ], - [ - "ĠSp", - "ain" - ], - [ - "pt", - "o" - ], - [ - "Ġtrans", - "membrane" - ], - [ - "Ġsup", - "plementary" - ], - [ - "Ġto", - "ken" - ], - [ - "Ġobvious", - "ly" - ], - [ - "ĠV", - "ector" - ], - [ - "Ġdest", - "r" - ], - [ - "H", - "OD" - ], - [ - "Ġassum", - "es" - ], - [ - "Ġpenet", - "ration" - ], - [ - "Ġsub", - "jective" - ], - [ - "h", - "olds" - ], - [ - "ã", - "o" - ], - [ - "Ġmo", - "tiv" - ], - [ - "Ġprovid", - "ers" - ], - [ - "v", - "ascular" - ], - [ - "Ġdepart", - "ment" - ], - [ - "ock", - "et" - ], - [ - "F", - "ile" - ], - [ - "Ġbre", - "ath" - ], - [ - "ĠB", - "est" - ], - [ - "gra", - "ble" - ], - [ - "Ġl", - "iqu" - ], - [ - "ĠAr", - "g" - ], - [ - "ĠB", - "ob" - ], - [ - "Ġfrag", - "mentation" - ], - [ - "ec", - "tic" - ], - [ - "Ġv", - "ital" - ], - [ - "s", - "ince" - ], - [ - "all", - "oc" - ], - [ - "ox", - "yphenyl" - ], - [ - "Ġradi", - "otherapy" - ], - [ - "ĠSD", - "S" - ], - [ - "Ġcyt", - "ometry" - ], - [ - "n", - "ucle" - ], - [ - "ĠI", - "M" - ], - [ - "ĠTe", - "V" - ], - [ - "raf", - "ish" - ], - [ - "ĠKore", - "a" - ], - [ - "Ġstreng", - "then" - ], - [ - "Ġb", - "are" - ], - [ - "Ġw", - "oman" - ], - [ - "Ġrad", - "ar" - ], - [ - "Ġplatform", - "s" - ], - [ - "ozyg", - "ous" - ], - [ - "ĠA", - "h" - ], - [ - "Ġsub", - "types" - ], - [ - "py", - "rid" - ], - [ - "ĠTrans", - "cription" - ], - [ - "Ġá", - "º" - ], - [ - "ĠMeasure", - "ments" - ], - [ - "Ġsurv", - "iv" - ], - [ - "ĠN", - "ear" - ], - [ - "Ġcasc", - "ade" - ], - [ - "out", - "he" - ], - [ - "B", - "U" - ], - [ - "Ġexpon", - "entially" - ], - [ - "Ġhaz", - "ard" - ], - [ - "Ġsi", - "RNA" - ], - [ - "Ġcell", - "ulose" - ], - [ - "Fig", - "s" - ], - [ - "Ġdifferenti", - "ated" - ], - [ - "Ġim", - "plicated" - ], - [ - "met", - "ric" - ], - [ - "Ġcorrel", - "ate" - ], - [ - "Ġm", - "ission" - ], - [ - "Ġmant", - "le" - ], - [ - "ĠP", - "hyl" - ], - [ - "ĠH", - "art" - ], - [ - "Ġg", - "ases" - ], - [ - "Ġun", - "ity" - ], - [ - "Ġexper", - "t" - ], - [ - "Ġchar", - "t" - ], - [ - "Ġd", - "ict" - ], - [ - "Ġep", - "ile" - ], - [ - "Ġoff", - "spring" - ], - [ - "Ġemerg", - "ed" - ], - [ - "Ġdem", - "ands" - ], - [ - "Ġpres", - "um" - ], - [ - "orb", - "id" - ], - [ - "ĠMed", - "icine" - ], - [ - "Ġstream", - "s" - ], - [ - "tic", - "ed" - ], - [ - "ĠN", - "ic" - ], - [ - "Ġf", - "illing" - ], - [ - "ĠC", - "ro" - ], - [ - "Ġrestric", - "tions" - ], - [ - "S", - "ee" - ], - [ - "ĠM", - "ill" - ], - [ - "Ġparent", - "al" - ], - [ - "Ġdetermin", - "ants" - ], - [ - "Ġecos", - "ystem" - ], - [ - "ĠW", - "all" - ], - [ - "ĠM", - "emory" - ], - [ - "ple", - "ts" - ], - [ - "Ġaggreg", - "ates" - ], - [ - "per", - "turb" - ], - [ - "Ġresid", - "ents" - ], - [ - "AC", - "K" - ], - [ - "v", - "ectors" - ], - [ - "Ġman", - "ually" - ], - [ - "Ġï", - "ĺ" - ], - [ - "ĠFrame", - "work" - ], - [ - "Ġv", - "ag" - ], - [ - "eb", - "rafish" - ], - [ - "l", - "ib" - ], - [ - "ĠHear", - "t" - ], - [ - "ĠAn", - "imal" - ], - [ - "Ġwid", - "er" - ], - [ - "G", - "ene" - ], - [ - "ĠR", - "os" - ], - [ - "Ġoper", - "ate" - ], - [ - "Ġposs", - "ibilities" - ], - [ - "ĠStr", - "ong" - ], - [ - "Ġpy", - "ro" - ], - [ - "resp", - "ectively" - ], - [ - "Ġhybrid", - "ization" - ], - [ - "ip", - "edia" - ], - [ - "x", - "in" - ], - [ - "Ġst", - "om" - ], - [ - "f", - "ish" - ], - [ - "ĠFor", - "ce" - ], - [ - "Ġdim", - "er" - ], - [ - "SU", - "L" - ], - [ - "el", - "se" - ], - [ - "Ġund", - "e" - ], - [ - "g", - "ar" - ], - [ - "con", - "v" - ], - [ - "Ġarri", - "val" - ], - [ - "Ġmon", - "oclonal" - ], - [ - "I", - "AL" - ], - [ - "Ġl", - "y" - ], - [ - "Ġsymmet", - "ries" - ], - [ - "Ġnur", - "sing" - ], - [ - "rac", - "h" - ], - [ - "Ġó", - "µĦ" - ], - [ - "Ġbi", - "ased" - ], - [ - "Ġc", - "ues" - ], - [ - "Ġbiomark", - "er" - ], - [ - "d", - "ers" - ], - [ - "Ġc", - "row" - ], - [ - "ern", - "els" - ], - [ - "Ġbil", - "ateral" - ], - [ - "Ġphys", - "ically" - ], - [ - "Ġpat", - "ches" - ], - [ - "Ġunc", - "on" - ], - [ - "ĠB", - "efore" - ], - [ - "def", - "ault" - ], - [ - "est", - "yle" - ], - [ - "t", - "frac" - ], - [ - "ĠC", - "ox" - ], - [ - "Ġinf", - "iltration" - ], - [ - "Ġconver", - "t" - ], - [ - "Ġstreng", - "ths" - ], - [ - "ĠS", - "ar" - ], - [ - "ig", - "ible" - ], - [ - "oc", - "omp" - ], - [ - "Ġsti", - "r" - ], - [ - "Ġsch", - "izophrenia" - ], - [ - "w", - "as" - ], - [ - "Ġo", - "w" - ], - [ - "et", - "erm" - ], - [ - "ĠOr", - "der" - ], - [ - "Ġf", - "oss" - ], - [ - "Ġline", - "age" - ], - [ - "Ġrab", - "bit" - ], - [ - "Ġregular", - "ization" - ], - [ - "ran", - "ch" - ], - [ - "opl", - "astic" - ], - [ - "T", - "O" - ], - [ - "Ġmeas", - "urable" - ], - [ - "Ġm", - "ang" - ], - [ - "in", - "itial" - ], - [ - "Ġbuild", - "ings" - ], - [ - "Ġsystem", - "atically" - ], - [ - "Ġferm", - "ions" - ], - [ - "Ġlibr", - "aries" - ], - [ - "Ġab", - "lation" - ], - [ - "ide", - "os" - ], - [ - "ĠW", - "i" - ], - [ - "ph", - "oton" - ], - [ - "ĠTest", - "ing" - ], - [ - "ĠComput", - "ing" - ], - [ - "ti", - "er" - ], - [ - "in", - "et" - ], - [ - "Ġprim", - "itive" - ], - [ - "Ġcap", - "illary" - ], - [ - "Ġsl", - "ip" - ], - [ - "ver", - "gence" - ], - [ - "rap", - "eutic" - ], - [ - "ĠBl", - "ue" - ], - [ - "ĠAc", - "ad" - ], - [ - "ha", - "i" - ], - [ - "ĠL", - "ew" - ], - [ - "Ġtri", - "angular" - ], - [ - "MS", - "O" - ], - [ - "Ġsal", - "inity" - ], - [ - "Ġnanoc", - "om" - ], - [ - "o", - "a" - ], - [ - "Ġhom", - "omorphism" - ], - [ - "ĠM", - "M" - ], - [ - "Ġres", - "in" - ], - [ - "D", - "B" - ], - [ - "um", - "inescence" - ], - [ - "d", - "ashed" - ], - [ - "ĠK", - "h" - ], - [ - "qu", - "ark" - ], - [ - "emb", - "les" - ], - [ - "Ġidentif", - "ies" - ], - [ - "Ġfol", - "lic" - ], - [ - "Ġmet", - "am" - ], - [ - "ĠH", - "erm" - ], - [ - "Ġtob", - "acco" - ], - [ - "Ġreal", - "ization" - ], - [ - "hydro", - "x" - ], - [ - "ĠB", - "et" - ], - [ - "B", - "ecause" - ], - [ - "Ġpiec", - "es" - ], - [ - "Ġt", - "alk" - ], - [ - "Ġopen", - "ed" - ], - [ - "as", - "ome" - ], - [ - "Ġsur", - "ge" - ], - [ - "Ġfluct", - "uation" - ], - [ - "g", - "ithub" - ], - [ - "ĠB", - "acter" - ], - [ - "Ġbind", - "s" - ], - [ - "ĠRap", - "id" - ], - [ - "au", - "er" - ], - [ - "p", - "H" - ], - [ - "emb", - "ed" - ], - [ - "ĠD", - "oc" - ], - [ - "uch", - "i" - ], - [ - "ĠC", - "andid" - ], - [ - "Ġrare", - "ly" - ], - [ - "Ġm", - "ountain" - ], - [ - "ĠF", - "at" - ], - [ - "Ġs", - "end" - ], - [ - "ov", - "sk" - ], - [ - "ĠOrgan", - "ization" - ], - [ - "ĠFran", - "c" - ], - [ - "ĠO", - "P" - ], - [ - "âĪ", - "¼" - ], - [ - "ok", - "es" - ], - [ - "ec", - "e" - ], - [ - "def", - "icient" - ], - [ - "Ġlink", - "age" - ], - [ - "od", - "on" - ], - [ - "Ġf", - "ly" - ], - [ - "Ġt", - "idal" - ], - [ - "ĠEx", - "amples" - ], - [ - "ĠR", - "out" - ], - [ - "Ġaccom", - "mod" - ], - [ - "Sup", - "pose" - ], - [ - "ad", - "ap" - ], - [ - "Ġdi", - "e" - ], - [ - "ro", - "ot" - ], - [ - "Ġh", - "on" - ], - [ - "Ġminim", - "izing" - ], - [ - "Ġrough", - "ness" - ], - [ - "Ġgr", - "ass" - ], - [ - "ent", - "a" - ], - [ - "ĠL", - "ang" - ], - [ - "ed", - "u" - ], - [ - "ĠSim", - "ple" - ], - [ - "en", - "ic" - ], - [ - "Ġinduc", - "ing" - ], - [ - "t", - "f" - ], - [ - "Ġcon", - "texts" - ], - [ - "ĠGeneral", - "ized" - ], - [ - "ĠW", - "nt" - ], - [ - "P", - "b" - ], - [ - "at", - "omic" - ], - [ - "d", - "em" - ], - [ - "ĠPre", - "paration" - ], - [ - "Ġinsu", - "fficient" - ], - [ - "s", - "am" - ], - [ - "ĠSpec", - "ies" - ], - [ - "ĠS", - "olar" - ], - [ - "Ġuns", - "igned" - ], - [ - "ĠH", - "ER" - ], - [ - "â", - "Ĭ" - ], - [ - "Ġpar", - "ity" - ], - [ - "Ġnit", - "rate" - ], - [ - "ĠC", - "er" - ], - [ - "p", - "tic" - ], - [ - "id", - "entif" - ], - [ - "ge", - "al" - ], - [ - "Ġemo", - "tion" - ], - [ - "ĠL", - "P" - ], - [ - "Ġenh", - "ancing" - ], - [ - "Ġmeaning", - "ful" - ], - [ - "st", - "ation" - ], - [ - "Ġrel", - "ig" - ], - [ - "y", - "o" - ], - [ - "Ġpers", - "pectives" - ], - [ - "Ġsc", - "ans" - ], - [ - "ugin", - "osa" - ], - [ - "Ġsummar", - "ize" - ], - [ - "rel", - "ations" - ], - [ - "Ġdist", - "ant" - ], - [ - "Ġfunction", - "ality" - ], - [ - "Ġde", - "eper" - ], - [ - "ol", - "ate" - ], - [ - "ĠP", - "or" - ], - [ - "graph", - "s" - ], - [ - "ĠW", - "a" - ], - [ - "ophil", - "ic" - ], - [ - "CL", - "US" - ], - [ - "ropath", - "y" - ], - [ - "Ġc", - "red" - ], - [ - "Ġun", - "iversity" - ], - [ - "se", - "g" - ], - [ - "ve", - "e" - ], - [ - "O", - "G" - ], - [ - "ĠM", - "en" - ], - [ - "ĠCri", - "tical" - ], - [ - "ã", - "ģ" - ], - [ - "Ġex", - "it" - ], - [ - "var", - "theta" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠĠĠĠĠ" - ], - [ - "Ġun", - "f" - ], - [ - "Ġpropos", - "al" - ], - [ - "Ġty", - "rosine" - ], - [ - "oti", - "des" - ], - [ - "Ġproxim", - "ity" - ], - [ - "Ġbox", - "es" - ], - [ - "cat", - "en" - ], - [ - "ĠEnvironment", - "al" - ], - [ - "bound", - "ed" - ], - [ - "down", - "arrow" - ], - [ - "Ġfall", - "s" - ], - [ - "Ġfer", - "til" - ], - [ - "Ġcompr", - "ised" - ], - [ - "Ġmell", - "itus" - ], - [ - "Ġleak", - "age" - ], - [ - "ut", - "y" - ], - [ - "Ġchrom", - "osomes" - ], - [ - "ĠStat", - "istics" - ], - [ - "%%", - "%%" - ], - [ - "Ġcomb", - "inator" - ], - [ - "Ġk", - "et" - ], - [ - "ad", - "vant" - ], - [ - "T", - "her" - ], - [ - "Ġtop", - "ics" - ], - [ - "fl", - "at" - ], - [ - "n", - "ia" - ], - [ - "ĠSpect", - "ral" - ], - [ - "Ġsynchron", - "ization" - ], - [ - "var", - "rho" - ], - [ - "Ġcolon", - "ies" - ], - [ - "ĠF", - "ive" - ], - [ - "ag", - "ues" - ], - [ - "ĠF", - "C" - ], - [ - "ID", - "S" - ], - [ - "Ġa", - "ward" - ], - [ - "Ġyield", - "ing" - ], - [ - "Ġarchitect", - "ures" - ], - [ - "ashing", - "ton" - ], - [ - "chit", - "z" - ], - [ - "per", - "ty" - ], - [ - "Ġmod", - "uli" - ], - [ - "m", - "oment" - ], - [ - "sp", - "eed" - ], - [ - "Ġmes", - "enchymal" - ], - [ - "op", - "tera" - ], - [ - "Ġinc", - "omp" - ], - [ - "C", - "ell" - ], - [ - "ĠM", - "ice" - ], - [ - "Ġg", - "ot" - ], - [ - "te", - "ger" - ], - [ - "Ġt", - "au" - ], - [ - "ĠAd", - "S" - ], - [ - "Ġb", - "ill" - ], - [ - "Ġdr", - "inking" - ], - [ - "uls", - "ive" - ], - [ - "Ġknock", - "down" - ], - [ - "Ġarm", - "s" - ], - [ - "ĠAut", - "om" - ], - [ - "ĠIncre", - "ased" - ], - [ - "H", - "F" - ], - [ - "Ġglob", - "ally" - ], - [ - "Ġdop", - "ing" - ], - [ - "Ġat", - "h" - ], - [ - "ĠC", - "op" - ], - [ - "Ġsuccess", - "ive" - ], - [ - "UL", - "T" - ], - [ - "el", - "ess" - ], - [ - "Ġble", - "eding" - ], - [ - "Ġfood", - "s" - ], - [ - "Ġimmun", - "ohist" - ], - [ - "Ġdef", - "inite" - ], - [ - "ĠJ", - "ones" - ], - [ - "ĠT", - "S" - ], - [ - "Ġjo", - "ined" - ], - [ - "ĠTow", - "ards" - ], - [ - "ĠC", - "s" - ], - [ - "Ġun", - "like" - ], - [ - "Ġval", - "ence" - ], - [ - "d", - "or" - ], - [ - "o", - "S" - ], - [ - "Ġp", - "ush" - ], - [ - "Ġoff", - "ice" - ], - [ - "Ġalumin", - "um" - ], - [ - "id", - "yl" - ], - [ - "idi", - "rectional" - ], - [ - "wr", - "itten" - ], - [ - "Ġb", - "ubble" - ], - [ - "H", - "I" - ], - [ - "Ġmarked", - "ly" - ], - [ - "ĠT", - "ok" - ], - [ - "Ġvesic", - "les" - ], - [ - "Ġquoti", - "ent" - ], - [ - "Ġrepro", - "duce" - ], - [ - "Ġelse", - "where" - ], - [ - "ĠMy", - "c" - ], - [ - "Ġinf", - "rastructure" - ], - [ - "Ġgain", - "ed" - ], - [ - "ab", - "el" - ], - [ - "ĠS", - "ex" - ], - [ - "ĠT", - "ables" - ], - [ - "et", - "in" - ], - [ - "Ġhom", - "olog" - ], - [ - "Ġleg", - "al" - ], - [ - "he", - "a" - ], - [ - "Ġsoci", - "ety" - ], - [ - "Ġman", - "aged" - ], - [ - "id", - "ase" - ], - [ - "ĠInhib", - "ition" - ], - [ - "Ġparas", - "ite" - ], - [ - "Ġvol", - "unte" - ], - [ - "AT", - "P" - ], - [ - "i", - "os" - ], - [ - "Ġse", - "psis" - ], - [ - "Ġrib", - "osomal" - ], - [ - "Ġconf", - "ound" - ], - [ - "ĠSta", - "phyl" - ], - [ - "aryn", - "geal" - ], - [ - "ï", - "Ģ" - ], - [ - "com", - "b" - ], - [ - "ĠOb", - "jective" - ], - [ - "SUL", - "TS" - ], - [ - "Ġthor", - "ough" - ], - [ - "m", - "t" - ], - [ - "Ġc", - "hest" - ], - [ - "V", - "ector" - ], - [ - "ele", - "ment" - ], - [ - "Ġvir", - "ulence" - ], - [ - "Ġhem", - "isp" - ], - [ - "Ġso", - "ught" - ], - [ - "ĠK", - "o" - ], - [ - "Ġnutri", - "tion" - ], - [ - "ul", - "ing" - ], - [ - "ian", - "a" - ], - [ - "Ġprot", - "otype" - ], - [ - "ĠO", - "nt" - ], - [ - "c", - "ine" - ], - [ - "Ġdot", - "ted" - ], - [ - "Ġob", - "ese" - ], - [ - "ount", - "ered" - ], - [ - "Ġphysic", - "ians" - ], - [ - "Ġmin", - "i" - ], - [ - "Ľ", - "ľ" - ], - [ - "sp", - "aces" - ], - [ - "Ġexcl", - "usively" - ], - [ - "ĠCon", - "volution" - ], - [ - "Ġc", - "aspase" - ], - [ - "ĠL", - "ink" - ], - [ - "di", - "v" - ], - [ - "ĠRoy", - "al" - ], - [ - "h", - "ist" - ], - [ - "it", - "ness" - ], - [ - "Ġes", - "ter" - ], - [ - "Ġconduc", - "ting" - ], - [ - "Ġparticip", - "ated" - ], - [ - "Ġair", - "way" - ], - [ - "Ġaer", - "uginosa" - ], - [ - "E", - "xt" - ], - [ - "arg", - "ument" - ], - [ - "ock", - "ing" - ], - [ - "Ġintegr", - "ate" - ], - [ - "Ġcont", - "rovers" - ], - [ - "ap", - "es" - ], - [ - "train", - "ing" - ], - [ - "ĠPre", - "valence" - ], - [ - "tem", - "p" - ], - [ - "b", - "oth" - ], - [ - "Ġre", - "activity" - ], - [ - "Ġrank", - "ing" - ], - [ - "Ġtunn", - "eling" - ], - [ - "OD", - "E" - ], - [ - "ĠMed", - "iterranean" - ], - [ - "Ġreson", - "ances" - ], - [ - "M", - "g" - ], - [ - "Ġl", - "ib" - ], - [ - "ĠH", - "eter" - ], - [ - "Ġnot", - "hing" - ], - [ - "Ġindic", - "ation" - ], - [ - "ĠH", - "M" - ], - [ - "ocy", - "tic" - ], - [ - "st", - "rand" - ], - [ - "Ġcollabor", - "ation" - ], - [ - "Ġelectro", - "static" - ], - [ - "Ġindepend", - "ence" - ], - [ - "h", - "ab" - ], - [ - "Ġconf", - "lic" - ], - [ - "Ġi", - "od" - ], - [ - "in", - "us" - ], - [ - "Ġdepend", - "ency" - ], - [ - "ĠL", - "am" - ], - [ - "Ġexam", - "ining" - ], - [ - "Ġoccup", - "ied" - ], - [ - "Ġque", - "ue" - ], - [ - "ĠB", - "ul" - ], - [ - "Ġregist", - "ered" - ], - [ - "Ġindivid", - "ually" - ], - [ - "R", - "x" - ], - [ - "aus", - "al" - ], - [ - "V", - "E" - ], - [ - "Ġbright", - "ness" - ], - [ - "resp", - "ons" - ], - [ - "bal", - "ance" - ], - [ - "Ġcytotox", - "ic" - ], - [ - "f", - "all" - ], - [ - "com", - "mut" - ], - [ - "IC", - "AL" - ], - [ - "ur", - "an" - ], - [ - "ain", - "ing" - ], - [ - "ra", - "ulic" - ], - [ - "res", - "ults" - ], - [ - "Ġepis", - "odes" - ], - [ - "Y", - "S" - ], - [ - "ĠG", - "ar" - ], - [ - "Ġsur", - "fact" - ], - [ - "dr", - "ug" - ], - [ - "Ġc", - "ities" - ], - [ - "ĠCh", - "ange" - ], - [ - "os", - "ition" - ], - [ - "Ġtrig", - "gered" - ], - [ - "Ġcytoplas", - "mic" - ], - [ - "erv", - "es" - ], - [ - "Ġle", - "x" - ], - [ - "Ġasymptotic", - "ally" - ], - [ - "ph", - "y" - ], - [ - "Ġfron", - "tal" - ], - [ - "ĠD", - "ensity" - ], - [ - "Ġsyn", - "erg" - ], - [ - "cy", - "cle" - ], - [ - "ĠImpro", - "ved" - ], - [ - "Ã", - "¸" - ], - [ - "Ġmon", - "o" - ], - [ - "Ġaccum", - "ulated" - ], - [ - "orient", - "ed" - ], - [ - "b", - "our" - ], - [ - "Ġtun", - "nel" - ], - [ - "com", - "ing" - ], - [ - "Ġap", - "paratus" - ], - [ - "Ġenc", - "ountered" - ], - [ - "C", - "re" - ], - [ - "Ġlet", - "ters" - ], - [ - "et", - "ch" - ], - [ - "Ġexcess", - "ive" - ], - [ - "Ġbiofil", - "m" - ], - [ - "Ġrear", - "rang" - ], - [ - "Ġpolymorphism", - "s" - ], - [ - "er", - "obic" - ], - [ - "Ġconn", - "ect" - ], - [ - "res", - "olved" - ], - [ - "ĠN", - "N" - ], - [ - "Ġret", - "ro" - ], - [ - "ĠIn", - "iti" - ], - [ - "ĠQuanti", - "f" - ], - [ - "Ġp", - "up" - ], - [ - "T", - "ensor" - ], - [ - "Ġsent", - "ences" - ], - [ - "l", - "ay" - ], - [ - "ran", - "ts" - ], - [ - "pl", - "oid" - ], - [ - "ĠAnd", - "erson" - ], - [ - "Ġdes", - "irable" - ], - [ - "st", - "ud" - ], - [ - "i", - "ability" - ], - [ - "Ġd", - "rying" - ], - [ - "ec", - "ess" - ], - [ - "Ġd", - "ens" - ], - [ - "Ġdescri", - "pt" - ], - [ - "ĠË", - "Ĩ" - ], - [ - "Ġcl", - "ones" - ], - [ - "Ġju", - "ven" - ], - [ - "b", - "p" - ], - [ - "Ġk", - "il" - ], - [ - "H", - "L" - ], - [ - "Ġhem", - "orrh" - ], - [ - "ĠK", - "i" - ], - [ - "H", - "ow" - ], - [ - "Ġen", - "erge" - ], - [ - "Ġsub", - "section" - ], - [ - "ĠS", - "ac" - ], - [ - "di", - "al" - ], - [ - "Ġcardi", - "omy" - ], - [ - "Ġto", - "uch" - ], - [ - "d", - "m" - ], - [ - "Ġsc", - "ienti" - ], - [ - "oid", - "es" - ], - [ - "ĠÃ", - "Ĥ" - ], - [ - "ysacchar", - "ide" - ], - [ - "Ġs", - "clerosis" - ], - [ - "ĠZe", - "aland" - ], - [ - "in", - "ine" - ], - [ - "Ġunus", - "ual" - ], - [ - "ĠB", - "A" - ], - [ - "ips", - "chitz" - ], - [ - "g", - "ap" - ], - [ - "ĠDiff", - "erences" - ], - [ - "Ġdual", - "ity" - ], - [ - "ed", - "ical" - ], - [ - "Ġl", - "ign" - ], - [ - "Ġfail", - "s" - ], - [ - "Ġ", - "lect" - ], - [ - "Ġrel", - "ate" - ], - [ - "Ġincor", - "rect" - ], - [ - "Ġspec", - "ify" - ], - [ - "Ġcylind", - "rical" - ], - [ - "ĠP", - "F" - ], - [ - "ĠL", - "ind" - ], - [ - "Ġdet", - "erior" - ], - [ - "Ġher", - "b" - ], - [ - "d", - "z" - ], - [ - "Ġw", - "eld" - ], - [ - "Ġnom", - "inal" - ], - [ - "cop", - "y" - ], - [ - "Ġacet", - "yl" - ], - [ - "ht", - "ml" - ], - [ - "Ġrecogn", - "ize" - ], - [ - "**", - "*" - ], - [ - "iti", - "an" - ], - [ - "W", - "A" - ], - [ - "ĠM", - "N" - ], - [ - "ĠF", - "ind" - ], - [ - "Ġaut", - "hentic" - ], - [ - "per", - "ture" - ], - [ - "Ġcytotox", - "icity" - ], - [ - "of", - "l" - ], - [ - "ĠG", - "et" - ], - [ - "Ġcoh", - "omology" - ], - [ - "Ġremain", - "der" - ], - [ - "Ġexpand", - "ing" - ], - [ - "Ġhe", - "av" - ], - [ - "oster", - "one" - ], - [ - "R", - "ight" - ], - [ - "Ġcop", - "ol" - ], - [ - "Ġs", - "hed" - ], - [ - "Ġcompl", - "iance" - ], - [ - "Ġacid", - "ic" - ], - [ - "or", - "ic" - ], - [ - "Ġam", - "yloid" - ], - [ - "Ġevap", - "oration" - ], - [ - "d", - "l" - ], - [ - "Ġdel", - "ays" - ], - [ - "P", - "o" - ], - [ - "ĠCH", - "ECK" - ], - [ - "tain", - "s" - ], - [ - "Ġrevers", - "ed" - ], - [ - "ĠMP", - "a" - ], - [ - "Ġprocess", - "or" - ], - [ - "Ġh", - "all" - ], - [ - "ĠL", - "ast" - ], - [ - "Ġplas", - "m" - ], - [ - "ĠAss", - "ociated" - ], - [ - "ĠBas", - "ic" - ], - [ - "in", - "os" - ], - [ - "Ġsympt", - "om" - ], - [ - "ã", - "Ģ" - ], - [ - "Ġanth", - "rop" - ], - [ - "Ġjud", - "g" - ], - [ - "Ġe", - "ti" - ], - [ - "k", - "le" - ], - [ - "Ġwr", - "ong" - ], - [ - "ro", - "om" - ], - [ - "Ġdevelop", - "ments" - ], - [ - "ĠMax", - "imum" - ], - [ - "Ġcoating", - "s" - ], - [ - "Ġheur", - "istic" - ], - [ - "ron", - "tal" - ], - [ - "S", - "ome" - ], - [ - "Ġutil", - "ize" - ], - [ - "ĠâĪ", - "ħ" - ], - [ - "c", - "oll" - ], - [ - "ĠRel", - "ated" - ], - [ - "Ġde", - "generation" - ], - [ - "tem", - "plate" - ], - [ - "Ġmod", - "ulated" - ], - [ - "Ġparamet", - "ri" - ], - [ - "Ġsal", - "iv" - ], - [ - "ĠPseud", - "omonas" - ], - [ - "Ġanti", - "gens" - ], - [ - "Ġhar", - "mon" - ], - [ - "ĠL", - "HC" - ], - [ - "do", - "i" - ], - [ - "ens", - "itive" - ], - [ - "ĠNo", - "tice" - ], - [ - "ĠM", - "oh" - ], - [ - "til", - "age" - ], - [ - "AC", - "S" - ], - [ - "Ġdiscrep", - "ancy" - ], - [ - "Ġsp", - "ik" - ], - [ - "Ġre", - "strict" - ], - [ - "it", - "rile" - ], - [ - "le", - "g" - ], - [ - "ĠB", - "ase" - ], - [ - "Ġconvolution", - "al" - ], - [ - "ĠRes", - "istance" - ], - [ - "Ġappear", - "ing" - ], - [ - "ĠIm", - "ages" - ], - [ - "ĠM", - "ann" - ], - [ - "Ġre", - "act" - ], - [ - "Ġmacroph", - "age" - ], - [ - "Ġwave", - "let" - ], - [ - "och", - "rom" - ], - [ - "Ġfair", - "ly" - ], - [ - "Ġpreced", - "ing" - ], - [ - "Ġsp", - "ir" - ], - [ - "n", - "etwork" - ], - [ - "ĠN", - "ak" - ], - [ - "IF", - "T" - ], - [ - "Ġag", - "o" - ], - [ - "Ġenc", - "ryp" - ], - [ - "al", - "d" - ], - [ - "ens", - "in" - ], - [ - "Ġs", - "ulph" - ], - [ - "ĠPol", - "ymer" - ], - [ - "ĠAr", - "t" - ], - [ - "Ġsub", - "units" - ], - [ - "sh", - "ot" - ], - [ - "Ġbeg", - "ins" - ], - [ - "Ġex", - "er" - ], - [ - "pro", - "pto" - ], - [ - "Ġn", - "urses" - ], - [ - "Ġsuff", - "ices" - ], - [ - "Ġgra", - "ded" - ], - [ - "ĠR", - "ock" - ], - [ - "Ġuniqu", - "ely" - ], - [ - "it", - "ol" - ], - [ - "Ġsp", - "iral" - ], - [ - "Ġthan", - "ks" - ], - [ - "char", - "acter" - ], - [ - "ĠDist", - "ributed" - ], - [ - "ĠC", - "art" - ], - [ - "F", - "orm" - ], - [ - "Ġform", - "ulations" - ], - [ - "iction", - "ary" - ], - [ - "Ġspread", - "ing" - ], - [ - "Ġsingular", - "ity" - ], - [ - "Ġpig", - "s" - ], - [ - "it", - "u" - ], - [ - "ot", - "rophic" - ], - [ - "Ñ", - "Ģ" - ], - [ - "Ġsemicon", - "ductor" - ], - [ - "Ġd", - "rag" - ], - [ - "ne", - "xt" - ], - [ - "ma", - "xim" - ], - [ - "un", - "n" - ], - [ - "Ġarg", - "ued" - ], - [ - "pl", - "astic" - ], - [ - "Ġdehydrogen", - "ase" - ], - [ - "Ġreinfor", - "cement" - ], - [ - "ent", - "ral" - ], - [ - "ĠD", - "S" - ], - [ - "Ġcompan", - "ies" - ], - [ - "Ġquanti", - "zation" - ], - [ - "ĠD", - "ri" - ], - [ - "Ġsimpl", - "er" - ], - [ - "Ġradi", - "i" - ], - [ - "ĠEth", - "ics" - ], - [ - "ĠElect", - "ronic" - ], - [ - "t", - "aken" - ], - [ - "Ġpharmac", - "ological" - ], - [ - "ps", - "on" - ], - [ - "Ġpair", - "ing" - ], - [ - "Ġn", - "est" - ], - [ - "ĠR", - "S" - ], - [ - "Ġl", - "ic" - ], - [ - "oc", - "on" - ], - [ - "Ġobserv", - "ing" - ], - [ - "ĠF", - "M" - ], - [ - "I", - "ES" - ], - [ - "Ġsub", - "mitted" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠ" - ], - [ - "Ġno", - "isy" - ], - [ - "Ġvan", - "ishing" - ], - [ - "ĠTechn", - "ologies" - ], - [ - "il", - "st" - ], - [ - "ag", - "ic" - ], - [ - "Ġembed", - "dings" - ], - [ - "Ġpl", - "ans" - ], - [ - "re", - "ak" - ], - [ - "oc", - "t" - ], - [ - "Ġepit", - "helium" - ], - [ - "Ġrevers", - "ible" - ], - [ - "Ġrequ", - "ests" - ], - [ - "V", - "i" - ], - [ - "ĠPro", - "g" - ], - [ - "meth", - "oxy" - ], - [ - "ur", - "ia" - ], - [ - "Ġsl", - "ice" - ], - [ - "Ġmetast", - "ases" - ], - [ - "ĠM", - "ary" - ], - [ - "Ġprior", - "i" - ], - [ - "Ġexplain", - "s" - ], - [ - "ĠS", - "igma" - ], - [ - "ĠArm", - "y" - ], - [ - "Ġpre", - "y" - ], - [ - "K", - "L" - ], - [ - "ĠP", - "ass" - ], - [ - "Ġrepro", - "duction" - ], - [ - "Ġfer", - "mentation" - ], - [ - "ul", - "o" - ], - [ - "Ġproof", - "s" - ], - [ - "ĠAccording", - "ly" - ], - [ - "ti", - "st" - ], - [ - "ĠïĢ", - "©" - ], - [ - "Ġme", - "at" - ], - [ - "Ġpl", - "anned" - ], - [ - "Ġangi", - "ogenesis" - ], - [ - "W", - "R" - ], - [ - "ĠA", - "ust" - ], - [ - "Similar", - "ly" - ], - [ - "ĠW", - "ashington" - ], - [ - "Ġref", - "inement" - ], - [ - "Ġembry", - "o" - ], - [ - "Ġdiss", - "ociation" - ], - [ - "á", - "n" - ], - [ - "plas", - "ia" - ], - [ - "ĠG", - "ro" - ], - [ - "Ġsimilar", - "ities" - ], - [ - "Ġsolub", - "ility" - ], - [ - "Ġimm", - "obil" - ], - [ - "ĠSc", - "ot" - ], - [ - "ĠSub", - "sequently" - ], - [ - "di", - "vid" - ], - [ - "Ġclos", - "est" - ], - [ - "ĠW", - "at" - ], - [ - "Ġâ", - "Į" - ], - [ - "ĠA", - "GN" - ], - [ - "Ġpres", - "cribed" - ], - [ - "Ġm", - "osquito" - ], - [ - "Ġf", - "irm" - ], - [ - "Ġde", - "generate" - ], - [ - "Ġeth", - "yl" - ], - [ - "Ġhar", - "vest" - ], - [ - "ĠSpec", - "ific" - ], - [ - "Ġcomp", - "artment" - ], - [ - "p", - "ublic" - ], - [ - "ĠBi", - "ological" - ], - [ - "Ġpiec", - "e" - ], - [ - "Ġat", - "titudes" - ], - [ - "Ġsp", - "ray" - ], - [ - "ĠS", - "ix" - ], - [ - "Ġprofession", - "als" - ], - [ - "Ġsl", - "ot" - ], - [ - "Ġretrie", - "ved" - ], - [ - "ve", - "ment" - ], - [ - "Ġexec", - "uted" - ], - [ - "se", - "ed" - ], - [ - "Ġout", - "flow" - ], - [ - "d", - "istance" - ], - [ - "ĠT", - "erm" - ], - [ - "ad", - "y" - ], - [ - "ĠProv", - "ince" - ], - [ - "ĠCent", - "re" - ], - [ - "ĠD", - "FT" - ], - [ - "Ġs", - "udden" - ], - [ - "Ġse", - "iz" - ], - [ - "r", - "at" - ], - [ - "rom", - "o" - ], - [ - "ot", - "echn" - ], - [ - "Ġhigh", - "lights" - ], - [ - "Ġelectroly", - "te" - ], - [ - "ĠAdv", - "anced" - ], - [ - "all", - "ow" - ], - [ - "p", - "x" - ], - [ - "os", - "ed" - ], - [ - "sub", - "array" - ], - [ - "rac", - "ks" - ], - [ - "P", - "RO" - ], - [ - "ogen", - "y" - ], - [ - "Ġpool", - "ed" - ], - [ - "Ġd", - "type" - ], - [ - "Ġop", - "posed" - ], - [ - "ĠG", - "rand" - ], - [ - "Ġdesign", - "ing" - ], - [ - "b", - "el" - ], - [ - "it", - "ability" - ], - [ - "Ġminim", - "ization" - ], - [ - "Ġdram", - "atically" - ], - [ - "Ġso", - "y" - ], - [ - "ag", - "ents" - ], - [ - "ĠMet", - "al" - ], - [ - "ĠM", - "V" - ], - [ - "rib", - "ute" - ], - [ - "D", - "D" - ], - [ - "it", - "an" - ], - [ - "Ġspeed", - "s" - ], - [ - "Ġmar", - "ried" - ], - [ - "Ġevalu", - "ations" - ], - [ - "ĠKing", - "dom" - ], - [ - "Ġcl", - "ay" - ], - [ - "ĠTiss", - "ue" - ], - [ - "left", - "arrow" - ], - [ - "Ġcompens", - "ation" - ], - [ - "ch", - "ild" - ], - [ - "p", - "ool" - ], - [ - "up", - "arrow" - ], - [ - "ĠDom", - "ain" - ], - [ - "spec", - "ies" - ], - [ - "Ġmeth", - "ane" - ], - [ - "ĠE", - "GFR" - ], - [ - "Ġpar", - "ser" - ], - [ - "h", - "ave" - ], - [ - "Ġneg", - "lected" - ], - [ - "f", - "unc" - ], - [ - "aps", - "ed" - ], - [ - "Ġs", - "ays" - ], - [ - "ad", - "ata" - ], - [ - "bin", - "om" - ], - [ - "C", - "ase" - ], - [ - "Ġre", - "porter" - ], - [ - "S", - "n" - ], - [ - "Ġmaxim", - "ize" - ], - [ - "Ġbif", - "urc" - ], - [ - "ĠCN", - "S" - ], - [ - "ĠO", - "lymp" - ], - [ - "Ġdecl", - "are" - ], - [ - "Ġenc", - "oder" - ], - [ - "Ġab", - "elian" - ], - [ - "Ġsingular", - "ities" - ], - [ - "Ġe", - "ch" - ], - [ - "Î", - "¨" - ], - [ - "Ġpro", - "to" - ], - [ - "Ġph", - "ag" - ], - [ - "Ġpoly", - "g" - ], - [ - "Ġb", - "ott" - ], - [ - "Ġadi", - "pose" - ], - [ - "u", - "ing" - ], - [ - "j", - "k" - ], - [ - "uch", - "y" - ], - [ - "ĠStud", - "ent" - ], - [ - "Ġnan", - "ow" - ], - [ - "Ġth", - "ym" - ], - [ - "E", - "d" - ], - [ - "E", - "nd" - ], - [ - "Ġtransform", - "s" - ], - [ - "ĠP", - "CA" - ], - [ - "k", - "ern" - ], - [ - "reg", - "n" - ], - [ - "Ġcom", - "ment" - ], - [ - "ĠL", - "L" - ], - [ - "ell", - "es" - ], - [ - "Ġeng", - "agement" - ], - [ - "ĠP", - "eter" - ], - [ - "IS", - "PR" - ], - [ - "ĠCh", - "annel" - ], - [ - "in", - "y" - ], - [ - "Ġbund", - "les" - ], - [ - "A", - "ld" - ], - [ - "Ġpublic", - "ations" - ], - [ - "T", - "G" - ], - [ - "st", - "ra" - ], - [ - "Ġf", - "ear" - ], - [ - "Ġre", - "tic" - ], - [ - "ple", - "ments" - ], - [ - "Ġcor", - "pus" - ], - [ - "ĠCl", - "uster" - ], - [ - "ĠR", - "ate" - ], - [ - "Ġsimpl", - "est" - ], - [ - "ac", - "ic" - ], - [ - "rb", - "rack" - ], - [ - "Ġb", - "low" - ], - [ - "Ġcomp", - "ress" - ], - [ - "ĠD", - "ark" - ], - [ - "Ġpsy", - "chiatric" - ], - [ - "ĠCon", - "versely" - ], - [ - "Ġo", - "wing" - ], - [ - "Ġabs", - "or" - ], - [ - "ĠH", - "P" - ], - [ - "Ġcr", - "ude" - ], - [ - "equ", - "al" - ], - [ - "ĠAr", - "ray" - ], - [ - "ĠRel", - "ative" - ], - [ - "Ġcomb", - "ustion" - ], - [ - "R", - "ed" - ], - [ - "k", - "t" - ], - [ - "Ġm", - "A" - ], - [ - "Ġt", - "ex" - ], - [ - "por", - "ters" - ], - [ - "Ġdiffere", - "d" - ], - [ - "Ġaud", - "io" - ], - [ - "z", - "on" - ], - [ - "od", - "i" - ], - [ - "Ġmac", - "roscopic" - ], - [ - "ac", - "in" - ], - [ - "Ġz", - "eros" - ], - [ - "Ġfore", - "ign" - ], - [ - "Ġd", - "uct" - ], - [ - "b", - "ow" - ], - [ - "w", - "orth" - ], - [ - "ĠRo", - "ad" - ], - [ - "re", - "y" - ], - [ - "ace", - "ous" - ], - [ - "Ġbl", - "ast" - ], - [ - "Ġgran", - "ul" - ], - [ - "Ġw", - "ing" - ], - [ - "Ġannot", - "ated" - ], - [ - "ĠF", - "ull" - ], - [ - "Ġinflu", - "encing" - ], - [ - "v", - "y" - ], - [ - "iaz", - "ol" - ], - [ - "Ġp", - "itch" - ], - [ - "Ġre", - "habilitation" - ], - [ - "ĠPri", - "or" - ], - [ - "com", - "it" - ], - [ - "math", - "tt" - ], - [ - "di", - "a" - ], - [ - "ĠI", - "on" - ], - [ - "Ġab", - "use" - ], - [ - "Ġharves", - "ted" - ], - [ - "Ġepid", - "emic" - ], - [ - "Ġfil", - "ament" - ], - [ - "Ġnucle", - "ation" - ], - [ - "ĠKnow", - "ledge" - ], - [ - "rin", - "os" - ], - [ - "Ġb", - "ent" - ], - [ - "Ġsqu", - "ared" - ], - [ - "Ġhippocamp", - "al" - ], - [ - "ĠT", - "G" - ], - [ - "AN", - "T" - ], - [ - "mod", - "ified" - ], - [ - "ari", - "o" - ], - [ - "ĠF", - "ace" - ], - [ - "Ġgrow", - "s" - ], - [ - "Ġfa", - "ults" - ], - [ - "v", - "irus" - ], - [ - "Ġpartition", - "ing" - ], - [ - "air", - "s" - ], - [ - "Ġhe", - "aring" - ], - [ - "Ġcon", - "gen" - ], - [ - "Ġ", - "rip" - ], - [ - "ĠColl", - "abor" - ], - [ - "Ġinterview", - "s" - ], - [ - "Ġh", - "uge" - ], - [ - "Ġbreak", - "down" - ], - [ - "Ġmonth", - "ly" - ], - [ - "ĠCON", - "CLUS" - ], - [ - "E", - "ach" - ], - [ - "D", - "iff" - ], - [ - "Ġrel", - "ay" - ], - [ - "ĠM", - "use" - ], - [ - "oscop", - "y" - ], - [ - "Ġre", - "new" - ], - [ - "g", - "b" - ], - [ - "Ġb", - "rid" - ], - [ - "Ġoutl", - "ined" - ], - [ - "or", - "ig" - ], - [ - "e", - "at" - ], - [ - "ĠWith", - "out" - ], - [ - "Ġsp", - "or" - ], - [ - "ĠT", - "N" - ], - [ - "ĠJ", - "o" - ], - [ - "ĠA", - "U" - ], - [ - "N", - "ot" - ], - [ - "Ġret", - "in" - ], - [ - "ĠAn", - "gel" - ], - [ - "Ġtri", - "ed" - ], - [ - "ey", - "ond" - ], - [ - "j", - "e" - ], - [ - "ĠRuss", - "ian" - ], - [ - "ĠUn", - "fortunately" - ], - [ - "ĠMean", - "while" - ], - [ - "ograph", - "s" - ], - [ - "Ġacc", - "ounting" - ], - [ - "ĠA", - "β" - ], - [ - "m", - "b" - ], - [ - "Ġdop", - "amine" - ], - [ - "ĠBrief", - "ly" - ], - [ - "ĠF", - "requency" - ], - [ - "Mat", - "rix" - ], - [ - "ĠJose", - "ph" - ], - [ - "Ġexper", - "ts" - ], - [ - "Ġdro", - "ps" - ], - [ - "ĠRE", - "SULTS" - ], - [ - "Ġrect", - "angular" - ], - [ - "ath", - "ione" - ], - [ - "cent", - "er" - ], - [ - "ĠLe", - "ft" - ], - [ - "in", - "form" - ], - [ - "k", - "ins" - ], - [ - "Ġm", - "il" - ], - [ - "ĠM", - "ah" - ], - [ - "Ġmed", - "ial" - ], - [ - "ĠComp", - "any" - ], - [ - "Ġpass", - "age" - ], - [ - "Ġlead", - "er" - ], - [ - "Ġscreen", - "ed" - ], - [ - "er", - "i" - ], - [ - "pos", - "ites" - ], - [ - "r", - "arily" - ], - [ - "Ġph", - "one" - ], - [ - "ie", - "tic" - ], - [ - "Ġexpect", - "ations" - ], - [ - "ĠPar", - "ticle" - ], - [ - "ĠM", - "ountain" - ], - [ - "Ġinter", - "leukin" - ], - [ - "Ġfif", - "th" - ], - [ - "Ġv", - "ast" - ], - [ - "Ġlog", - "ical" - ], - [ - "Ġt", - "err" - ], - [ - "Ġcre", - "ates" - ], - [ - "Ġfinit", - "ely" - ], - [ - "Ġsw", - "im" - ], - [ - "Ġsupernat", - "ant" - ], - [ - "opath", - "ological" - ], - [ - "ĠUl", - "tra" - ], - [ - "ĠT", - "y" - ], - [ - "Ġgra", - "nd" - ], - [ - "Ġconstit", - "ute" - ], - [ - "olog", - "ist" - ], - [ - "ĠBro", - "ad" - ], - [ - "aw", - "are" - ], - [ - "Ġvic", - "inity" - ], - [ - "ag", - "ulation" - ], - [ - "uns", - "igned" - ], - [ - "ĠS", - "ize" - ], - [ - "ĠC", - "ognitive" - ], - [ - "Ġsusp", - "ected" - ], - [ - "Ġu", - "pl" - ], - [ - "Ġauto", - "immune" - ], - [ - "ĠS", - "K" - ], - [ - "C", - "B" - ], - [ - "Ġsl", - "ices" - ], - [ - "ĠCh", - "i" - ], - [ - "Ġobserv", - "ables" - ], - [ - "Ġhippocamp", - "us" - ], - [ - "so", - "ver" - ], - [ - "Ġfund", - "ing" - ], - [ - "Ġcon", - "formation" - ], - [ - "ĠQ", - "uestion" - ], - [ - "ĠS", - "qu" - ], - [ - "ĠW", - "ill" - ], - [ - "Ġsc", - "attered" - ], - [ - "ir", - "ty" - ], - [ - "Ġpl", - "aus" - ], - [ - "cor", - "relation" - ], - [ - "Ġventi", - "lation" - ], - [ - "ĠGen", - "es" - ], - [ - "Ġben", - "ign" - ], - [ - "Ġheter", - "o" - ], - [ - "St", - "atus" - ], - [ - "ang", - "led" - ], - [ - "Ġb", - "ootstrap" - ], - [ - "Ġvacc", - "ines" - ], - [ - "Ġmicro", - "organisms" - ], - [ - "Ġvis", - "its" - ], - [ - "Ġtheorem", - "s" - ], - [ - "d", - "rop" - ], - [ - "ĠT", - "A" - ], - [ - "Ġcycl", - "ing" - ], - [ - "Ġspectrom", - "eter" - ], - [ - "Ġground", - "water" - ], - [ - "Ġnanot", - "ubes" - ], - [ - "Ġjo", - "ints" - ], - [ - "ĠE", - "ll" - ], - [ - "Ġcons", - "ult" - ], - [ - "Ġwindow", - "s" - ], - [ - "Ġdis", - "ability" - ], - [ - "Ġgain", - "s" - ], - [ - "Ġdis", - "charg" - ], - [ - "Ġhe", - "ated" - ], - [ - "Ġa", - "fore" - ], - [ - "ary", - "ing" - ], - [ - "inc", - "re" - ], - [ - "Ġagg", - "ressive" - ], - [ - "Ġhe", - "mod" - ], - [ - "ari", - "um" - ], - [ - "ĠIn", - "st" - ], - [ - "v", - "m" - ], - [ - "Ġdro", - "plet" - ], - [ - "p", - "tive" - ], - [ - "vious", - "ly" - ], - [ - "Ġst", - "arch" - ], - [ - "Ġd", - "f" - ], - [ - "os", - "yl" - ], - [ - "Ġdon", - "ors" - ], - [ - "ĠUn", - "like" - ], - [ - "Ġalkal", - "ine" - ], - [ - "Ġintellig", - "ence" - ], - [ - "a", - "a" - ], - [ - "Ġaccept", - "ance" - ], - [ - "Ġsl", - "iding" - ], - [ - "aps", - "es" - ], - [ - "ĠD", - "iss" - ], - [ - "ist", - "an" - ], - [ - "a", - "uc" - ], - [ - "Ġb", - "ins" - ], - [ - "Ġmod", - "ulate" - ], - [ - "Ġman", - "age" - ], - [ - "out", - "s" - ], - [ - "Ġs", - "enes" - ], - [ - "Ġdifferenti", - "ate" - ], - [ - "Ġcoun", - "ted" - ], - [ - "AS", - "K" - ], - [ - "Ġantib", - "acterial" - ], - [ - "Ġent", - "ered" - ], - [ - "Ġdis", - "advant" - ], - [ - "ĠSalmon", - "ella" - ], - [ - "Ġis", - "otopic" - ], - [ - "Ġanno", - "unced" - ], - [ - "ĠBo", - "ard" - ], - [ - "Ġrest", - "oration" - ], - [ - "Ġalle", - "vi" - ], - [ - "Ġprogram", - "me" - ], - [ - "Ġalb", - "umin" - ], - [ - "Ġcatal", - "og" - ], - [ - "est", - "ine" - ], - [ - "Ġdifferent", - "ly" - ], - [ - "Ġm", - "olar" - ], - [ - "rö", - "dinger" - ], - [ - "ĠE", - "vent" - ], - [ - "minist", - "ration" - ], - [ - "ĠSer", - "um" - ], - [ - "RO", - "M" - ], - [ - "k", - "w" - ], - [ - "b", - "ot" - ], - [ - "Ġj", - "ets" - ], - [ - "ĠDo", - "uble" - ], - [ - "el", - "er" - ], - [ - "Ġinf", - "usion" - ], - [ - "Ġconsum", - "ed" - ], - [ - "ĠI", - "ron" - ], - [ - "ĠProcess", - "es" - ], - [ - "Ġad", - "mits" - ], - [ - "Ġj", - "uris" - ], - [ - "ĠPer", - "iod" - ], - [ - "Ġremod", - "eling" - ], - [ - "alle", - "y" - ], - [ - "Ġenabl", - "ing" - ], - [ - "Ġback", - "ward" - ], - [ - "ĠM", - "id" - ], - [ - "bre", - "vi" - ], - [ - "Ġclass", - "ify" - ], - [ - "Ġcr", - "ypt" - ], - [ - "Ġhel", - "ix" - ], - [ - "ĠJ", - "iang" - ], - [ - "Ġh", - "oney" - ], - [ - "ges", - "tion" - ], - [ - "x", - "c" - ], - [ - "Ġcoinc", - "ides" - ], - [ - "ĠD", - "N" - ], - [ - "Ġap", - "optotic" - ], - [ - "Ġinst", - "all" - ], - [ - "ĠR", - "ever" - ], - [ - "ĠDop", - "pler" - ], - [ - "ic", - "ago" - ], - [ - "er", - "als" - ], - [ - "Ġp", - "ie" - ], - [ - "ĠM", - "ars" - ], - [ - "ĠStaphyl", - "ococcus" - ], - [ - "Ġnot", - "ing" - ], - [ - "Ġgener", - "a" - ], - [ - "ĠI", - "o" - ], - [ - "Ġh", - "ope" - ], - [ - "Ġpres", - "erve" - ], - [ - "MA", - "X" - ], - [ - "yn", - "chron" - ], - [ - "Ġr", - "up" - ], - [ - "Ġcompr", - "ising" - ], - [ - "ĠW", - "ay" - ], - [ - "Ġvi", - "olation" - ], - [ - "Q", - "R" - ], - [ - "Ġreflect", - "ing" - ], - [ - "Ġregular", - "ity" - ], - [ - "ĠSi", - "O" - ], - [ - "ĠJ", - "un" - ], - [ - "Ġcommun", - "ications" - ], - [ - "r", - "ating" - ], - [ - "Ġfam", - "iliar" - ], - [ - "Ġinstant", - "aneous" - ], - [ - "Ġcor", - "tic" - ], - [ - "Ġapparent", - "ly" - ], - [ - "X", - "X" - ], - [ - "Ġexcit", - "ations" - ], - [ - "ĠA", - "ward" - ], - [ - "N", - "um" - ], - [ - "ĠU", - "N" - ], - [ - "Ġqu", - "bit" - ], - [ - "ĠAc", - "tion" - ], - [ - "ĠF", - "ried" - ], - [ - "Ġelim", - "inated" - ], - [ - "Ġasp", - "ir" - ], - [ - "h", - "ler" - ], - [ - "Ġdec", - "oding" - ], - [ - "un", - "ov" - ], - [ - "Ġanalog", - "ue" - ], - [ - "ul", - "monary" - ], - [ - "Ġge", - "ographic" - ], - [ - "Ġs", - "ort" - ], - [ - "ĠCR", - "C" - ], - [ - "Ald", - "rich" - ], - [ - "Ġk", - "Da" - ], - [ - "ĠN", - "D" - ], - [ - "Ġset", - "tle" - ], - [ - "ex", - "ists" - ], - [ - "Ġstat", - "istic" - ], - [ - "ĠB", - "ow" - ], - [ - "ĠC", - "G" - ], - [ - "Ġorgan", - "izations" - ], - [ - "ĠM", - "obile" - ], - [ - "Ġinv", - "ent" - ], - [ - "Ġincorpor", - "ate" - ], - [ - "ĠF", - "ib" - ], - [ - "ord", - "an" - ], - [ - "Ġcolle", - "agues" - ], - [ - "ĠSt", - "ation" - ], - [ - "Ġs", - "en" - ], - [ - "Ġenc", - "aps" - ], - [ - "ĠR", - "H" - ], - [ - "rel", - "im" - ], - [ - "Ġcarbon", - "ate" - ], - [ - "ĠN", - "ether" - ], - [ - "m", - "em" - ], - [ - "EE", - "E" - ], - [ - "Ġafore", - "mentioned" - ], - [ - "Ġp", - "ent" - ], - [ - "ĠSign", - "al" - ], - [ - "Ġsusp", - "ended" - ], - [ - "Col", - "or" - ], - [ - "Ġsp", - "ins" - ], - [ - "Ġpropor", - "tions" - ], - [ - "ult", - "y" - ], - [ - "Ġen", - "rolled" - ], - [ - "ĠT", - "EM" - ], - [ - "ĠRecep", - "tor" - ], - [ - "Ġpre", - "valent" - ], - [ - "l", - "arge" - ], - [ - "v", - "s" - ], - [ - "Ġtrunc", - "ated" - ], - [ - "Ġâĭ", - "ħ" - ], - [ - "l", - "m" - ], - [ - "an", - "il" - ], - [ - "Ġann", - "ih" - ], - [ - "ĠGalax", - "y" - ], - [ - "er", - "as" - ], - [ - "Ġep", - "igenetic" - ], - [ - "Ġto", - "oth" - ], - [ - "Ġcondens", - "ation" - ], - [ - "ĠT", - "ensor" - ], - [ - "Ġin", - "organic" - ], - [ - "ym", - "ers" - ], - [ - "u", - "f" - ], - [ - "an", - "ese" - ], - [ - "are", - "t" - ], - [ - "Ġar", - "ithmetic" - ], - [ - "â", - "Ĩ" - ], - [ - "Ġt", - "rying" - ], - [ - "Ġimplement", - "ing" - ], - [ - "x", - "d" - ], - [ - "Ġill", - "umination" - ], - [ - "el", - "a" - ], - [ - "Ġdefic", - "its" - ], - [ - "Ġsp", - "ots" - ], - [ - "Ġdoes", - "n" - ], - [ - "Ġrest", - "ing" - ], - [ - "tra", - "ined" - ], - [ - "Ġeros", - "ion" - ], - [ - "Ġgran", - "ular" - ], - [ - "Ġsc", - "ar" - ], - [ - "Ġpol", - "len" - ], - [ - "l", - "ie" - ], - [ - "Ġcon", - "vers" - ], - [ - "Ġdisturb", - "ances" - ], - [ - "ĠG", - "od" - ], - [ - "Ġen", - "larg" - ], - [ - "ĠL", - "ate" - ], - [ - "yl", - "ase" - ], - [ - "Ġfac", - "ts" - ], - [ - "ent", - "y" - ], - [ - "ĠStre", - "et" - ], - [ - "sequ", - "ence" - ], - [ - "Ġven", - "ous" - ], - [ - "ĠC", - "heck" - ], - [ - "ag", - "g" - ], - [ - "Ġabsorb", - "ed" - ], - [ - "Ġcom", - "mit" - ], - [ - "set", - "s" - ], - [ - "Ġdest", - "roy" - ], - [ - "Ġbow", - "el" - ], - [ - "Ġfin", - "ished" - ], - [ - "ĠF", - "eed" - ], - [ - "Ġdop", - "ed" - ], - [ - "ĠAl", - "b" - ], - [ - "ĠMit", - "ochond" - ], - [ - "Ġtheore", - "tically" - ], - [ - "R", - "I" - ], - [ - "Ġmet", - "eor" - ], - [ - "ĠM", - "G" - ], - [ - "Ġn", - "ation" - ], - [ - "ĠBas", - "in" - ], - [ - "n", - "ik" - ], - [ - "Ġdep", - "ths" - ], - [ - "ĠMechan", - "ism" - ], - [ - "Ġmotif", - "s" - ], - [ - "ĠH", - "ay" - ], - [ - "Ġmo", - "tivated" - ], - [ - "ĠC", - "opy" - ], - [ - "ĠE", - "astern" - ], - [ - "Ġpers", - "istence" - ], - [ - "Ġra", - "ys" - ], - [ - "F", - "B" - ], - [ - "and", - "em" - ], - [ - "l", - "ayers" - ], - [ - "ey", - "er" - ], - [ - "ĠStre", - "pt" - ], - [ - "Ġregist", - "ration" - ], - [ - "ĠAnt", - "arctic" - ], - [ - "C", - "V" - ], - [ - "ĠP", - "ap" - ], - [ - "ĠSp", - "e" - ], - [ - "Ġsplic", - "ing" - ], - [ - "per", - "formance" - ], - [ - "Ġseman", - "tics" - ], - [ - "Ġloc", - "om" - ], - [ - "oblast", - "oma" - ], - [ - "Ġm", - "oney" - ], - [ - "Ġtrans", - "parent" - ], - [ - "Ġh", - "r" - ], - [ - "ĠInter", - "actions" - ], - [ - "Ġs", - "ap" - ], - [ - "Ġbi", - "ases" - ], - [ - "Ġte", - "eth" - ], - [ - "yn", - "olds" - ], - [ - "omet", - "hyl" - ], - [ - "Ġm", - "V" - ], - [ - "Ġsole", - "ly" - ], - [ - "Ġor", - "ange" - ], - [ - "bl", - "ast" - ], - [ - "ATION", - "S" - ], - [ - "c", - "all" - ], - [ - "opo", - "ietic" - ], - [ - "s", - "ided" - ], - [ - "ĠF", - "ox" - ], - [ - "ĠV", - "ideo" - ], - [ - "Ġinsp", - "ection" - ], - [ - "Ġb", - "uck" - ], - [ - "hes", - "ize" - ], - [ - "p", - "resent" - ], - [ - "ĠAnti", - "b" - ], - [ - "Ġh", - "am" - ], - [ - "al", - "am" - ], - [ - "ĠP", - "G" - ], - [ - "ĠA", - "E" - ], - [ - "Ġj", - "oin" - ], - [ - "Ġmon", - "ocytes" - ], - [ - "es", - "tiv" - ], - [ - "Ġrandom", - "ised" - ], - [ - "Ġtransl", - "ocation" - ], - [ - "Ġincorpor", - "ating" - ], - [ - "Ġprolif", - "er" - ], - [ - "Ġod", - "ds" - ], - [ - "IT", - "H" - ], - [ - "Ġr", - "an" - ], - [ - "Ġinstruc", - "tion" - ], - [ - "Ġresol", - "ve" - ], - [ - "Ġf", - "t" - ], - [ - "ĠHe", - "ad" - ], - [ - "Ġre", - "agent" - ], - [ - "Ġad", - "mitted" - ], - [ - "h", - "uman" - ], - [ - "pos", - "ure" - ], - [ - "ĠCh", - "a" - ], - [ - "ĠF", - "r" - ], - [ - "Ġbroad", - "cast" - ], - [ - "Ġnutri", - "ents" - ], - [ - "n", - "ob" - ], - [ - "Ġnot", - "able" - ], - [ - "ĠI", - "GF" - ], - [ - "ĠC", - "learly" - ], - [ - "Ġquark", - "s" - ], - [ - "Ġe", - "ukary" - ], - [ - "ĠAd", - "d" - ], - [ - "it", - "osan" - ], - [ - "Ġinter", - "active" - ], - [ - "it", - "ting" - ], - [ - "ĠComput", - "ational" - ], - [ - "Ġdiss", - "olution" - ], - [ - "ist", - "ribution" - ], - [ - "pro", - "duct" - ], - [ - "ĠA", - "BC" - ], - [ - "olim", - "its" - ], - [ - "bi", - "ased" - ], - [ - "Ġtrap", - "ped" - ], - [ - "P", - "K" - ], - [ - "ĠH", - "PLC" - ], - [ - "roph", - "ot" - ], - [ - "z", - "es" - ], - [ - "our", - "se" - ], - [ - "ĠH", - "ot" - ], - [ - "Ġrec", - "ipro" - ], - [ - "n", - "olimits" - ], - [ - "ell", - "o" - ], - [ - "Ġassess", - "ments" - ], - [ - "EN", - "TS" - ], - [ - "Ġalter", - "ation" - ], - [ - "t", - "w" - ], - [ - "Ġcha", - "otic" - ], - [ - "ĠL", - "oc" - ], - [ - "Ġcat", - "tle" - ], - [ - "R", - "ay" - ], - [ - "Ġform", - "ally" - ], - [ - "le", - "ave" - ], - [ - "text", - "style" - ], - [ - "Ġvent", - "ral" - ], - [ - "ĠWilli", - "ams" - ], - [ - "ĠPe", - "ople" - ], - [ - "ix", - "ing" - ], - [ - "ĠThe", - "rapy" - ], - [ - "Ġi", - "ii" - ], - [ - "ĠD", - "T" - ], - [ - "Ġb", - "ic" - ], - [ - "Ġsp", - "heres" - ], - [ - "Ġvis", - "c" - ], - [ - "Ġestablish", - "ment" - ], - [ - "Ġdescrip", - "tions" - ], - [ - "ĠA", - "verage" - ], - [ - "Ġto", - "ur" - ], - [ - "ĠInf", - "ection" - ], - [ - "ĠL", - "icense" - ], - [ - "Ġprep", - "are" - ], - [ - "H", - "s" - ], - [ - "f", - "inite" - ], - [ - "ri", - "um" - ], - [ - "ore", - "g" - ], - [ - "ent", - "ry" - ], - [ - "Ġdis", - "ks" - ], - [ - "Ġelong", - "ation" - ], - [ - "c", - "pu" - ], - [ - "ĠChar", - "les" - ], - [ - "FIG", - "URE" - ], - [ - "st", - "on" - ], - [ - "ĠObserv", - "ations" - ], - [ - "A", - "dd" - ], - [ - "ĠT", - "ask" - ], - [ - "at", - "omy" - ], - [ - "ig", - "ration" - ], - [ - "ĠD", - "atabase" - ], - [ - "ĠTex", - "as" - ], - [ - "Ġph", - "yt" - ], - [ - "ll", - "er" - ], - [ - "con", - "jug" - ], - [ - "onal", - "d" - ], - [ - "Ġheav", - "ily" - ], - [ - "Ġsp", - "le" - ], - [ - "Ġass", - "ist" - ], - [ - "ĠC", - "p" - ], - [ - "Ġhapp", - "en" - ], - [ - "u", - "v" - ], - [ - "ĠUn", - "iverse" - ], - [ - "ĠG", - "PS" - ], - [ - "W", - "E" - ], - [ - "X", - "i" - ], - [ - "Ġadminist", - "r" - ], - [ - "str", - "ong" - ], - [ - "Ġmagn", - "itudes" - ], - [ - "Ġsimpl", - "ify" - ], - [ - "Ġele", - "gans" - ], - [ - "es", - "h" - ], - [ - "ĠB", - "ody" - ], - [ - "ĠNether", - "lands" - ], - [ - "Ã", - "¯" - ], - [ - "omet", - "ers" - ], - [ - "B", - "o" - ], - [ - "F", - "M" - ], - [ - "ĠN", - "iger" - ], - [ - "pl", - "us" - ], - [ - "inst", - "ance" - ], - [ - "Ġdist", - "ress" - ], - [ - "Or", - "gan" - ], - [ - "C", - "as" - ], - [ - "Ġsym", - "plectic" - ], - [ - "Ġbreak", - "s" - ], - [ - "Ñ", - "Ĥ" - ], - [ - "Ġferm", - "ion" - ], - [ - "em", - "poral" - ], - [ - "Ġs", - "omatic" - ], - [ - "e", - "vent" - ], - [ - "ne", - "ut" - ], - [ - "lamm", - "ation" - ], - [ - "ĠL", - "ibrary" - ], - [ - "Ġmulti", - "plic" - ], - [ - "ĠIn", - "str" - ], - [ - "et", - "hel" - ], - [ - "ur", - "ys" - ], - [ - "Ġhelp", - "ed" - ], - [ - "Ġcol", - "lege" - ], - [ - "Ġcar", - "tilage" - ], - [ - "Ġr", - "pm" - ], - [ - "w", - "estern" - ], - [ - "res", - "is" - ], - [ - "Ġlob", - "e" - ], - [ - "Q", - "L" - ], - [ - "In", - "put" - ], - [ - "Ġemph", - "asis" - ], - [ - "b", - "est" - ], - [ - "Ġtot", - "ally" - ], - [ - "ĠMET", - "HOD" - ], - [ - "ĠF", - "a" - ], - [ - "ĠRed", - "uction" - ], - [ - "ici", - "ous" - ], - [ - "Ġimplant", - "ation" - ], - [ - "pot", - "ential" - ], - [ - "prob", - "lem" - ], - [ - "Ġobtain", - "s" - ], - [ - "ur", - "ons" - ], - [ - "Ġconstruct", - "ing" - ], - [ - "ĠMus", - "ic" - ], - [ - "Ġcan", - "cell" - ], - [ - "Ġnew", - "s" - ], - [ - "ĠCh", - "apter" - ], - [ - "Ġlab", - "elled" - ], - [ - "Ġz", - "ebrafish" - ], - [ - "ĠSol", - "id" - ], - [ - "Ġglut", - "amate" - ], - [ - "ĉĉ", - "ĉĉĉ" - ], - [ - "Ġch", - "apter" - ], - [ - "ĠPres", - "ident" - ], - [ - "M", - "in" - ], - [ - "Ġat", - "rial" - ], - [ - "c", - "p" - ], - [ - "f", - "i" - ], - [ - "f", - "inal" - ], - [ - "Ġto", - "k" - ], - [ - "Ġeffect", - "or" - ], - [ - "Ġsp", - "ine" - ], - [ - "Ġidenti", - "ties" - ], - [ - "isc", - "o" - ], - [ - "ol", - "is" - ], - [ - "ĠC", - "le" - ], - [ - "Ġinvari", - "ants" - ], - [ - "P", - "ath" - ], - [ - "ĠG", - "on" - ], - [ - "fact", - "ory" - ], - [ - "Ġex", - "ogenous" - ], - [ - "ĠMAP", - "K" - ], - [ - "Ġansw", - "ers" - ], - [ - "Ġget", - "ting" - ], - [ - "R", - "s" - ], - [ - "I", - "H" - ], - [ - "ĠDef", - "ine" - ], - [ - "ĠConvolution", - "al" - ], - [ - "Ġgeomet", - "rical" - ], - [ - "ĠIn", - "put" - ], - [ - "Ġ", - "à" - ], - [ - "Ġatten", - "uated" - ], - [ - "Ġradical", - "s" - ], - [ - "ĠAcad", - "emy" - ], - [ - "ã", - "ĥ" - ], - [ - "ich", - "let" - ], - [ - "Ġtor", - "us" - ], - [ - "ĠThe", - "oretical" - ], - [ - "ĠT", - "D" - ], - [ - "Ġan", - "tiv" - ], - [ - "on", - "ge" - ], - [ - "Ġintra", - "venous" - ], - [ - "Ġhyp", - "oth" - ], - [ - "Ġwaste", - "water" - ], - [ - "ĠF", - "lo" - ], - [ - "Ġpor", - "osity" - ], - [ - "Ġp", - "all" - ], - [ - "ac", - "i" - ], - [ - "Ġrecord", - "ings" - ], - [ - "Ġe", - "ating" - ], - [ - "ĠD", - "W" - ], - [ - "un", - "ting" - ], - [ - "ĠD", - "im" - ], - [ - "Ġemit", - "ted" - ], - [ - "ĠJ", - "oint" - ], - [ - "of", - "ib" - ], - [ - "Ġearthqu", - "ake" - ], - [ - "Ġm", - "unic" - ], - [ - "Ġreduc", - "tions" - ], - [ - "Ġcon", - "junction" - ], - [ - "ĠL", - "ocation" - ], - [ - "Ġestabl", - "ishing" - ], - [ - "ĠMat", - "hematical" - ], - [ - "ĠS", - "olution" - ], - [ - "bu", - "ffer" - ], - [ - "ar", - "in" - ], - [ - "ile", - "y" - ], - [ - "ĠCom", - "mission" - ], - [ - "ĠG", - "ABA" - ], - [ - "ĠMuse", - "um" - ], - [ - "Ġver", - "b" - ], - [ - "lec", - "ules" - ], - [ - "inf", - "ection" - ], - [ - "Ġins", - "ect" - ], - [ - "is", - "er" - ], - [ - "Ġprov", - "ision" - ], - [ - "Ġagre", - "ed" - ], - [ - "Ġaff", - "ord" - ], - [ - "the", - "ory" - ], - [ - "know", - "ledge" - ], - [ - "Pro", - "tein" - ], - [ - "Ġk", - "ernels" - ], - [ - "Ġd", - "erm" - ], - [ - "Ġw", - "ish" - ], - [ - "Ġv", - "ox" - ], - [ - "S", - "cale" - ], - [ - "h", - "u" - ], - [ - "Ġcounter", - "parts" - ], - [ - "ĠR", - "oss" - ], - [ - "Ġun", - "p" - ], - [ - "ĠOn", - "line" - ], - [ - "Ġtrans", - "porter" - ], - [ - "G", - "raph" - ], - [ - "Ġ", - "uter" - ], - [ - "Ġmin", - "ute" - ], - [ - "Ġautom", - "orphism" - ], - [ - "il", - "tr" - ], - [ - "ĠResp", - "ons" - ], - [ - "ĠS", - "ym" - ], - [ - "Ġfactor", - "ization" - ], - [ - "s", - "em" - ], - [ - "Ġmedi", - "ates" - ], - [ - "Ġun", - "expected" - ], - [ - "Ġorgan", - "ism" - ], - [ - "Ġattem", - "pted" - ], - [ - "ar", - "an" - ], - [ - "ven", - "ue" - ], - [ - "ethel", - "ess" - ], - [ - "Ġno", - "ticed" - ], - [ - "ĠInvestig", - "ation" - ], - [ - "Ġcare", - "g" - ], - [ - "Ġgroup", - "ed" - ], - [ - "or", - "bit" - ], - [ - "Ġshort", - "est" - ], - [ - "Ġbroad", - "er" - ], - [ - "ĠM", - "IM" - ], - [ - "ris", - "es" - ], - [ - "vel", - "oper" - ], - [ - "ĠH", - "i" - ], - [ - "Ġk", - "Hz" - ], - [ - "Ġbe", - "ads" - ], - [ - "Ġph", - "yto" - ], - [ - "ĠDo", - "es" - ], - [ - "Ġmamm", - "als" - ], - [ - "Ġref", - "ined" - ], - [ - "vol", - "ume" - ], - [ - "S", - "er" - ], - [ - "Ġresis", - "tivity" - ], - [ - "Ġter", - "restrial" - ], - [ - "Ġa", - "xi" - ], - [ - "if", - "luor" - ], - [ - "ĠÂ", - "£" - ], - [ - "Ġv", - "ice" - ], - [ - "ĠK", - "el" - ], - [ - "V", - "M" - ], - [ - "ĠT", - "own" - ], - [ - "ad", - "m" - ], - [ - "pl", - "ates" - ], - [ - "Ġhol", - "omorphic" - ], - [ - "ĠR", - "ib" - ], - [ - "ĠS", - "B" - ], - [ - "ĠTem", - "poral" - ], - [ - "s", - "rc" - ], - [ - "Ġupd", - "ates" - ], - [ - "Ġsee", - "k" - ], - [ - "en", - "dix" - ], - [ - "ore", - "tic" - ], - [ - "war", - "z" - ], - [ - "Ġro", - "utes" - ], - [ - "Ġstand", - "ing" - ], - [ - "ĠÃ", - "ģ" - ], - [ - "Ġclass", - "ic" - ], - [ - "Ġp", - "ale" - ], - [ - "lec", - "tions" - ], - [ - "Ġclass", - "ifiers" - ], - [ - "Ġpath", - "ophys" - ], - [ - "Ġm", - "ounted" - ], - [ - "Ġdesign", - "ated" - ], - [ - "Ġv", - "ideos" - ], - [ - "Ġinc", - "oming" - ], - [ - "Ġguarant", - "ees" - ], - [ - "Ġparas", - "ites" - ], - [ - "ĠB", - "acillus" - ], - [ - "f", - "our" - ], - [ - "ĠâĪ", - "¨" - ], - [ - "Ġcommut", - "ative" - ], - [ - "stack", - "rel" - ], - [ - "ĠBan", - "ach" - ], - [ - "Ġde", - "aling" - ], - [ - "em", - "porary" - ], - [ - "M", - "ulti" - ], - [ - "ot", - "omy" - ], - [ - "re", - "ting" - ], - [ - "Ġn", - "ond" - ], - [ - "ĠCon", - "ference" - ], - [ - "tz", - "mann" - ], - [ - "Ġphosphor", - "us" - ], - [ - "Ġchemical", - "s" - ], - [ - "Ġdis", - "par" - ], - [ - "deg", - "ree" - ], - [ - "Ġarbit", - "rarily" - ], - [ - "rocy", - "te" - ], - [ - "Ġpar", - "abolic" - ], - [ - "Ġdimension", - "less" - ], - [ - "Ġo", - "sm" - ], - [ - "Ġphon", - "on" - ], - [ - "ti", - "ary" - ], - [ - "ĠS", - "ect" - ], - [ - "ophys", - "ical" - ], - [ - "ĠM", - "apping" - ], - [ - "b", - "is" - ], - [ - "ĠCommun", - "ication" - ], - [ - "Ġmim", - "ic" - ], - [ - "Ġregul", - "ators" - ], - [ - "Ġneutroph", - "ils" - ], - [ - "f", - "n" - ], - [ - "ĠImport", - "antly" - ], - [ - "Ġm", - "ere" - ], - [ - "Ġconfir", - "ms" - ], - [ - "ag", - "ram" - ], - [ - "Ġatt", - "end" - ], - [ - "ung", - "al" - ], - [ - "ĠGroup", - "s" - ], - [ - "Ġz", - "o" - ], - [ - "Ġm", - "outh" - ], - [ - "Ġste", - "ep" - ], - [ - "Ġprevent", - "ed" - ], - [ - "Ġdep", - "ressive" - ], - [ - "ac", - "ies" - ], - [ - "ĠL", - "S" - ], - [ - "Ġnit", - "ric" - ], - [ - "Ġvisual", - "ized" - ], - [ - "Ġtranscript", - "ome" - ], - [ - "Ġga", - "it" - ], - [ - "erc", - "ury" - ], - [ - "Ġsh", - "ot" - ], - [ - "ĠV", - "en" - ], - [ - "Ġex", - "chang" - ], - [ - "Ġint", - "ention" - ], - [ - "ĠT", - "ang" - ], - [ - "Ġfav", - "our" - ], - [ - "ve", - "olar" - ], - [ - "Ġper", - "mission" - ], - [ - "Ġhabit", - "ats" - ], - [ - "Ġma", - "ize" - ], - [ - "inc", - "t" - ], - [ - "Ġtele", - "vision" - ], - [ - "ryst", - "als" - ], - [ - "ĠRad", - "i" - ], - [ - "Ġflav", - "on" - ], - [ - "Ġcan", - "n" - ], - [ - "i", - "ota" - ], - [ - "ĠO", - "T" - ], - [ - "p", - "ic" - ], - [ - "R", - "ad" - ], - [ - "ti", - "tial" - ], - [ - "ĠOr", - "th" - ], - [ - "st", - "ellar" - ], - [ - "ĠK", - "ine" - ], - [ - "Ġnavig", - "ation" - ], - [ - "f", - "ast" - ], - [ - "ĠCR", - "ISPR" - ], - [ - "Ġkinem", - "atic" - ], - [ - "Ġsearch", - "ing" - ], - [ - "Ġmic", - "rom" - ], - [ - "Ġinst", - "alled" - ], - [ - "ĠTai", - "wan" - ], - [ - "il", - "a" - ], - [ - "r", - "f" - ], - [ - "ri", - "age" - ], - [ - "pl", - "inary" - ], - [ - "Ġe", - "cho" - ], - [ - "ra", - "v" - ], - [ - "ĠL", - "es" - ], - [ - "cre", - "ate" - ], - [ - "Ġubiqu", - "it" - ], - [ - "Ġprecurs", - "ors" - ], - [ - "K", - "E" - ], - [ - "Ġdiv", - "ide" - ], - [ - "Ġln", - "c" - ], - [ - "ĠCon", - "struction" - ], - [ - "an", - "ic" - ], - [ - "es", - "tim" - ], - [ - "is", - "ters" - ], - [ - "Ġfe", - "et" - ], - [ - "ari", - "ant" - ], - [ - "ĠSch", - "w" - ], - [ - "Ġexcl", - "ude" - ], - [ - "Ġvol", - "can" - ], - [ - "ĠOver", - "view" - ], - [ - "Ġy", - "r" - ], - [ - "ol", - "k" - ], - [ - "ĠÂ", - "©" - ], - [ - "ĠF", - "E" - ], - [ - "Ġsper", - "mat" - ], - [ - "Ġcapac", - "itance" - ], - [ - "ĠSch", - "rödinger" - ], - [ - "ĠG", - "E" - ], - [ - "Ġcalibr", - "ated" - ], - [ - "S", - "EM" - ], - [ - "Ġlat", - "tices" - ], - [ - "pl", - "ier" - ], - [ - "Ar", - "g" - ], - [ - "ĠN", - "T" - ], - [ - "ĠEnh", - "anced" - ], - [ - "Ġb", - "rom" - ], - [ - "Ġmulti", - "p" - ], - [ - "Ġcer", - "tified" - ], - [ - "Ġis", - "lands" - ], - [ - "Ġcy", - "st" - ], - [ - "Ġal", - "titude" - ], - [ - "ed", - "ef" - ], - [ - "Ġconst", - "rain" - ], - [ - "Ġsatisf", - "actory" - ], - [ - "Ġspecial", - "ized" - ], - [ - "Ġj", - "unctions" - ], - [ - "Ġcoron", - "avirus" - ], - [ - "ud", - "ge" - ], - [ - "ex", - "c" - ], - [ - "Ġal", - "t" - ], - [ - "ĠB", - "acterial" - ], - [ - "Ġse", - "asons" - ], - [ - "ĠL", - "M" - ], - [ - "Ġhist", - "ogram" - ], - [ - "Ġsol", - "vents" - ], - [ - "a", - "verage" - ], - [ - "Ġcard", - "inal" - ], - [ - "ch", - "rom" - ], - [ - "py", - "thon" - ], - [ - "d", - "ered" - ], - [ - "en", - "ia" - ], - [ - "ĠG", - "H" - ], - [ - "ĠEs", - "s" - ], - [ - "__", - "__" - ], - [ - "ĠP", - "ak" - ], - [ - "s", - "ized" - ], - [ - "ĠH", - "g" - ], - [ - "Ġel", - "if" - ], - [ - "ĠSchem", - "atic" - ], - [ - "Ġcytoplas", - "m" - ], - [ - "ĠFor", - "t" - ], - [ - "an", - "ia" - ], - [ - "Ġcare", - "ful" - ], - [ - "ĠD", - "ual" - ], - [ - "Ġtransl", - "ated" - ], - [ - "Ġn", - "asal" - ], - [ - "In", - "v" - ], - [ - "Ġda", - "ughter" - ], - [ - "Ġemphas", - "ize" - ], - [ - "mod", - "ules" - ], - [ - "Ġl", - "ives" - ], - [ - "Ġhom", - "otopy" - ], - [ - "Ġb", - "ot" - ], - [ - "Ġdis", - "ordered" - ], - [ - "mat", - "o" - ], - [ - "S", - "econd" - ], - [ - "Ġclaim", - "ed" - ], - [ - "add", - "le" - ], - [ - "Ġinterf", - "acial" - ], - [ - "Ġvisc", - "ous" - ], - [ - "Ġdest", - "ination" - ], - [ - "ĠPl", - "anck" - ], - [ - "Ġabsorb", - "ance" - ], - [ - "Ġvol", - "atile" - ], - [ - "Ġst", - "orm" - ], - [ - "Ġcar", - "boxyl" - ], - [ - "ĠB", - "ank" - ], - [ - "ĠP", - "ack" - ], - [ - "Ġscaff", - "old" - ], - [ - "te", - "br" - ], - [ - "ip", - "ot" - ], - [ - "Ġtum", - "ours" - ], - [ - "ĠG", - "ol" - ], - [ - "Ġelectroph", - "oresis" - ], - [ - "Ġreal", - "ize" - ], - [ - "Ġconstitu", - "ents" - ], - [ - "S", - "ol" - ], - [ - "ĠE", - "very" - ], - [ - "Ġmedi", - "ate" - ], - [ - "Ġcoinc", - "ide" - ], - [ - "Ġexplo", - "it" - ], - [ - "Ġmon", - "oton" - ], - [ - "me", - "asure" - ], - [ - "Ġsup", - "plied" - ], - [ - "rac", - "ellular" - ], - [ - "Ġfer", - "ro" - ], - [ - "Ġpur", - "s" - ], - [ - "eren", - "tially" - ], - [ - "tr", - "ast" - ], - [ - "ĠR", - "B" - ], - [ - "Ġdiss", - "em" - ], - [ - "as", - "y" - ], - [ - "Ġrel", - "ating" - ], - [ - "n", - "ull" - ], - [ - "u", - "ates" - ], - [ - "const", - "ant" - ], - [ - "ĠContinu", - "ous" - ], - [ - "Ġgeomet", - "ries" - ], - [ - "r", - "ust" - ], - [ - "ĠS", - "TR" - ], - [ - "cl", - "uster" - ], - [ - "Ġprogen", - "itor" - ], - [ - "ĠC", - "SF" - ], - [ - "ĠY", - "am" - ], - [ - "ĠRe", - "ynolds" - ], - [ - "ĠM", - "Y" - ], - [ - "ĠK", - "O" - ], - [ - "ĠW", - "alk" - ], - [ - "ari", - "able" - ], - [ - "ind", - "er" - ], - [ - "ĠR", - "ight" - ], - [ - "ĠAl", - "gebra" - ], - [ - "ĠW", - "ik" - ], - [ - "Ġin", - "activation" - ], - [ - "t", - "mp" - ], - [ - "ac", - "cess" - ], - [ - "ĠL", - "ater" - ], - [ - "Ġmicrobi", - "ome" - ], - [ - "Ġgeodes", - "ic" - ], - [ - "Ġre", - "jection" - ], - [ - "us", - "es" - ], - [ - "Ġhard", - "ness" - ], - [ - "Ġhydro", - "dynamic" - ], - [ - "Ġvan", - "ish" - ], - [ - "Ġpoll", - "ut" - ], - [ - "amy", - "cin" - ], - [ - "ĠÏ", - "Ń" - ], - [ - "ip", - "itation" - ], - [ - "Ġaug", - "mented" - ], - [ - "ĠT", - "T" - ], - [ - "av", - "al" - ], - [ - "Ġenc", - "ode" - ], - [ - "Ġtox", - "in" - ], - [ - "et", - "o" - ], - [ - "igh", - "bor" - ], - [ - "add", - "r" - ], - [ - "Ġdam", - "aged" - ], - [ - "o", - "i" - ], - [ - "Ġtrans", - "duction" - ], - [ - "Ġinter", - "acts" - ], - [ - "ÃŃ", - "a" - ], - [ - "ĠC", - "all" - ], - [ - "ri", - "ends" - ], - [ - "ĠMon", - "itoring" - ], - [ - "ĠVari", - "ation" - ], - [ - "Ġôı", - "¼" - ], - [ - "Ġd", - "ich" - ], - [ - "Ġsp", - "ars" - ], - [ - "al", - "ign" - ], - [ - "Ġan", - "atomical" - ], - [ - "Ġcentrifug", - "ed" - ], - [ - "ur", - "ally" - ], - [ - "ĠZ", - "r" - ], - [ - "ĠCar", - "l" - ], - [ - "Rec", - "all" - ], - [ - "Ġopin", - "ion" - ], - [ - "Ġ", - "era" - ], - [ - "Ġdrain", - "age" - ], - [ - "Ġmicro", - "array" - ], - [ - "st", - "atus" - ], - [ - "um", - "ental" - ], - [ - "Ġcomp", - "rises" - ], - [ - "press", - "ure" - ], - [ - "Ġprac", - "tition" - ], - [ - "m", - "ac" - ], - [ - "Ġcon", - "gr" - ], - [ - "urn", - "al" - ], - [ - "ĠA", - "PI" - ], - [ - "ĠL", - "R" - ], - [ - "Ġtransf", - "ection" - ], - [ - "Ġsl", - "opes" - ], - [ - "ĠC", - "ode" - ], - [ - "Ġph", - "il" - ], - [ - "b", - "ool" - ], - [ - "W", - "s" - ], - [ - "Ġâ", - "Ļ" - ], - [ - "Ġassoci", - "ate" - ], - [ - "otox", - "icity" - ], - [ - "ra", - "de" - ], - [ - "ĠM", - "iller" - ], - [ - "ĠÏ", - "ª" - ], - [ - "Ġshor", - "ten" - ], - [ - "Ġaddition", - "ally" - ], - [ - "ĠEff", - "ective" - ], - [ - "Ġsuper", - "vised" - ], - [ - "Ġel", - "abor" - ], - [ - "ĠC", - "ellular" - ], - [ - "Ġt", - "ell" - ], - [ - "ĠR", - "C" - ], - [ - "s", - "ave" - ], - [ - "im", - "id" - ], - [ - "Ġrating", - "s" - ], - [ - "ĠT", - "aking" - ], - [ - "Ġappro", - "val" - ], - [ - "Ġpenal", - "ty" - ], - [ - "K", - "K" - ], - [ - "con", - "text" - ], - [ - "ak", - "s" - ], - [ - "pec", - "ific" - ], - [ - "Ġtem", - "por" - ], - [ - "Ġup", - "regulation" - ], - [ - "V", - "AL" - ], - [ - "Ġenc", - "odes" - ], - [ - "in", - "in" - ], - [ - "Ġnot", - "es" - ], - [ - "ĠFore", - "st" - ], - [ - "Ġcombinator", - "ial" - ], - [ - "ympt", - "otic" - ], - [ - "Ġsqu", - "amous" - ], - [ - "ĠAs", - "h" - ], - [ - "our", - "n" - ], - [ - "Ġmyel", - "oid" - ], - [ - "el", - "ines" - ], - [ - "B", - "io" - ], - [ - "Ġbre", - "ed" - ], - [ - "ĠR", - "ub" - ], - [ - "uz", - "z" - ], - [ - "Ġsingle", - "t" - ], - [ - "en", - "na" - ], - [ - "Ġcri", - "tically" - ], - [ - "d", - "ig" - ], - [ - "dis", - "ci" - ], - [ - "Ġdrop", - "ped" - ], - [ - "Ġlip", - "oprotein" - ], - [ - "ĠE", - "t" - ], - [ - "Ġno", - "v" - ], - [ - "op", - "hen" - ], - [ - "Ġanc", - "ient" - ], - [ - "B", - "ase" - ], - [ - "Ġsmooth", - "ing" - ], - [ - "iti", - "ves" - ], - [ - "p", - "ine" - ], - [ - "Ġsol", - "ver" - ], - [ - "per", - "m" - ], - [ - "ĠH", - "ome" - ], - [ - "Ġaz", - "im" - ], - [ - "l", - "Vert" - ], - [ - "Ġtransport", - "ation" - ], - [ - "Ġde", - "x" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠ" - ], - [ - "opath", - "ic" - ], - [ - "ex", - "perim" - ], - [ - "âĢ¢", - "âĢ¢" - ], - [ - "perf", - "usion" - ], - [ - "Ġdo", - "i" - ], - [ - "ĠL", - "act" - ], - [ - "Ġhepat", - "ocellular" - ], - [ - "Ġmism", - "atch" - ], - [ - "Ġaden", - "ocarcinoma" - ], - [ - "ĠP", - "ain" - ], - [ - "Ġsp", - "r" - ], - [ - "Ġconf", - "inement" - ], - [ - "Ġexceed", - "s" - ], - [ - "Ġhas", - "h" - ], - [ - "ĠCompar", - "ing" - ], - [ - "ĠS", - "ensor" - ], - [ - "Ġf", - "iring" - ], - [ - "k", - "es" - ], - [ - "v", - "ir" - ], - [ - "ine", - "a" - ], - [ - "aff", - "ected" - ], - [ - "Ġmod", - "elled" - ], - [ - "Ġe", - "ther" - ], - [ - "Ġsu", - "ffer" - ], - [ - "â̲", - "â̲" - ], - [ - "о", - "Ð" - ], - [ - "ĠB", - "ir" - ], - [ - "Ä", - "ģ" - ], - [ - "Ġsec", - "reted" - ], - [ - "Ġcat", - "heter" - ], - [ - "Ġy", - "outh" - ], - [ - "ex", - "pl" - ], - [ - "ĠD", - "ar" - ], - [ - "ĠW", - "HO" - ], - [ - "Ġfound", - "ation" - ], - [ - "Ġhyd", - "raulic" - ], - [ - "ĠCa", - "rol" - ], - [ - "SS", - "ION" - ], - [ - "Ġá", - "¹" - ], - [ - "f", - "eld" - ], - [ - "av", - "or" - ], - [ - "Ġpass", - "es" - ], - [ - "vis", - "iae" - ], - [ - "Ġapplic", - "ability" - ], - [ - "Ġn", - "ested" - ], - [ - "F", - "l" - ], - [ - "ĠC", - "atal" - ], - [ - "Ġmicro", - "environment" - ], - [ - "lab", - "els" - ], - [ - "Ġcrystall", - "ization" - ], - [ - "In", - "fo" - ], - [ - "Ġposition", - "ing" - ], - [ - "Ġtriang", - "les" - ], - [ - "Ġtr", - "yp" - ], - [ - "ĠTrans", - "ition" - ], - [ - "Ġset", - "t" - ], - [ - "Ġneuro", - "t" - ], - [ - "M", - "on" - ], - [ - "Ġdro", - "plets" - ], - [ - "ĠA", - "RT" - ], - [ - "Ġcor", - "ne" - ], - [ - "Ġmulti", - "plicity" - ], - [ - "Ġec", - "centric" - ], - [ - "Ġ", - "iv" - ], - [ - "ĠM", - "atter" - ], - [ - "lear", - "ning" - ], - [ - "elect", - "ro" - ], - [ - "ĠWe", - "yl" - ], - [ - "Ġdec", - "ide" - ], - [ - "ĠW", - "r" - ], - [ - "ĠH", - "ierarch" - ], - [ - "Ġap", - "ical" - ], - [ - "Ġfail", - "ures" - ], - [ - "Ġdiges", - "tion" - ], - [ - "MI", - "C" - ], - [ - "Ġge", - "ographical" - ], - [ - "ĠEle", - "ment" - ], - [ - "ĠTh", - "ough" - ], - [ - "Ġch", - "ron" - ], - [ - "lim", - "ited" - ], - [ - "ĠDI", - "SC" - ], - [ - "ĠArchitect", - "ure" - ], - [ - "Ġvibr", - "ational" - ], - [ - "ĠVari", - "ous" - ], - [ - "Ġdynam", - "ically" - ], - [ - "ak", - "ed" - ], - [ - "Ġconven", - "ience" - ], - [ - "ĠIs", - "ra" - ], - [ - "ĠMD", - "A" - ], - [ - "i", - "tic" - ], - [ - "A", - "u" - ], - [ - "Ġass", - "istance" - ], - [ - "ven", - "tional" - ], - [ - "mid", - "t" - ], - [ - "os", - "por" - ], - [ - "F", - "ollowing" - ], - [ - "Ġinf", - "erior" - ], - [ - "Ġn", - "ickel" - ], - [ - "ra", - "ine" - ], - [ - "p", - "aren" - ], - [ - "Ġtit", - "anium" - ], - [ - "F", - "ield" - ], - [ - "Ġh", - "oc" - ], - [ - "ĠCa", - "uchy" - ], - [ - "ĠMc", - "C" - ], - [ - "ĠSc", - "reen" - ], - [ - "Ġneg", - "lect" - ], - [ - "class", - "es" - ], - [ - "ĠI", - "F" - ], - [ - "Ġstrat", - "ified" - ], - [ - "ens", - "es" - ], - [ - "ĠPl", - "ate" - ], - [ - "oz", - "oic" - ], - [ - "Ġinstit", - "utions" - ], - [ - "ĠTh", - "ose" - ], - [ - "Ġgener", - "ations" - ], - [ - "trans", - "form" - ], - [ - "Ġpar", - "titions" - ], - [ - "Rx", - "iv" - ], - [ - "ent", - "h" - ], - [ - "Ġs", - "tic" - ], - [ - "ol", - "ith" - ], - [ - "ĠF", - "em" - ], - [ - "Ġag", - "ar" - ], - [ - "be", - "am" - ], - [ - "Ġprot", - "ons" - ], - [ - "L", - "U" - ], - [ - "Ġwork", - "load" - ], - [ - "Ġmin", - "erals" - ], - [ - "Ġm", - "t" - ], - [ - "ll", - "a" - ], - [ - "ĠPh", - "armac" - ], - [ - "Ġconver", - "ter" - ], - [ - "ĠMechan", - "ical" - ], - [ - "Ġflav", - "or" - ], - [ - "Ġphosph", - "atase" - ], - [ - "Ġsum", - "s" - ], - [ - "PC", - "s" - ], - [ - "Ġiso", - "forms" - ], - [ - "ig", - "roup" - ], - [ - "py", - "r" - ], - [ - "fe", - "atures" - ], - [ - "Ġper", - "c" - ], - [ - "Ġcomple", - "teness" - ], - [ - "Ġfore", - "sts" - ], - [ - "Ġdiv", - "iding" - ], - [ - "ĠL", - "ipschitz" - ], - [ - "period", - "ic" - ], - [ - "Ġrec", - "ycl" - ], - [ - "ĠN", - "ag" - ], - [ - "Ġtw", - "in" - ], - [ - "epti", - "des" - ], - [ - "Ġco", - "hor" - ], - [ - "Ġsearc", - "hes" - ], - [ - "e", - "ated" - ], - [ - "H", - "g" - ], - [ - "ĠP", - "U" - ], - [ - "ĠT", - "ree" - ], - [ - "all", - "ic" - ], - [ - "P", - "F" - ], - [ - "Ġapp", - "endix" - ], - [ - "ĠC", - "ov" - ], - [ - "Ġcheck", - "ing" - ], - [ - "Ġback", - "bone" - ], - [ - "Ther", - "mo" - ], - [ - "Ġactiv", - "ating" - ], - [ - "ĠV", - "ictor" - ], - [ - "Ġcri", - "tic" - ], - [ - "ĠL", - "em" - ], - [ - "group", - "s" - ], - [ - "RE", - "G" - ], - [ - "ĠO", - "cc" - ], - [ - "SC", - "C" - ], - [ - "ĠX", - "RD" - ], - [ - "ĠVal", - "ues" - ], - [ - "Ġsub", - "type" - ], - [ - "Ġstret", - "ching" - ], - [ - "OR", - "M" - ], - [ - "s", - "ome" - ], - [ - "Ġfl", - "ip" - ], - [ - "Ġphen", - "olic" - ], - [ - "Ġk", - "illed" - ], - [ - "Ġsequ", - "enced" - ], - [ - "usc", - "ular" - ], - [ - "ab", - "in" - ], - [ - "Ġquad", - "r" - ], - [ - "Ġtransl", - "ational" - ], - [ - "Ġsol", - "ids" - ], - [ - "di", - "rect" - ], - [ - "Ġprom", - "otion" - ], - [ - "Ġcohor", - "ts" - ], - [ - "ĠCl", - "imate" - ], - [ - "ĠO", - "ld" - ], - [ - "ĠS", - "ir" - ], - [ - "g", - "ue" - ], - [ - "str", - "ate" - ], - [ - "ĠP", - "oss" - ], - [ - "Ġrece", - "ives" - ], - [ - "ĠVal", - "idation" - ], - [ - "uc", - "tive" - ], - [ - "Ġcere", - "visiae" - ], - [ - "G", - "u" - ], - [ - "is", - "is" - ], - [ - "ce", - "il" - ], - [ - "ĠPear", - "son" - ], - [ - "ĠP", - "relim" - ], - [ - "ĠG", - "ran" - ], - [ - "CS", - "F" - ], - [ - "Ġster", - "ile" - ], - [ - "oflu", - "orescence" - ], - [ - "b", - "ad" - ], - [ - "Ġcol", - "ored" - ], - [ - "comp", - "ass" - ], - [ - "equ", - "ation" - ], - [ - "j", - "an" - ], - [ - "Ġcondition", - "ing" - ], - [ - "Ġvo", - "ice" - ], - [ - "Ġmen", - "ing" - ], - [ - "Ġgrant", - "ed" - ], - [ - "Ġrenormal", - "ization" - ], - [ - "ĠLim", - "it" - ], - [ - "th", - "i" - ], - [ - "Ġa", - "perture" - ], - [ - "Ġdos", - "age" - ], - [ - "di", - "rected" - ], - [ - "ĠBre", - "ast" - ], - [ - "oc", - "ular" - ], - [ - "b", - "earing" - ], - [ - "s", - "al" - ], - [ - "asc", - "ul" - ], - [ - "uper", - "vised" - ], - [ - "Ġmonol", - "ayer" - ], - [ - "Ġmembers", - "hip" - ], - [ - "ĠW", - "ireless" - ], - [ - "sh", - "ow" - ], - [ - "ĠMed", - "ia" - ], - [ - "ĠV", - "L" - ], - [ - "ess", - "el" - ], - [ - "Ġdec", - "oder" - ], - [ - "ĠM", - "F" - ], - [ - "ĠCom", - "position" - ], - [ - "ĠCl", - "ark" - ], - [ - "P", - "oint" - ], - [ - "ĠN", - "ano" - ], - [ - "ĠD", - "eg" - ], - [ - "N", - "L" - ], - [ - "ĠB", - "ox" - ], - [ - "Ġexpl", - "oring" - ], - [ - "m", - "olecular" - ], - [ - "O", - "ther" - ], - [ - "ĠDiab", - "etes" - ], - [ - "he", - "ight" - ], - [ - "Ġkin", - "ases" - ], - [ - "Ġadjust", - "ing" - ], - [ - "Ġsp", - "orts" - ], - [ - "off", - "s" - ], - [ - "ĠI", - "EEE" - ], - [ - "Ġt", - "il" - ], - [ - "ĠInt", - "ra" - ], - [ - "Ġplan", - "ets" - ], - [ - "ĠEpid", - "em" - ], - [ - "Ġto", - "mato" - ], - [ - "Ġscaff", - "olds" - ], - [ - "ĠMet", - "abol" - ], - [ - "ĠGe", - "ometry" - ], - [ - "im", - "etry" - ], - [ - "ĠT", - "en" - ], - [ - "th", - "read" - ], - [ - "o", - "hex" - ], - [ - "Ġpro", - "poses" - ], - [ - "pr", - "im" - ], - [ - "ĠPar", - "ty" - ], - [ - "Ġquar", - "ter" - ], - [ - "ĠSh", - "i" - ], - [ - "Ġab", - "err" - ], - [ - "ĠIn", - "tr" - ], - [ - "Ġdirect", - "or" - ], - [ - "aff", - "e" - ], - [ - "ĠS", - "us" - ], - [ - "ens", - "ors" - ], - [ - "E", - "le" - ], - [ - "Ġpol", - "es" - ], - [ - "Ad", - "ditional" - ], - [ - "Ġby", - "pass" - ], - [ - "caten", - "in" - ], - [ - "Ġunder", - "taken" - ], - [ - "im", - "ation" - ], - [ - "op", - "or" - ], - [ - "Ġpres", - "erving" - ], - [ - "Ġmultiple", - "x" - ], - [ - "ĠRepresent", - "ative" - ], - [ - "s", - "is" - ], - [ - "ĠA", - "G" - ], - [ - "ach", - "y" - ], - [ - "Ġfr", - "uits" - ], - [ - "Ġreconstr", - "uct" - ], - [ - "ens", - "en" - ], - [ - "Ġstrong", - "est" - ], - [ - "Ġsc", - "av" - ], - [ - "ĠChen", - "g" - ], - [ - "ĠCor", - "on" - ], - [ - "ĠObs", - "ervation" - ], - [ - "ĠA", - "ch" - ], - [ - "ĠGe", - "org" - ], - [ - "ĠSV", - "M" - ], - [ - "ĠC", - "hern" - ], - [ - "Ġrevers", - "al" - ], - [ - "v", - "ia" - ], - [ - "im", - "p" - ], - [ - "Ġdeploy", - "ment" - ], - [ - "ĠH", - "ad" - ], - [ - "Ġcircumst", - "ances" - ], - [ - "ob", - "i" - ], - [ - "Ġcur", - "ved" - ], - [ - "Ind", - "uced" - ], - [ - "ĠPos", - "itive" - ], - [ - "im", - "b" - ], - [ - "ĠPar", - "is" - ], - [ - "ĠS", - "tein" - ], - [ - "ic", - "z" - ], - [ - "ĠC", - "ath" - ], - [ - "Ġdraw", - "ing" - ], - [ - "t", - "ory" - ], - [ - "Ġcontin", - "ental" - ], - [ - "Ġquantit", - "atively" - ], - [ - "ac", - "erb" - ], - [ - "Ġnorm", - "s" - ], - [ - "ĠB", - "E" - ], - [ - "S", - "everal" - ], - [ - "do", - "or" - ], - [ - "Ġplate", - "au" - ], - [ - "G", - "al" - ], - [ - "Ġc", - "ivil" - ], - [ - "ĠF", - "ix" - ], - [ - "L", - "AB" - ], - [ - "oc", - "cal" - ], - [ - "Ġsor", - "ted" - ], - [ - "ĠâĢ", - "Ŀ" - ], - [ - "Ġed", - "iting" - ], - [ - "ĠChris", - "tian" - ], - [ - "Ġclar", - "ify" - ], - [ - "Ġwavegu", - "ide" - ], - [ - "b", - "ell" - ], - [ - "Ġded", - "uced" - ], - [ - "od", - "ec" - ], - [ - "utri", - "tion" - ], - [ - "Ġcomp", - "ressive" - ], - [ - "ĠE", - "U" - ], - [ - "ĠReg", - "ression" - ], - [ - "Ġrank", - "ed" - ], - [ - "Ġestim", - "ators" - ], - [ - "Ġab", - "ilities" - ], - [ - "Ġbelief", - "s" - ], - [ - "th", - "ree" - ], - [ - "Ġâĩ", - "Ĵ" - ], - [ - "rolog", - "y" - ], - [ - "Ġaut", - "onomous" - ], - [ - "ĠS", - "z" - ], - [ - "sc", - "hem" - ], - [ - "ĠAL", - "T" - ], - [ - "ĠPattern", - "s" - ], - [ - "Ġex", - "on" - ], - [ - "Ġlif", - "estyle" - ], - [ - "f", - "ill" - ], - [ - "ĠC", - "AR" - ], - [ - "ĠDom", - "ains" - ], - [ - "Ġpa", - "id" - ], - [ - "Ġt", - "ab" - ], - [ - "ĠCo", - "hen" - ], - [ - "air", - "y" - ], - [ - "Ġshe", - "ep" - ], - [ - "Ġse", - "aw" - ], - [ - "ĠK", - "ong" - ], - [ - "g", - "as" - ], - [ - "Ġres", - "erved" - ], - [ - "Ġres", - "il" - ], - [ - "Ġob", - "l" - ], - [ - "car", - "box" - ], - [ - "ĠGover", - "nment" - ], - [ - "up", - "per" - ], - [ - "ract", - "ing" - ], - [ - "Ġg", - "angl" - ], - [ - "ĠR", - "V" - ], - [ - "Ġbron", - "ch" - ], - [ - "Method", - "s" - ], - [ - "ĠL", - "iver" - ], - [ - "Ġgu", - "ess" - ], - [ - "cha", - "romy" - ], - [ - "IC", - "E" - ], - [ - "Ġcongen", - "ital" - ], - [ - "Ġk", - "a" - ], - [ - "Ġsp", - "anning" - ], - [ - "ĠRec", - "omm" - ], - [ - "e", - "a" - ], - [ - "Ġcon", - "vention" - ], - [ - "Ġshe", - "ets" - ], - [ - "Ġtherm", - "o" - ], - [ - "Ġqualit", - "atively" - ], - [ - "Ġox", - "ides" - ], - [ - "Ġcongr", - "u" - ], - [ - "ĠJ", - "er" - ], - [ - "Ġpres", - "ervation" - ], - [ - "ĠB", - "T" - ], - [ - "ĠD", - "MSO" - ], - [ - "Ġcom", - "plication" - ], - [ - "Ġsurviv", - "ors" - ], - [ - "Ġreduc", - "t" - ], - [ - "Ġdes", - "cent" - ], - [ - "Ġsuc", - "rose" - ], - [ - "ĠCour", - "t" - ], - [ - "Ġmetabol", - "ite" - ], - [ - "ĠM", - "ath" - ], - [ - "ĠSec", - "urity" - ], - [ - "ĠNot", - "ably" - ], - [ - "ĠSt", - "em" - ], - [ - "Ġdwar", - "f" - ], - [ - "b", - "c" - ], - [ - "Ġre", - "vis" - ], - [ - "ĠK", - "l" - ], - [ - "ĠG", - "h" - ], - [ - "Ġman", - "ager" - ], - [ - "Ġinvest", - "ment" - ], - [ - "Ġmo", - "tility" - ], - [ - "E", - "m" - ], - [ - "ĠM", - "r" - ], - [ - "as", - "ic" - ], - [ - "ĠB", - "os" - ], - [ - "Ġinsp", - "ired" - ], - [ - "plac", - "ian" - ], - [ - "Ġe", - "ase" - ], - [ - "Ġtors", - "ion" - ], - [ - "ĠDir", - "ichlet" - ], - [ - "Ġsple", - "en" - ], - [ - "ag", - "ation" - ], - [ - "on", - "ate" - ], - [ - "ĠT", - "rial" - ], - [ - "Ġturn", - "over" - ], - [ - "Ġselec", - "tively" - ], - [ - "ĠÍ", - "Ĵ" - ], - [ - "ian", - "o" - ], - [ - "Ġnon", - "trivial" - ], - [ - "i", - "asis" - ], - [ - "Ñ", - "ģ" - ], - [ - "ĠGu", - "o" - ], - [ - "Ġaddress", - "es" - ], - [ - "Ġuniqu", - "eness" - ], - [ - "Ġwith", - "draw" - ], - [ - "ri", - "z" - ], - [ - "Ġcomputation", - "ally" - ], - [ - "Ġperson", - "ality" - ], - [ - "A", - "X" - ], - [ - "went", - "y" - ], - [ - "Ġgover", - "n" - ], - [ - "ber", - "ts" - ], - [ - "Ġrob", - "ots" - ], - [ - "Ġread", - "y" - ], - [ - "Ġdi", - "ets" - ], - [ - "l", - "it" - ], - [ - "M", - "y" - ], - [ - "ĠRe", - "ve" - ], - [ - "ĠL", - "os" - ], - [ - "inf", - "rared" - ], - [ - "Ġint", - "ram" - ], - [ - "l", - "ated" - ], - [ - "pl", - "ankton" - ], - [ - "ĠG", - "rant" - ], - [ - "pi", - "per" - ], - [ - "Ġanten", - "nas" - ], - [ - "Ġb", - "ol" - ], - [ - "f", - "p" - ], - [ - "ĠV", - "it" - ], - [ - "Com", - "par" - ], - [ - "ok", - "en" - ], - [ - "Ġke", - "ys" - ], - [ - "ĠCl", - "ub" - ], - [ - "in", - "ery" - ], - [ - "ĠF", - "oot" - ], - [ - "Ġwarm", - "ing" - ], - [ - "m", - "ond" - ], - [ - "Ġm", - "iles" - ], - [ - "Ġspe", - "aking" - ], - [ - "ĠI", - "v" - ], - [ - "Ġconform", - "ational" - ], - [ - "ĠO", - "k" - ], - [ - "Ġun", - "ified" - ], - [ - "Ġassemb", - "led" - ], - [ - "Ġinver", - "ted" - ], - [ - "Ġf", - "elt" - ], - [ - "correspond", - "ing" - ], - [ - "ĠE", - "CM" - ], - [ - "ĠN", - "SC" - ], - [ - "Ġind", - "oor" - ], - [ - "g", - "ov" - ], - [ - "Ġantagon", - "ist" - ], - [ - "unc", - "hed" - ], - [ - "ĠJ", - "ava" - ], - [ - "ĠComb", - "ined" - ], - [ - "tiv", - "ities" - ], - [ - "Ġaltern", - "ating" - ], - [ - "ã", - "Ĥ" - ], - [ - "ĠDiagn", - "osis" - ], - [ - "Ġdistinc", - "tion" - ], - [ - "le", - "igh" - ], - [ - "ĠT", - "ogether" - ], - [ - "Ġparticip", - "ating" - ], - [ - "Ġgl", - "omer" - ], - [ - "oc", - "he" - ], - [ - "Ġcopy", - "right" - ], - [ - "ĠG", - "TP" - ], - [ - "ĠV", - "ar" - ], - [ - "Ġammon", - "ium" - ], - [ - "Ġfacilit", - "ates" - ], - [ - "Ġperf", - "usion" - ], - [ - "ĠL", - "B" - ], - [ - "f", - "ull" - ], - [ - "Ġre", - "ti" - ], - [ - "ifer", - "ase" - ], - [ - "Ġimmunos", - "up" - ], - [ - "ĠIm", - "plementation" - ], - [ - "Ġpo", - "res" - ], - [ - "ĠB", - "B" - ], - [ - "ĠB", - "ud" - ], - [ - "ĠV", - "O" - ], - [ - "ĠV", - "o" - ], - [ - "Ġphysic", - "ian" - ], - [ - "ĠA", - "UC" - ], - [ - "Ġcertain", - "ly" - ], - [ - "μ", - "m" - ], - [ - "ĠK", - "ol" - ], - [ - "Ġw", - "rap" - ], - [ - "m", - "iddle" - ], - [ - "Ġsil", - "encing" - ], - [ - "Ġfresh", - "water" - ], - [ - "ig", - "an" - ], - [ - "are", - "a" - ], - [ - "A", - "I" - ], - [ - "Ġmicro", - "tub" - ], - [ - "Ġarrang", - "ed" - ], - [ - "struc", - "tive" - ], - [ - "ĠReg", - "ular" - ], - [ - "ĠF", - "ile" - ], - [ - "al", - "ks" - ], - [ - "Ġpl", - "ain" - ], - [ - "Ġinte", - "grable" - ], - [ - "ĠM", - "embrane" - ], - [ - "ist", - "ors" - ], - [ - "Ġaqu", - "atic" - ], - [ - "Ġwork", - "flow" - ], - [ - "ĠG", - "er" - ], - [ - "ul", - "ant" - ], - [ - "Ġactiv", - "ates" - ], - [ - "T", - "erm" - ], - [ - "ĠUp", - "on" - ], - [ - "ĠP", - "ut" - ], - [ - "V", - "ar" - ], - [ - "ĠO", - "D" - ], - [ - "hal", - "f" - ], - [ - "Ġul", - "cer" - ], - [ - "ĠB", - "O" - ], - [ - "ĠG", - "y" - ], - [ - "ren", - "ces" - ], - [ - "Ġpur", - "ity" - ], - [ - "Ġarri", - "ve" - ], - [ - "ĠSign", - "ificant" - ], - [ - "ĠM", - "AC" - ], - [ - "ĠOther", - "wise" - ], - [ - "o", - "ured" - ], - [ - "Ġt", - "an" - ], - [ - "ĠR", - "L" - ], - [ - "ĠQ", - "TL" - ], - [ - "Ġammon", - "ia" - ], - [ - "v", - "mode" - ], - [ - "Ġmagn", - "esium" - ], - [ - "Ġac", - "knowled" - ], - [ - "Ġaltern", - "atives" - ], - [ - "id", - "ents" - ], - [ - "r", - "Vert" - ], - [ - "ĠCom", - "plete" - ], - [ - "ĠB", - "one" - ], - [ - "y", - "er" - ], - [ - "ĠB", - "ab" - ], - [ - "Ġe", - "ut" - ], - [ - "Ġno", - "vo" - ], - [ - "disci", - "plinary" - ], - [ - "Ġsevere", - "ly" - ], - [ - "uk", - "i" - ], - [ - "ĠP", - "N" - ], - [ - "leave", - "vmode" - ], - [ - "cl", - "ip" - ], - [ - "ĠSy", - "nd" - ], - [ - "ĠMIM", - "O" - ], - [ - "ade", - "qu" - ], - [ - "ĠArc", - "tic" - ], - [ - "ly", - "cer" - ], - [ - "RE", - "T" - ], - [ - "ens", - "ed" - ], - [ - "co", - "ated" - ], - [ - "V", - "P" - ], - [ - "Ġl", - "akes" - ], - [ - "Ġch", - "urch" - ], - [ - "Ġhom", - "ologous" - ], - [ - "Ġoxid", - "ase" - ], - [ - "ĠA", - "ud" - ], - [ - "Ġincre", - "ment" - ], - [ - "Ġneut", - "rinos" - ], - [ - "ar", - "bon" - ], - [ - "T", - "YPE" - ], - [ - "iz", - "umab" - ], - [ - "ut", - "able" - ], - [ - "Ġimp", - "lying" - ], - [ - "ĠMo", - "tion" - ], - [ - "Ġâī", - "ĥ" - ], - [ - "Ġp", - "ages" - ], - [ - "Ġplaus", - "ible" - ], - [ - "ĠN", - "L" - ], - [ - "Ġis", - "otop" - ], - [ - "ĠH", - "yd" - ], - [ - "A", - "tt" - ], - [ - "lat", - "tice" - ], - [ - "sh", - "ore" - ], - [ - "Ġsuc", - "ceed" - ], - [ - "Ġsup", - "posed" - ], - [ - "ĠTrans", - "mission" - ], - [ - "D", - "imensional" - ], - [ - "ingu", - "istic" - ], - [ - "Ġcont", - "ours" - ], - [ - "Ġcon", - "comit" - ], - [ - "Ġagre", - "es" - ], - [ - "ĠD", - "ani" - ], - [ - "qu", - "ar" - ], - [ - "Ġsh", - "ield" - ], - [ - "Ġo", - "zone" - ], - [ - "ĠT", - "et" - ], - [ - "lb", - "rack" - ], - [ - "Ġw", - "at" - ], - [ - "Ġcyt", - "ochrome" - ], - [ - "ta", - "iled" - ], - [ - "p", - "ix" - ], - [ - "Ġco", - "ex" - ], - [ - "ĠVi", - "ew" - ], - [ - "od", - "ef" - ], - [ - "ĠW", - "ild" - ], - [ - "ĠL", - "E" - ], - [ - "h", - "op" - ], - [ - "Ġpoint", - "ing" - ], - [ - "unc", - "ture" - ], - [ - "Ġec", - "ology" - ], - [ - "Ġb", - "ab" - ], - [ - "re", - "a" - ], - [ - "eg", - "o" - ], - [ - "Ġviol", - "ence" - ], - [ - "Ġt", - "RNA" - ], - [ - "ĠR", - "N" - ], - [ - "p", - "ent" - ], - [ - "ore", - "l" - ], - [ - "ĠPar", - "allel" - ], - [ - "Ġdri", - "ves" - ], - [ - "nob", - "reak" - ], - [ - "Ġh", - "olog" - ], - [ - "Ġprob", - "able" - ], - [ - "Ġent", - "ering" - ], - [ - "Ġs", - "ink" - ], - [ - "Ġsw", - "elling" - ], - [ - "pro", - "ducing" - ], - [ - "âĨĴ", - "âĪŀ" - ], - [ - "ĠSaf", - "ety" - ], - [ - "Ġanaly", - "se" - ], - [ - "ser", - "ies" - ], - [ - "Ġdri", - "vers" - ], - [ - "K", - "S" - ], - [ - "ĠR", - "MS" - ], - [ - "Ġgene", - "tics" - ], - [ - "ĠF", - "red" - ], - [ - "Ġsub", - "m" - ], - [ - "Ġscienti", - "sts" - ], - [ - "ĠF", - "D" - ], - [ - "ĠSol", - "utions" - ], - [ - "ĠF", - "ab" - ], - [ - "Ġen", - "compass" - ], - [ - "commut", - "ative" - ], - [ - "Ġadi", - "abatic" - ], - [ - "but", - "yl" - ], - [ - "PE", - "G" - ], - [ - "Ġα", - "β" - ], - [ - "ĠSt", - "an" - ], - [ - "Ġclust", - "ered" - ], - [ - "Ġhold", - "ing" - ], - [ - "ĠB", - "eck" - ], - [ - "ĠY", - "an" - ], - [ - "Ġast", - "er" - ], - [ - "Ġecon", - "om" - ], - [ - "Ġign", - "ored" - ], - [ - "u", - "ro" - ], - [ - "yl", - "es" - ], - [ - "ubb", - "les" - ], - [ - "Ġf", - "ate" - ], - [ - "Ġper", - "ceptions" - ], - [ - "Ġl", - "in" - ], - [ - "é", - "n" - ], - [ - "Ġact", - "u" - ], - [ - "Ġar", - "sen" - ], - [ - "Ġb", - "a" - ], - [ - "ep", - "och" - ], - [ - "ĠS", - "tim" - ], - [ - "Ġmedic", - "ations" - ], - [ - "EC", - "s" - ], - [ - "ĠMin", - "istry" - ], - [ - "ĠPubl", - "isher" - ], - [ - "Ġdep", - "ri" - ], - [ - "Ġob", - "struction" - ], - [ - "ĠmRNA", - "s" - ], - [ - "Ġbro", - "ther" - ], - [ - "Ġcros", - "sover" - ], - [ - "ĠT", - "urb" - ], - [ - "t", - "ation" - ], - [ - "Ġt", - "ank" - ], - [ - "ĠM", - "em" - ], - [ - "Ġint", - "estine" - ], - [ - "Ġmicrogl", - "ia" - ], - [ - "ĠMax", - "well" - ], - [ - "Ġjuris", - "dic" - ], - [ - "Ġphen", - "yl" - ], - [ - "hy", - "per" - ], - [ - "um", - "s" - ], - [ - "ĠH", - "IF" - ], - [ - "ĠS", - "hen" - ], - [ - "Ġcheck", - "point" - ], - [ - "ĠBrown", - "ian" - ], - [ - "Ġâĭ", - "Ĩ" - ], - [ - "ĠSt", - "rain" - ], - [ - "ĠExt", - "raction" - ], - [ - "Ġbatter", - "ies" - ], - [ - "ĠP", - "le" - ], - [ - "ĠCon", - "ditions" - ], - [ - "Ġincons", - "istent" - ], - [ - "ĠH", - "ost" - ], - [ - "yp", - "ical" - ], - [ - "Ġc", - "rops" - ], - [ - "al", - "g" - ], - [ - "ĠF", - "I" - ], - [ - "ant", - "a" - ], - [ - "Ġfound", - "ed" - ], - [ - "Ġmark", - "s" - ], - [ - "dist", - "ribution" - ], - [ - "ĠÎ", - "¹" - ], - [ - "Ġh", - "ors" - ], - [ - "Ġsn", - "ap" - ], - [ - "W", - "M" - ], - [ - "Ġmanifest", - "ations" - ], - [ - "em", - "pl" - ], - [ - "Ġprov", - "ing" - ], - [ - "le", - "ading" - ], - [ - "ĠA", - "CE" - ], - [ - "ĠL", - "ED" - ], - [ - "ch", - "annels" - ], - [ - "Ġl", - "ift" - ], - [ - "F", - "unction" - ], - [ - "in", - "ase" - ], - [ - "super", - "vised" - ], - [ - "ĠU", - "ser" - ], - [ - "Ġphys", - "iology" - ], - [ - "Ġlink", - "ing" - ], - [ - "p", - "ressed" - ], - [ - "Ġ", - "iff" - ], - [ - "ĠJ", - "im" - ], - [ - "Ġglut", - "athione" - ], - [ - "ĠT", - "I" - ], - [ - "Ġan", - "e" - ], - [ - "en", - "osis" - ], - [ - "Ġcollec", - "tions" - ], - [ - "Ġgenetic", - "ally" - ], - [ - "ĠFil", - "ter" - ], - [ - "ĠCh", - "icago" - ], - [ - "ĠServ", - "ices" - ], - [ - "Ġsuper", - "symmetric" - ], - [ - "Ġstri", - "king" - ], - [ - "Ġir", - "rig" - ], - [ - "oc", - "occal" - ], - [ - "Ġfib", - "res" - ], - [ - "Ġecos", - "ystems" - ], - [ - "um", - "ing" - ], - [ - "f", - "ly" - ], - [ - "Ġlung", - "s" - ], - [ - "Ġcovari", - "ates" - ], - [ - "Ġlay", - "out" - ], - [ - "ĠR", - "aj" - ], - [ - "Ġsumm", - "ation" - ], - [ - "abl", - "ed" - ], - [ - "Ġfre", - "ely" - ], - [ - "Ġre", - "vised" - ], - [ - "Ġcut", - "s" - ], - [ - "ĠIntegr", - "ated" - ], - [ - "Ġph", - "armaceutical" - ], - [ - "Ġrespir", - "ation" - ], - [ - "ĠB", - "ill" - ], - [ - "Ġest", - "rogen" - ], - [ - "ra", - "int" - ], - [ - "Ġpercent", - "ages" - ], - [ - "ĠP", - "f" - ], - [ - "ĠG", - "F" - ], - [ - "methyl", - "ene" - ], - [ - "Ġorig", - "ins" - ], - [ - "tr", - "im" - ], - [ - "mat", - "ch" - ], - [ - "it", - "ney" - ], - [ - "ĠY", - "e" - ], - [ - "Ġalloc", - "ated" - ], - [ - "manif", - "old" - ], - [ - "ĠT", - "ris" - ], - [ - "ĠL", - "ys" - ], - [ - "Ġcomp", - "ressed" - ], - [ - "ore", - "r" - ], - [ - "Ġhim", - "self" - ], - [ - "Ġqu", - "in" - ], - [ - "ĠAss", - "embly" - ], - [ - "sing", - "le" - ], - [ - "tem", - "poral" - ], - [ - "Ġs", - "oph" - ], - [ - "Ġepidem", - "iological" - ], - [ - "Ġknock", - "out" - ], - [ - "Ġcomp", - "ares" - ], - [ - "ĠSens", - "itivity" - ], - [ - "Ġgir", - "ls" - ], - [ - "ĠV", - "alley" - ], - [ - "al", - "id" - ], - [ - "ĠSchem", - "e" - ], - [ - "ĠCO", - "MP" - ], - [ - "Ġrefrac", - "tive" - ], - [ - "ĠOff", - "ice" - ], - [ - "Ġlat", - "est" - ], - [ - "Ġp", - "rices" - ], - [ - "car", - "boxyl" - ], - [ - "Ġecon", - "omy" - ], - [ - "Ġbo", - "oks" - ], - [ - "ĠD", - "D" - ], - [ - "Ġne", - "oplas" - ], - [ - "app", - "ings" - ], - [ - "Ġfol", - "ding" - ], - [ - "moment", - "um" - ], - [ - "pot", - "ent" - ], - [ - "Ġpref", - "ix" - ], - [ - "ĠRiemann", - "ian" - ], - [ - "ĠER", - "K" - ], - [ - "ĠPath", - "way" - ], - [ - "Ġlar", - "val" - ], - [ - "ol", - "or" - ], - [ - "Ġat", - "titude" - ], - [ - "geq", - "slant" - ], - [ - "Ġg", - "ates" - ], - [ - "Ġagon", - "ist" - ], - [ - "ĠïĢ", - "¨" - ], - [ - "ĠM", - "CF" - ], - [ - "ost", - "atic" - ], - [ - "m", - "icro" - ], - [ - "Ġdo", - "ubl" - ], - [ - "ĠPar", - "ameter" - ], - [ - "Ġequival", - "ently" - ], - [ - "Ġs", - "rc" - ], - [ - "M", - "ost" - ], - [ - "ĉ", - "ĠĠĠ" - ], - [ - "Ġrhe", - "umat" - ], - [ - "ĠH", - "um" - ], - [ - "reg", - "ion" - ], - [ - "Ġwind", - "s" - ], - [ - "Ġquad", - "rup" - ], - [ - "cal", - "es" - ], - [ - "ulf", - "ide" - ], - [ - "bal", - "anced" - ], - [ - "U", - "nder" - ], - [ - "gener", - "ated" - ], - [ - "oplas", - "mic" - ], - [ - "Ġweight", - "ing" - ], - [ - "ĠN", - "ov" - ], - [ - "vel", - "oc" - ], - [ - "util", - "s" - ], - [ - "ĠA", - "CT" - ], - [ - "Ġvulner", - "able" - ], - [ - "d", - "c" - ], - [ - "Ġstrom", - "al" - ], - [ - "Ġex", - "acerb" - ], - [ - "H", - "V" - ], - [ - "Ġperfect", - "ly" - ], - [ - "t", - "xt" - ], - [ - "di", - "rection" - ], - [ - "og", - "on" - ], - [ - "Ġb", - "im" - ], - [ - "ĠM", - "arg" - ], - [ - "it", - "ons" - ], - [ - "Ġterm", - "ination" - ], - [ - "ed", - "a" - ], - [ - "Ġpre", - "treatment" - ], - [ - "Ġimportant", - "ly" - ], - [ - "Ġd", - "uc" - ], - [ - "Ġartif", - "acts" - ], - [ - "St", - "ud" - ], - [ - "ot", - "ensin" - ], - [ - "rel", - "and" - ], - [ - "ah", - "n" - ], - [ - "Ġdeploy", - "ed" - ], - [ - "ĠE", - "F" - ], - [ - "ens", - "ing" - ], - [ - "ĠC", - "ard" - ], - [ - "ĠJ", - "ordan" - ], - [ - "ap", - "unov" - ], - [ - "Ġanest", - "hesia" - ], - [ - "Ġatheros", - "clerosis" - ], - [ - "in", - "ner" - ], - [ - "struct", - "ural" - ], - [ - "ĠAs", - "p" - ], - [ - "through", - "put" - ], - [ - "ur", - "ities" - ], - [ - "Ġin", - "set" - ], - [ - "with", - "out" - ], - [ - "Ġac", - "quire" - ], - [ - "Ġcomb", - "ines" - ], - [ - "ĠSh", - "ar" - ], - [ - "M", - "ASK" - ], - [ - "ĠL", - "iter" - ], - [ - "Ġcons", - "cious" - ], - [ - "isc", - "ell" - ], - [ - "cons", - "istent" - ], - [ - "y", - "st" - ], - [ - "Ġfil", - "aments" - ], - [ - "ĠAl", - "ice" - ], - [ - "ĠG", - "round" - ], - [ - "Ġm", - "TOR" - ], - [ - "vers", - "al" - ], - [ - "Ġline", - "ages" - ], - [ - "par", - "ticles" - ], - [ - "a", - "roscopic" - ], - [ - "ĠPro", - "ced" - ], - [ - "Ġorient", - "ations" - ], - [ - "ĠM", - "ouse" - ], - [ - "Ġaccording", - "ly" - ], - [ - "Ġsuppress", - "or" - ], - [ - "Ġdestr", - "uction" - ], - [ - "O", - "V" - ], - [ - "ĠProtein", - "s" - ], - [ - "PE", - "CT" - ], - [ - "Ġc", - "up" - ], - [ - "Ġmon", - "omer" - ], - [ - "plement", - "al" - ], - [ - "Ġneutroph", - "il" - ], - [ - "Ġer", - "up" - ], - [ - "Ġt", - "ac" - ], - [ - "Ġasympt", - "omatic" - ], - [ - "ĠEm", - "bed" - ], - [ - "ĠRad", - "iation" - ], - [ - "ĠG", - "ame" - ], - [ - "Ġneed", - "le" - ], - [ - "Ġre", - "use" - ], - [ - "ĠD", - "utch" - ], - [ - "Ġjuven", - "ile" - ], - [ - "Ġmoment", - "a" - ], - [ - "ĠB", - "ose" - ], - [ - "Ġde", - "veloper" - ], - [ - "Ġresidual", - "s" - ], - [ - "Å", - "¡" - ], - [ - "Ġc", - "ognition" - ], - [ - "ĠReg", - "ional" - ], - [ - "Y", - "ou" - ], - [ - "ĠCon", - "cent" - ], - [ - "oc", - "in" - ], - [ - "ĠPar", - "tial" - ], - [ - "Ġcomplet", - "es" - ], - [ - "ĠSing", - "h" - ], - [ - "ĠEx", - "c" - ], - [ - "ĠIs", - "olation" - ], - [ - "ĠStruct", - "ures" - ], - [ - "Ġinter", - "mitt" - ], - [ - "Ex", - "ception" - ], - [ - "Ġanaly", - "tically" - ], - [ - "Ġelectric", - "ity" - ], - [ - "â", - "ĭ" - ], - [ - "Ä", - "į" - ], - [ - "Ġprote", - "ome" - ], - [ - "Ġ", - "ic" - ], - [ - "k", - "al" - ], - [ - "inu", - "x" - ], - [ - "ĠB", - "eyond" - ], - [ - "Ġim", - "plied" - ], - [ - "AS", - "H" - ], - [ - "Ġcl", - "one" - ], - [ - "ĠRuss", - "ia" - ], - [ - "ĠH", - "od" - ], - [ - "tebr", - "ates" - ], - [ - "Ġpro", - "xy" - ], - [ - "hold", - "er" - ], - [ - "el", - "ve" - ], - [ - "Ġval", - "ley" - ], - [ - "ut", - "ely" - ], - [ - "Ġj", - "obs" - ], - [ - "rup", - "tion" - ], - [ - "ro", - "ids" - ], - [ - "ĠWh", - "y" - ], - [ - "ep", - "ing" - ], - [ - "ĠY", - "et" - ], - [ - "Ġp", - "yl" - ], - [ - "Ġb", - "ra" - ], - [ - "il", - "ization" - ], - [ - "et", - "ers" - ], - [ - "Ġad", - "ver" - ], - [ - "Ġo", - "ve" - ], - [ - "k", - "ernel" - ], - [ - "s", - "amples" - ], - [ - "ordin", - "ate" - ], - [ - "ĠAssum", - "ing" - ], - [ - "Ġcontamin", - "ated" - ], - [ - "Ġb", - "ipolar" - ], - [ - "Ġl", - "ac" - ], - [ - "Ġl", - "uc" - ], - [ - "Ġcentrifug", - "ation" - ], - [ - "B", - "oth" - ], - [ - "Ġ", - "nd" - ], - [ - "Ġt", - "ib" - ], - [ - "B", - "efore" - ], - [ - "ĠImmun", - "e" - ], - [ - "Ġas", - "h" - ], - [ - "Ġcondition", - "ed" - ], - [ - "ĠR", - "ank" - ], - [ - "N", - "OS" - ], - [ - "Ġnanopar", - "ticle" - ], - [ - "Ġdepend", - "encies" - ], - [ - "Ġhouse", - "holds" - ], - [ - "ag", - "ers" - ], - [ - "Ġspect", - "rophot" - ], - [ - "Ġb", - "ile" - ], - [ - "ĠH", - "ans" - ], - [ - "ĠAcknowledg", - "ements" - ], - [ - "r", - "atio" - ], - [ - "ĠSecond", - "ary" - ], - [ - "Ġdown", - "regulated" - ], - [ - "f", - "ixed" - ], - [ - "O", - "bs" - ], - [ - "ĠH", - "L" - ], - [ - "Ġs", - "ends" - ], - [ - "ting", - "s" - ], - [ - "Ġf", - "i" - ], - [ - "ĠPa", - "per" - ], - [ - "Ġultra", - "violet" - ], - [ - "ĠB", - "all" - ], - [ - "Ġdr", - "astic" - ], - [ - "ail", - "ure" - ], - [ - "o", - "il" - ], - [ - "ex", - "change" - ], - [ - "ĠD", - "an" - ], - [ - "ĠAut", - "o" - ], - [ - "Ġarch", - "ae" - ], - [ - "ĠCol", - "lection" - ], - [ - "Ġantiv", - "iral" - ], - [ - "ĠC", - "hemistry" - ], - [ - "Ġf", - "err" - ], - [ - "cho", - "ice" - ], - [ - "v", - "ac" - ], - [ - "ol", - "ipid" - ], - [ - "Ġd", - "anger" - ], - [ - "ĠL", - "ittle" - ], - [ - "Ġde", - "hyd" - ], - [ - "Ġoccas", - "ion" - ], - [ - "oprop", - "yl" - ], - [ - "ab", - "e" - ], - [ - "Ġinterfer", - "on" - ], - [ - "Ġex", - "port" - ], - [ - "on", - "itrile" - ], - [ - "p", - "d" - ], - [ - "ĠCon", - "text" - ], - [ - "ru", - "z" - ], - [ - "ĠD", - "ys" - ], - [ - "Ġassemb", - "l" - ], - [ - "Ġoil", - "s" - ], - [ - "Im", - "age" - ], - [ - "row", - "ing" - ], - [ - "Ġane", - "urys" - ], - [ - "Ġliqu", - "ids" - ], - [ - "Ġac", - "tively" - ], - [ - "Ġev", - "apor" - ], - [ - "ĠP", - "resent" - ], - [ - "Ġconstit", - "utive" - ], - [ - "ĠS", - "ite" - ], - [ - "Ġsc", - "ript" - ], - [ - "Ġrepe", - "ats" - ], - [ - "ĠS", - "IR" - ], - [ - "ĠFil", - "m" - ], - [ - "ĠSant", - "a" - ], - [ - "ĠRepresent", - "ation" - ], - [ - "ĠA", - "ma" - ], - [ - "ord", - "on" - ], - [ - "ĠMo", - "lecule" - ], - [ - "Ġgover", - "ning" - ], - [ - "ĠSo", - "il" - ], - [ - "V", - "er" - ], - [ - "Ġphot", - "onic" - ], - [ - "tif", - "y" - ], - [ - "ĠLew", - "is" - ], - [ - "at", - "hered" - ], - [ - "Ġcategor", - "ical" - ], - [ - "iscell", - "aneous" - ], - [ - "up", - "date" - ], - [ - "Ġdefic", - "it" - ], - [ - "Ġadj", - "uvant" - ], - [ - "ĠHen", - "ry" - ], - [ - "G", - "roup" - ], - [ - "ist", - "ency" - ], - [ - "ag", - "raph" - ], - [ - "ĠImpro", - "ving" - ], - [ - "E", - "l" - ], - [ - "Ġfl", - "ame" - ], - [ - "rog", - "ate" - ], - [ - "om", - "orph" - ], - [ - "Ġqu", - "bits" - ], - [ - "Ġillustr", - "ation" - ], - [ - "ĠFlor", - "ida" - ], - [ - "ĠD", - "G" - ], - [ - "big", - "cup" - ], - [ - "Ġprov", - "ince" - ], - [ - "egrad", - "ation" - ], - [ - "ĠLand", - "au" - ], - [ - "Ġgr", - "ating" - ], - [ - "Ġins", - "ects" - ], - [ - "Ġd", - "raft" - ], - [ - "ĠH", - "b" - ], - [ - "Ġs", - "s" - ], - [ - "ĠR", - "as" - ], - [ - "Ġmuc", - "osa" - ], - [ - "Ġhydrox", - "yl" - ], - [ - "Ġmod", - "est" - ], - [ - "Ġconfir", - "ming" - ], - [ - "ĠGalax", - "ies" - ], - [ - "G", - "aussian" - ], - [ - "ĠRet", - "rie" - ], - [ - "Ġrest", - "ored" - ], - [ - "m", - "emory" - ], - [ - "Ġreinfor", - "ced" - ], - [ - "r", - "ific" - ], - [ - "Ġass", - "isted" - ], - [ - "Ġaffili", - "ations" - ], - [ - "R", - "C" - ], - [ - "duc", - "er" - ], - [ - "ĠInt", - "ellig" - ], - [ - "ĠA", - "SD" - ], - [ - "mod", - "ium" - ], - [ - "Ġo", - "mitted" - ], - [ - "ok", - "ers" - ], - [ - "Ġgu", - "ided" - ], - [ - "Ġgraph", - "ical" - ], - [ - "ĠQ", - "ual" - ], - [ - "D", - "ue" - ], - [ - "Ġn", - "emat" - ], - [ - "vari", - "able" - ], - [ - "Ġsenes", - "cence" - ], - [ - "Ġpip", - "e" - ], - [ - "Ġsustain", - "able" - ], - [ - "Ġteac", - "her" - ], - [ - "Ġth", - "ing" - ], - [ - "ĠGP", - "U" - ], - [ - "T", - "B" - ], - [ - "Ġre", - "form" - ], - [ - "Ġref", - "lex" - ], - [ - "Ġindic", - "ative" - ], - [ - "ab", - "out" - ], - [ - "Ġop", - "i" - ], - [ - "eff", - "ect" - ], - [ - "Ġdispers", - "ed" - ], - [ - "k", - "h" - ], - [ - "it", - "helial" - ], - [ - "ĠT", - "reg" - ], - [ - "i", - "pl" - ], - [ - "ĠAut", - "omatic" - ], - [ - "Ġn", - "itro" - ], - [ - "com", - "plete" - ], - [ - "Ġbos", - "ons" - ], - [ - "Ġp", - "ac" - ], - [ - "Ġavoid", - "ing" - ], - [ - "is", - "l" - ], - [ - "pl", - "asty" - ], - [ - "respons", - "ive" - ], - [ - "d", - "est" - ], - [ - "ĠB", - "rad" - ], - [ - "ĠDec", - "ision" - ], - [ - "ĠDisc", - "overy" - ], - [ - "Ġchick", - "en" - ], - [ - "m", - "us" - ], - [ - "ĠW", - "ITH" - ], - [ - "Ġt", - "ric" - ], - [ - "Ġqu", - "artz" - ], - [ - "onstr", - "uction" - ], - [ - "ĠField", - "s" - ], - [ - "Ġass", - "im" - ], - [ - "opro", - "t" - ], - [ - "Ġguarant", - "eed" - ], - [ - "f", - "at" - ], - [ - "ic", - "ts" - ], - [ - "Ġch", - "ol" - ], - [ - "id", - "o" - ], - [ - "ĠK", - "L" - ], - [ - "Ġch", - "itosan" - ], - [ - "ĠN", - "d" - ], - [ - "ĠO", - "scill" - ], - [ - "Ġevol", - "ve" - ], - [ - "c", - "u" - ], - [ - "Ġm", - "ast" - ], - [ - "Ġam", - "ph" - ], - [ - "tor", - "ch" - ], - [ - "V", - "is" - ], - [ - "enti", - "ty" - ], - [ - "ĠAd", - "am" - ], - [ - "Ġdev", - "oted" - ], - [ - "Ġeth", - "ical" - ], - [ - "Ġprem", - "ature" - ], - [ - "Ġconsum", - "er" - ], - [ - "Ġrecurs", - "ive" - ], - [ - "Ġglu", - "on" - ], - [ - "Ġmoder", - "ately" - ], - [ - "Ġmod", - "alities" - ], - [ - "Ġcan", - "al" - ], - [ - "for", - "ce" - ], - [ - "ĠCh", - "lor" - ], - [ - "sl", - "ash" - ], - [ - "st", - "en" - ], - [ - "Ġcommerc", - "ially" - ], - [ - "ong", - "s" - ], - [ - "Ġstim", - "ulate" - ], - [ - "atin", - "um" - ], - [ - "ĠR", - "ail" - ], - [ - "Ġconv", - "ective" - ], - [ - "Ġarter", - "ies" - ], - [ - "in", - "v" - ], - [ - "ĠW", - "ol" - ], - [ - "ĠL", - "ung" - ], - [ - "let", - "es" - ], - [ - "raph", - "y" - ], - [ - "ĠH", - "I" - ], - [ - "Ġgraph", - "ite" - ], - [ - "Ġhous", - "ing" - ], - [ - "e", - "ach" - ], - [ - "Ġcal", - "or" - ], - [ - "acet", - "amide" - ], - [ - "roc", - "hemical" - ], - [ - "Ġhand", - "s" - ], - [ - "Ġelucid", - "ate" - ], - [ - "ĠCh", - "and" - ], - [ - "ro", - "ad" - ], - [ - "nov", - "a" - ], - [ - "ĠLine", - "age" - ], - [ - "Ġr", - "am" - ], - [ - "Ġf", - "ight" - ], - [ - "Ġrecommend", - "ation" - ], - [ - "Ġamong", - "st" - ], - [ - "Ġswit", - "ches" - ], - [ - "ber", - "ry" - ], - [ - "Ġthere", - "in" - ], - [ - "al", - "gebras" - ], - [ - "ĠT", - "aken" - ], - [ - "az", - "z" - ], - [ - "Ġf", - "urn" - ], - [ - "Ġam", - "el" - ], - [ - "Ġteac", - "hers" - ], - [ - "ar", - "n" - ], - [ - "Ġavoid", - "ed" - ], - [ - "Ġaver", - "ages" - ], - [ - "am", - "er" - ], - [ - "ĠCon", - "dition" - ], - [ - "Ġdis", - "location" - ], - [ - "ir", - "con" - ], - [ - "Ġadoles", - "cent" - ], - [ - "Ġt", - "ur" - ], - [ - "en", - "v" - ], - [ - "Ġz", - "e" - ], - [ - "D", - "L" - ], - [ - "load", - "ing" - ], - [ - "ic", - "idal" - ], - [ - "c", - "ategory" - ], - [ - "ĠD", - "B" - ], - [ - "Ġmuc", - "osal" - ], - [ - "ĠR", - "G" - ], - [ - "Ġtaxon", - "omic" - ], - [ - "Ġmut", - "agen" - ], - [ - "ĠSt", - "age" - ], - [ - "n", - "ecess" - ], - [ - "ĠP", - "erm" - ], - [ - "Ġoc", - "clusion" - ], - [ - "Ġexplo", - "ited" - ], - [ - "Ġana", - "erobic" - ], - [ - "ul", - "ed" - ], - [ - "Ġwant", - "ed" - ], - [ - "ĠComb", - "ining" - ], - [ - "Ġsub", - "cutaneous" - ], - [ - "Rec", - "omm" - ], - [ - "Ġdiscuss", - "es" - ], - [ - "Ġcounter", - "part" - ], - [ - "ĠF", - "B" - ], - [ - "Ġadsorb", - "ed" - ], - [ - "d", - "on" - ], - [ - "M", - "any" - ], - [ - "ĠSwed", - "en" - ], - [ - "ĠAnd", - "rew" - ], - [ - "enh", - "anced" - ], - [ - "Ġdoc", - "tor" - ], - [ - "ĠKore", - "an" - ], - [ - "ĠS", - "AR" - ], - [ - "Ġm", - "ating" - ], - [ - "at", - "uration" - ], - [ - "ĠL", - "atin" - ], - [ - "Ġsor", - "ting" - ], - [ - "Ġsk", - "ip" - ], - [ - "O", - "s" - ], - [ - "Ġw", - "ife" - ], - [ - "Ġcom", - "mittee" - ], - [ - "l", - "vert" - ], - [ - "ĠA", - "CC" - ], - [ - "ĠCom", - "m" - ], - [ - "Ġsub", - "tle" - ], - [ - "ĠSur", - "vival" - ], - [ - "b", - "ecause" - ], - [ - "Ġfe", - "at" - ], - [ - "ĠPort", - "ug" - ], - [ - "AR", - "Y" - ], - [ - "ĠI", - "SB" - ], - [ - "it", - "ron" - ], - [ - "Ġs", - "ectors" - ], - [ - "Ġadj", - "oint" - ], - [ - "ĠAlex", - "ander" - ], - [ - "Ġimp", - "urity" - ], - [ - "ĠMar", - "ine" - ], - [ - "l", - "act" - ], - [ - "Ġtrap", - "ping" - ], - [ - "Ġgeneral", - "ize" - ], - [ - "fil", - "ter" - ], - [ - "Ġpolar", - "ity" - ], - [ - "Al", - "so" - ], - [ - "Ġstabil", - "ized" - ], - [ - "ĠVir", - "gin" - ], - [ - "Ġst", - "ores" - ], - [ - "P", - "AGE" - ], - [ - "Ġdraw", - "back" - ], - [ - "Ġâİ", - "ª" - ], - [ - "j", - "et" - ], - [ - "Ġsubstit", - "uted" - ], - [ - "L", - "INE" - ], - [ - "Ġoutper", - "forms" - ], - [ - "Ġterm", - "ed" - ], - [ - "Ġweek", - "ly" - ], - [ - "Ġpoly", - "c" - ], - [ - "Ġf", - "used" - ], - [ - "Ġfer", - "romagnetic" - ], - [ - "l", - "r" - ], - [ - "ell", - "ites" - ], - [ - "ĠT", - "urn" - ], - [ - "ĠC", - "ulture" - ], - [ - "pr", - "ise" - ], - [ - "Å", - "Ĥ" - ], - [ - "om", - "position" - ], - [ - "elf", - "are" - ], - [ - "ĠGo", - "ogle" - ], - [ - "o", - "arth" - ], - [ - "Ġ", - "ë" - ], - [ - "Ġm", - "ist" - ], - [ - "ĠMat", - "hematics" - ], - [ - "S", - "ET" - ], - [ - "Ġepoch", - "s" - ], - [ - "Ġcont", - "ras" - ], - [ - "ish", - "ment" - ], - [ - "ĠFirst", - "ly" - ], - [ - "Ġdecl", - "ared" - ], - [ - "a", - "ur" - ], - [ - "ĠP", - "ed" - ], - [ - "Ġreplic", - "ate" - ], - [ - "Ġel", - "igible" - ], - [ - "Ġconc", - "aten" - ], - [ - "Ġc", - "ig" - ], - [ - "Ġtri", - "plet" - ], - [ - "f", - "ound" - ], - [ - "ĠC", - "z" - ], - [ - "Ġaccompl", - "ished" - ], - [ - "Ġgover", - "ned" - ], - [ - "on", - "uclear" - ], - [ - "ĠN", - "Y" - ], - [ - "ĠEth", - "iop" - ], - [ - "Ġin", - "ject" - ], - [ - "Ġe", - "osin" - ], - [ - "ann", - "on" - ], - [ - "ol", - "o" - ], - [ - "ĠM", - "HC" - ], - [ - "Ġpre", - "operative" - ], - [ - "Ġd", - "ates" - ], - [ - "Ġs", - "igma" - ], - [ - "L", - "ong" - ], - [ - "ĠRes", - "on" - ], - [ - "Ġsympt", - "omatic" - ], - [ - "Ġvolunte", - "ers" - ], - [ - "Ġco", - "operation" - ], - [ - "Ġar", - "r" - ], - [ - "Ġclon", - "ed" - ], - [ - "Ġd", - "ent" - ], - [ - "ĠS", - "ob" - ], - [ - "Ġcath", - "ode" - ], - [ - "ct", - "x" - ], - [ - "Ġ", - "encephal" - ], - [ - "Ġp", - "iv" - ], - [ - "vi", - "ve" - ], - [ - "um", - "etric" - ], - [ - "ĠF", - "F" - ], - [ - "Ġunde", - "restim" - ], - [ - "Ġc", - "oded" - ], - [ - "Ġanal", - "ges" - ], - [ - "spect", - "ral" - ], - [ - "Ġattrac", - "ted" - ], - [ - "Ġtw", - "enty" - ], - [ - "Ġin", - "active" - ], - [ - "Ġvic", - "tim" - ], - [ - "Ġhold", - "er" - ], - [ - "ogen", - "es" - ], - [ - "Ġsuff", - "ering" - ], - [ - "re", - "x" - ], - [ - "Ġpro", - "phyl" - ], - [ - "ĠUnivers", - "al" - ], - [ - "Ġden", - "om" - ], - [ - "st", - "olic" - ], - [ - "ans", - "ion" - ], - [ - "SI", - "ZE" - ], - [ - "ĠHC", - "V" - ], - [ - "Ġtechn", - "ological" - ], - [ - "CN", - "N" - ], - [ - "en", - "ching" - ], - [ - "Ġdeb", - "ris" - ], - [ - "ĠBound", - "ary" - ], - [ - "link", - "ing" - ], - [ - "Ġstop", - "ped" - ], - [ - "ĠD", - "ie" - ], - [ - "ĠCos", - "m" - ], - [ - "Ġturn", - "ing" - ], - [ - "Ġgly", - "coprotein" - ], - [ - "ĠK", - "umar" - ], - [ - "Ġp", - "g" - ], - [ - "ĠB", - "Y" - ], - [ - "Ġr", - "ising" - ], - [ - "ĠR", - "OC" - ], - [ - "Des", - "pite" - ], - [ - "ĠBo", - "olean" - ], - [ - "il", - "der" - ], - [ - "Ġexpon", - "ents" - ], - [ - "in", - "ters" - ], - [ - "print", - "f" - ], - [ - "Ġl", - "it" - ], - [ - "t", - "rack" - ], - [ - "Ġf", - "idelity" - ], - [ - "Ġsm", - "oke" - ], - [ - "ot", - "emporal" - ], - [ - "Ġad", - "missible" - ], - [ - "ĠBol", - "tzmann" - ], - [ - "T", - "F" - ], - [ - "ol", - "ite" - ], - [ - "li", - "ament" - ], - [ - "Ġcalc", - "ulus" - ], - [ - "iti", - "zed" - ], - [ - "Ġdiver", - "gent" - ], - [ - "Ġcolon", - "ization" - ], - [ - "Ġconver", - "gent" - ], - [ - "ĠH", - "as" - ], - [ - "Ġconsum", - "ers" - ], - [ - "Ġmy", - "c" - ], - [ - "Ġcon", - "tig" - ], - [ - "Ġepidem", - "iology" - ], - [ - "é", - "s" - ], - [ - "ĠAss", - "oci" - ], - [ - "g", - "iven" - ], - [ - "Ġwh", - "ilst" - ], - [ - "ĠK", - "ur" - ], - [ - "Ġreason", - "ably" - ], - [ - "Ġaer", - "obic" - ], - [ - "se", - "par" - ], - [ - "Ġche", - "cks" - ], - [ - "ĠSem", - "antic" - ], - [ - "Ġserv", - "ing" - ], - [ - "ĠAt", - "mosp" - ], - [ - "Ġoxid", - "ized" - ], - [ - "c", - "oupled" - ], - [ - "Ġbio", - "Rxiv" - ], - [ - "Ġtun", - "ed" - ], - [ - "usp", - "ended" - ], - [ - "Ġindirect", - "ly" - ], - [ - "ĠC", - "AD" - ], - [ - "ĠCurrent", - "ly" - ], - [ - "Ġbehavi", - "ours" - ], - [ - "ĠPP", - "AR" - ], - [ - "r", - "ors" - ], - [ - "ere", - "b" - ], - [ - "Ġwid", - "ths" - ], - [ - "di", - "agonal" - ], - [ - "erv", - "ice" - ], - [ - "Ġo", - "le" - ], - [ - "me", - "ans" - ], - [ - "IM", - "E" - ], - [ - "ĠT", - "racking" - ], - [ - "Ġac", - "knowledge" - ], - [ - "ĠH", - "on" - ], - [ - "ĠTechn", - "iques" - ], - [ - "ĠOx", - "id" - ], - [ - "bl", - "ind" - ], - [ - "Ġdi", - "ast" - ], - [ - "nam", - "ed" - ], - [ - "asi", - "tic" - ], - [ - "Ġprepar", - "ations" - ], - [ - "ĠAr", - "th" - ], - [ - "Ġpres", - "erves" - ], - [ - "Ġf", - "asc" - ], - [ - "Ġwave", - "form" - ], - [ - "ĠC", - "rystal" - ], - [ - "Ġunc", - "om" - ], - [ - "Ġel", - "ast" - ], - [ - "Ġfunction", - "ally" - ], - [ - "H", - "om" - ], - [ - "ĠCo", - "ast" - ], - [ - "Ġop", - "tic" - ], - [ - "ĠAltern", - "atively" - ], - [ - "on", - "yl" - ], - [ - "ĠL", - "ig" - ], - [ - "al", - "dehyde" - ], - [ - "Ġsim", - "ulator" - ], - [ - "Ġdram", - "atic" - ], - [ - "if", - "era" - ], - [ - "Ġexhib", - "iting" - ], - [ - "Ġbehaviour", - "al" - ], - [ - "th", - "ick" - ], - [ - "xt", - "ure" - ], - [ - "Ġexec", - "utive" - ], - [ - "Ġcondens", - "ate" - ], - [ - "ĠOut", - "comes" - ], - [ - "T", - "ext" - ], - [ - "oin", - "ted" - ], - [ - "ĠCopy", - "right" - ], - [ - "Ġd", - "c" - ], - [ - "od", - "d" - ], - [ - "ĠD", - "iversity" - ], - [ - "ch", - "ip" - ], - [ - "ĠBu", - "ilding" - ], - [ - "Ġpuls", - "ed" - ], - [ - "har", - "monic" - ], - [ - "Ġclinic", - "ians" - ], - [ - "d", - "p" - ], - [ - "Ġq", - "PCR" - ], - [ - "mark", - "s" - ], - [ - "Ġapprec", - "i" - ], - [ - "ĠL", - "aser" - ], - [ - "Ġsize", - "of" - ], - [ - "y", - "rene" - ], - [ - "Ġco", - "operative" - ], - [ - "gener", - "ative" - ], - [ - "ĠL", - "ib" - ], - [ - "Ġdispers", - "al" - ], - [ - "Ġevol", - "ving" - ], - [ - "ĠSt", - "atus" - ], - [ - "Ġsuper", - "con" - ], - [ - "ĠM", - "amm" - ], - [ - "Ġinters", - "titial" - ], - [ - "isen", - "berg" - ], - [ - "Ġâ", - "ľ" - ], - [ - "Ġconf", - "ocal" - ], - [ - "Ġmod", - "ulates" - ], - [ - "h", - "our" - ], - [ - "Ġper", - "oxide" - ], - [ - "depend", - "ence" - ], - [ - "Ġperturb", - "ed" - ], - [ - "ill", - "ation" - ], - [ - "Ġpl", - "aque" - ], - [ - "ĠNe", - "umann" - ], - [ - "Ġtrig", - "gers" - ], - [ - "om", - "ain" - ], - [ - "ĠAd", - "ministration" - ], - [ - "ol", - "ia" - ], - [ - "ĠM", - "IC" - ], - [ - "osa", - "ic" - ], - [ - "ĠG", - "B" - ], - [ - "text", - "normal" - ], - [ - "Ġdomin", - "ance" - ], - [ - "ĠEx", - "per" - ], - [ - "C", - "AM" - ], - [ - "ĠAb", - "out" - ], - [ - "ĠG", - "arc" - ], - [ - "Ġsummar", - "izes" - ], - [ - "A", - "pp" - ], - [ - "charomy", - "ces" - ], - [ - "tif", - "icial" - ], - [ - "Ġgly", - "cerol" - ], - [ - "ĠAssum", - "ption" - ], - [ - "Ġt", - "ect" - ], - [ - "ĠF", - "W" - ], - [ - "Ġcot", - "ton" - ], - [ - "gen", - "eral" - ], - [ - "ĠF", - "ern" - ], - [ - "P", - "t" - ], - [ - "Ġwork", - "er" - ], - [ - "Ġan", - "ion" - ], - [ - "gram", - "s" - ], - [ - "re", - "q" - ], - [ - "Ġlo", - "oks" - ], - [ - "Ġimplement", - "ations" - ], - [ - "ĠCol", - "umb" - ], - [ - "ag", - "i" - ], - [ - "ĠAt", - "tention" - ], - [ - "ĠTe", - "am" - ], - [ - "on", - "ing" - ], - [ - "on", - "ential" - ], - [ - "tin", - "y" - ], - [ - "ĠHigh", - "ly" - ], - [ - "text", - "up" - ], - [ - "Ġinver", - "tible" - ], - [ - "oc", - "ortic" - ], - [ - "In", - "f" - ], - [ - "ĠOff", - "icial" - ], - [ - "ĠMod", - "elling" - ], - [ - "Ġincl", - "usions" - ], - [ - "Ġbl", - "ank" - ], - [ - "Ġs", - "ight" - ], - [ - "ĠG", - "amma" - ], - [ - "Ġlept", - "on" - ], - [ - "Ġpneumonia", - "e" - ], - [ - "Ġro", - "tor" - ], - [ - "Ġeth", - "nic" - ], - [ - "Ġre", - "tain" - ], - [ - "v", - "arying" - ], - [ - "ĠE", - "B" - ], - [ - "Ġast", - "rocytes" - ], - [ - "ĠN", - "orm" - ], - [ - "Ġnan", - "om" - ], - [ - "class", - "ical" - ], - [ - "Ġsh", - "adow" - ], - [ - "ĠRef", - "erences" - ], - [ - "ĠF", - "S" - ], - [ - "Ġnon", - "negative" - ], - [ - "b", - "ond" - ], - [ - "ĠC", - "oh" - ], - [ - "Ġnum", - "py" - ], - [ - "Ġo", - "ct" - ], - [ - "sp", - "an" - ], - [ - "rac", - "ts" - ], - [ - "Ġnot", - "ably" - ], - [ - "Ġsoph", - "istic" - ], - [ - "P", - "AR" - ], - [ - "Ġhorm", - "ones" - ], - [ - "Ġtens", - "ors" - ], - [ - "ĠÌ", - "Ħ" - ], - [ - "ĠConst", - "raints" - ], - [ - "Ġâ", - "IJ" - ], - [ - "Ġtrans", - "it" - ], - [ - "Ġrun", - "time" - ], - [ - "aut", - "hor" - ], - [ - "Ġprom", - "pt" - ], - [ - "ĠS", - "G" - ], - [ - "Ġg", - "rate" - ], - [ - "ce", - "mia" - ], - [ - "ĠLy", - "apunov" - ], - [ - "con", - "vex" - ], - [ - "Ġforecast", - "ing" - ], - [ - "p", - "ush" - ], - [ - "Ġjurisdic", - "tional" - ], - [ - "Ã", - "Ģ" - ], - [ - "Ġbiom", - "edical" - ], - [ - "Ġepile", - "psy" - ], - [ - "fe", - "ature" - ], - [ - "wik", - "i" - ], - [ - "Vi", - "ew" - ], - [ - "Ġless", - "er" - ], - [ - "Ġconjug", - "ated" - ], - [ - "Ġwa", - "iting" - ], - [ - "ĠW", - "ord" - ], - [ - "I", - "Z" - ], - [ - "Ġhydro", - "xy" - ], - [ - "Ġdis", - "p" - ], - [ - "Ġseed", - "ed" - ], - [ - "fit", - "ting" - ], - [ - "Ġstrat", - "ification" - ], - [ - "Ġend", - "point" - ], - [ - "Ġmedi", - "ators" - ], - [ - "duc", - "tive" - ], - [ - "Ġinj", - "ections" - ], - [ - "ĠMicro", - "bi" - ], - [ - "Ġins", - "ert" - ], - [ - "ĠEm", - "b" - ], - [ - "Ġstop", - "ping" - ], - [ - "w", - "elling" - ], - [ - "Ġirradi", - "ated" - ], - [ - "Ġmetall", - "icity" - ], - [ - "vin", - "yl" - ], - [ - "Ġplasm", - "ids" - ], - [ - "R", - "ep" - ], - [ - "ĠDiff", - "erenti" - ], - [ - "ĠSm", - "art" - ], - [ - "ĠIdentif", - "ier" - ], - [ - "ĠB", - "F" - ], - [ - "rop", - "ic" - ], - [ - "Ġkinem", - "atics" - ], - [ - "Ġinoc", - "ulated" - ], - [ - "C", - "K" - ], - [ - "aus", - "es" - ], - [ - "ĠReturn", - "s" - ], - [ - "re", - "ement" - ], - [ - "Ġantic", - "ancer" - ], - [ - "Ġspecific", - "ations" - ], - [ - "Ġadd", - "s" - ], - [ - "Ġst", - "ake" - ], - [ - "Ġwhe", - "el" - ], - [ - "ü", - "ller" - ], - [ - "ĠS", - "on" - ], - [ - "Ġrup", - "ture" - ], - [ - "Ġsol", - "d" - ], - [ - "th", - "an" - ], - [ - "Ġinter", - "medi" - ], - [ - "ĠN", - "ik" - ], - [ - "Ġt", - "uple" - ], - [ - "est", - "abl" - ], - [ - "Ġnor", - "the" - ], - [ - "Ġsuppress", - "es" - ], - [ - "Ġf", - "et" - ], - [ - "Ġwas", - "hing" - ], - [ - "Ġinter", - "play" - ], - [ - "Ġregular", - "ly" - ], - [ - "EX", - "T" - ], - [ - "Ġemploy", - "ees" - ], - [ - "y", - "z" - ], - [ - "rup", - "ted" - ], - [ - "et", - "ts" - ], - [ - "ĠU", - "AV" - ], - [ - "Ġdifferenti", - "able" - ], - [ - "ing", - "e" - ], - [ - "MD", - "A" - ], - [ - "Ġh", - "o" - ], - [ - "Ġt", - "ags" - ], - [ - "Ġcomp", - "atibility" - ], - [ - "ĠÃ", - "ĥ" - ], - [ - "b", - "us" - ], - [ - "ĠU", - "C" - ], - [ - "Ġtok", - "ens" - ], - [ - "Ġcl", - "ients" - ], - [ - "Ġpres", - "cription" - ], - [ - "ĠÌ", - "Ī" - ], - [ - "ĠRe", - "action" - ], - [ - "veloc", - "ity" - ], - [ - "ĠN", - "LR" - ], - [ - "ĠG", - "ast" - ], - [ - "ĠPlas", - "modium" - ], - [ - "ĠC", - "ut" - ], - [ - "Ġn", - "as" - ], - [ - "gra", - "ined" - ], - [ - "Ġchrom", - "osomal" - ], - [ - "Ġpossess", - "es" - ], - [ - "Ġm", - "ath" - ], - [ - "Ġe", - "lected" - ], - [ - "plac", - "ement" - ], - [ - "Ġcollect", - "ing" - ], - [ - "Ġg", - "els" - ], - [ - "ai", - "re" - ], - [ - "Ġdeform", - "ations" - ], - [ - "ra", - "ise" - ], - [ - "Ġfl", - "ank" - ], - [ - "sulf", - "anyl" - ], - [ - "z", - "ens" - ], - [ - "pri", - "ate" - ], - [ - "Ġchlor", - "ophyll" - ], - [ - "ab", - "i" - ], - [ - "avail", - "able" - ], - [ - "Ø", - "§" - ], - [ - "Ġt", - "ack" - ], - [ - "field", - "s" - ], - [ - "Ġrich", - "ness" - ], - [ - "Ġimpl", - "ants" - ], - [ - "ob", - "enz" - ], - [ - "id", - "ential" - ], - [ - "Ġbill", - "ion" - ], - [ - "ut", - "or" - ], - [ - "ĠISB", - "N" - ], - [ - "Ġins", - "urance" - ], - [ - "N", - "ET" - ], - [ - "Ġin", - "adequ" - ], - [ - "Ġmerg", - "ed" - ], - [ - "ĠR", - "ange" - ], - [ - "Ġavoid", - "ance" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠ" - ], - [ - "ric", - "s" - ], - [ - "Ġexcl", - "usive" - ], - [ - "L", - "V" - ], - [ - "Ġï£", - "²" - ], - [ - "Ġcategor", - "ized" - ], - [ - "Ġultrason", - "ic" - ], - [ - "ip", - "e" - ], - [ - "ic", - "ans" - ], - [ - "ĠA", - "PP" - ], - [ - "Ġtra", - "umatic" - ], - [ - "B", - "a" - ], - [ - "ĠAss", - "ay" - ], - [ - "ĠG", - "rid" - ], - [ - "ĠClass", - "ical" - ], - [ - "ĠD", - "ES" - ], - [ - "Ġsoy", - "bean" - ], - [ - "Ġtop", - "ography" - ], - [ - "ĠCont", - "roll" - ], - [ - "Ġemo", - "tions" - ], - [ - "Ġcarbohyd", - "rate" - ], - [ - "Ġcons", - "ol" - ], - [ - "ox", - "yl" - ], - [ - "Ġbifurc", - "ation" - ], - [ - "Ġco", - "il" - ], - [ - "f", - "ind" - ], - [ - "Ġw", - "itness" - ], - [ - "ĠL", - "F" - ], - [ - "th", - "reshold" - ], - [ - "Ġaddress", - "ing" - ], - [ - "Ġsc", - "rew" - ], - [ - "Ġact", - "or" - ], - [ - "ĠW", - "ell" - ], - [ - "Ġï£", - "°" - ], - [ - "ï", - "ĺ" - ], - [ - "ĠD", - "F" - ], - [ - "ĠCor", - "poration" - ], - [ - "ĠMitochond", - "rial" - ], - [ - "Ġk", - "pc" - ], - [ - "und", - "ers" - ], - [ - "Ġfib", - "rin" - ], - [ - "ax", - "el" - ], - [ - "Ġpol", - "yt" - ], - [ - "Ġshap", - "ed" - ], - [ - "re", - "z" - ], - [ - "ste", - "resis" - ], - [ - "ĠComp", - "rehens" - ], - [ - "Ġï£", - "³" - ], - [ - "d", - "h" - ], - [ - "Ġsem", - "ic" - ], - [ - "Ġm", - "ot" - ], - [ - "ĠDav", - "is" - ], - [ - "sk", - "a" - ], - [ - "ĠL", - "H" - ], - [ - "Ġexpans", - "ions" - ], - [ - "ack", - "s" - ], - [ - "Ġoptim", - "izing" - ], - [ - "e", - "ak" - ], - [ - "ĠQ", - "i" - ], - [ - "m", - "ul" - ], - [ - "og", - "raft" - ], - [ - "Ġsu", - "icide" - ], - [ - "cal", - "ar" - ], - [ - "ĠSc", - "ott" - ], - [ - "Ġth", - "inking" - ], - [ - "Ġdirec", - "tional" - ], - [ - "Ġsurfact", - "ant" - ], - [ - "Ġdegrad", - "ed" - ], - [ - "Ġregim", - "en" - ], - [ - "it", - "ative" - ], - [ - "ĠV", - "ersion" - ], - [ - "ĠM", - "aster" - ], - [ - "ĠSim", - "ulations" - ], - [ - "NC", - "BI" - ], - [ - "l", - "ip" - ], - [ - "Ġre", - "agents" - ], - [ - "Ġpost", - "ed" - ], - [ - "os", - "us" - ], - [ - "Ġlay", - "ered" - ], - [ - "ĠSpect", - "rum" - ], - [ - "ĠGraph", - "s" - ], - [ - "bur", - "st" - ], - [ - "Ġl", - "ived" - ], - [ - "Ġelement", - "al" - ], - [ - "Ġï£", - "»" - ], - [ - "ĠDisc", - "rete" - ], - [ - "Ġexcl", - "uding" - ], - [ - "Ġorigin", - "ating" - ], - [ - "ĠG", - "ames" - ], - [ - "continu", - "ous" - ], - [ - "AT", - "ED" - ], - [ - "Ġpy", - "ram" - ], - [ - "lu", - "ent" - ], - [ - "Ġtw", - "isted" - ], - [ - "ĠN", - "b" - ], - [ - "ox", - "icity" - ], - [ - "Ġsc", - "r" - ], - [ - "Ġf", - "un" - ], - [ - "ĠSeg", - "mentation" - ], - [ - "Ġphen", - "ol" - ], - [ - "Ġmet", - "ers" - ], - [ - "ĠE", - "igen" - ], - [ - "ĠWe", - "ak" - ], - [ - "Ġschem", - "atic" - ], - [ - "r", - "one" - ], - [ - "Ġphil", - "os" - ], - [ - "ti", - "tis" - ], - [ - "ĠI", - "reland" - ], - [ - "Ġg", - "y" - ], - [ - "ĠPT", - "M" - ], - [ - "Ġpack", - "ing" - ], - [ - "il", - "inear" - ], - [ - "z", - "eros" - ], - [ - "Ġubiqu", - "itin" - ], - [ - "ĠPress", - "ure" - ], - [ - "Ġinf", - "iltr" - ], - [ - "EN", - "S" - ], - [ - "val", - "idation" - ], - [ - "Ġpr", - "one" - ], - [ - "Ġout", - "line" - ], - [ - "h", - "s" - ], - [ - "reng", - "th" - ], - [ - "Ġat", - "tain" - ], - [ - "Ġt", - "we" - ], - [ - "Ġt", - "andem" - ], - [ - "C", - "an" - ], - [ - "Ġlat", - "itude" - ], - [ - "uit", - "ary" - ], - [ - "Ġvolt", - "ages" - ], - [ - "ĠGa", - "o" - ], - [ - "Ġpharmac", - "okine" - ], - [ - "Ġcontext", - "ual" - ], - [ - "Ġx", - "yl" - ], - [ - "els", - "on" - ], - [ - "ĠMet", - "abolic" - ], - [ - "od", - "en" - ], - [ - "ti", - "les" - ], - [ - "ff", - "icking" - ], - [ - "Ġdistill", - "ed" - ], - [ - "Ġal", - "ph" - ], - [ - "Ġpie", - "zo" - ], - [ - "g", - "rowth" - ], - [ - "Ġb", - "ore" - ], - [ - "Ġredund", - "ant" - ], - [ - "Ġdemonstr", - "ation" - ], - [ - "Ġi", - "k" - ], - [ - "Ġround", - "s" - ], - [ - "ĠS", - "ri" - ], - [ - "fig", - "uration" - ], - [ - "ĠRay", - "leigh" - ], - [ - "L", - "ine" - ], - [ - "ov", - "ol" - ], - [ - "Ġobstac", - "le" - ], - [ - "c", - "n" - ], - [ - "Ġbio", - "active" - ], - [ - "ĠO", - "A" - ], - [ - "phys", - "ical" - ], - [ - "at", - "idyl" - ], - [ - "AC", - "C" - ], - [ - "h", - "ow" - ], - [ - "Ġresult", - "ant" - ], - [ - "ĠH", - "ubble" - ], - [ - "ĠV", - "or" - ], - [ - "Ġens", - "uring" - ], - [ - "Ġannot", - "ations" - ], - [ - "ac", - "yl" - ], - [ - "stit", - "uted" - ], - [ - "ĠAm", - "b" - ], - [ - "feed", - "ing" - ], - [ - "Ġpresum", - "ably" - ], - [ - "Ġblock", - "ade" - ], - [ - "Ġs", - "oc" - ], - [ - "ĠU", - "rb" - ], - [ - "Ġmulti", - "plied" - ], - [ - "Ġdiff", - "e" - ], - [ - "Ġreflect", - "ance" - ], - [ - "ĠKey", - "words" - ], - [ - "ĠBay", - "es" - ], - [ - "odef", - "iciency" - ], - [ - "ĠB", - "inding" - ], - [ - "in", - "ely" - ], - [ - "ex", - "cept" - ], - [ - "ĠUl", - "tr" - ], - [ - "ĠBrazil", - "ian" - ], - [ - "N", - "umber" - ], - [ - "Ġmass", - "less" - ], - [ - "ĠCons", - "istent" - ], - [ - "Ġcr", - "isis" - ], - [ - "og", - "s" - ], - [ - "Ġres", - "idence" - ], - [ - "Ġim", - "per" - ], - [ - "f", - "ts" - ], - [ - "Ġcapt", - "ures" - ], - [ - "ĠSynd", - "rome" - ], - [ - "Ġdimension", - "ality" - ], - [ - "j", - "un" - ], - [ - "Ġex", - "haus" - ], - [ - "ĠMod", - "ern" - ], - [ - "Ġperc", - "enti" - ], - [ - "Le", - "vel" - ], - [ - "ĠRespons", - "es" - ], - [ - "Ġla", - "unched" - ], - [ - "Ġre", - "pos" - ], - [ - "ĠK", - "am" - ], - [ - "at", - "ility" - ], - [ - "Ġcaro", - "tid" - ], - [ - "ro", - "tic" - ], - [ - "ĠM", - "and" - ], - [ - "U", - "B" - ], - [ - "ĠM", - "ixed" - ], - [ - "Ġindex", - "es" - ], - [ - "Ġcis", - "platin" - ], - [ - "ic", - "an" - ], - [ - "ion", - "ine" - ], - [ - "Ġh", - "ab" - ], - [ - "ĠI", - "ce" - ], - [ - "ĠG", - "T" - ], - [ - "ĠAg", - "g" - ], - [ - "ĠLD", - "L" - ], - [ - "Ġvolcan", - "ic" - ], - [ - "d", - "B" - ], - [ - "ĠElect", - "ric" - ], - [ - "Ġt", - "mp" - ], - [ - "Ġgrid", - "s" - ], - [ - "l", - "iquid" - ], - [ - "p", - "rom" - ], - [ - "ĠG", - "AL" - ], - [ - "Ġp", - "estic" - ], - [ - "Ġhel", - "ium" - ], - [ - "Ġï£", - "¹" - ], - [ - "ĠD", - "ong" - ], - [ - "Ġmagn", - "ification" - ], - [ - "k", - "ip" - ], - [ - "ĠG", - "rad" - ], - [ - "ĠWe", - "i" - ], - [ - "ĠPD", - "F" - ], - [ - "ĠGl", - "uc" - ], - [ - "P", - "ol" - ], - [ - "Ġtumor", - "igen" - ], - [ - "yr", - "in" - ], - [ - "Ġshel", - "f" - ], - [ - "ad", - "her" - ], - [ - "enti", - "als" - ], - [ - "s", - "n" - ], - [ - "Ġcultiv", - "ars" - ], - [ - "Ġorbit", - "als" - ], - [ - "ĠP", - "EG" - ], - [ - "ĠAn", - "ne" - ], - [ - "en", - "o" - ], - [ - "Ġatt", - "ended" - ], - [ - "oph", - "ore" - ], - [ - "ish", - "op" - ], - [ - "Ġf", - "riends" - ], - [ - "pos", - "able" - ], - [ - "Ġim", - "pose" - ], - [ - "Ġend", - "emic" - ], - [ - "Ġs", - "ick" - ], - [ - "shif", - "ts" - ], - [ - "ĠOut", - "put" - ], - [ - "L", - "M" - ], - [ - "ĠM", - "iscellaneous" - ], - [ - "Ġthous", - "ands" - ], - [ - "ĠD", - "ataset" - ], - [ - "Ġperturb", - "ative" - ], - [ - "op", - "rec" - ], - [ - "Ġb", - "ene" - ], - [ - "Ġre", - "ef" - ], - [ - "Ġfoss", - "il" - ], - [ - "Ġc", - "ited" - ], - [ - "plic", - "ates" - ], - [ - "Ġrel", - "ates" - ], - [ - "ĠV", - "II" - ], - [ - "Ġanti", - "fer" - ], - [ - "Ġglass", - "es" - ], - [ - "clos", - "ure" - ], - [ - "Ġrub", - "ber" - ], - [ - "Ġb", - "ird" - ], - [ - "Ġsuper", - "symmetry" - ], - [ - "Ġmes", - "on" - ], - [ - "he", - "ll" - ], - [ - "Ġpar", - "ties" - ], - [ - "k", - "ar" - ], - [ - "ĠH", - "ur" - ], - [ - "ĠE", - "A" - ], - [ - "ĠSt", - "ars" - ], - [ - "oth", - "ing" - ], - [ - "h", - "ot" - ], - [ - "ill", - "ar" - ], - [ - "AS", - "P" - ], - [ - "he", - "v" - ], - [ - "ï", - "ĥ" - ], - [ - "a", - "ques" - ], - [ - "Ġcoordin", - "ated" - ], - [ - "ĠIs", - "lands" - ], - [ - "en", - "able" - ], - [ - "Si", - "O" - ], - [ - "Ġexception", - "al" - ], - [ - "C", - "omb" - ], - [ - "ĠL", - "ike" - ], - [ - "Ġbroad", - "ly" - ], - [ - "ĠB", - "ac" - ], - [ - "Ġn", - "il" - ], - [ - "ipar", - "tite" - ], - [ - "r", - "ations" - ], - [ - "Ġre", - "write" - ], - [ - "Ġsal", - "ts" - ], - [ - "d", - "imension" - ], - [ - "ĠVe", - "hic" - ], - [ - "Ġhundred", - "s" - ], - [ - "ĠU", - "r" - ], - [ - "Ġend", - "points" - ], - [ - "ĠMOD", - "EL" - ], - [ - "ĠH", - "BV" - ], - [ - "ĠVir", - "tual" - ], - [ - "ĠCon", - "fl" - ], - [ - "ĠPrac", - "tice" - ], - [ - "ĠAF", - "M" - ], - [ - "Ġadvers", - "arial" - ], - [ - "Ġdi", - "ameters" - ], - [ - "Ġtrans", - "ported" - ], - [ - "RE", - "M" - ], - [ - "ĠB", - "art" - ], - [ - "Ġed", - "ition" - ], - [ - "Ġturb", - "ine" - ], - [ - "Ġmin", - "us" - ], - [ - "otechn", - "ology" - ], - [ - "I", - "g" - ], - [ - "Ġbig", - "ger" - ], - [ - "ab", - "ul" - ], - [ - "Ġperoxid", - "ase" - ], - [ - "wh", - "ite" - ], - [ - "ĠS", - "ed" - ], - [ - "di", - "hydro" - ], - [ - "Ġseg", - "regation" - ], - [ - "Ġreduct", - "ase" - ], - [ - "Ġhor", - "iz" - ], - [ - "Ġinf", - "initely" - ], - [ - "avail", - "ability" - ], - [ - "Ġactiv", - "ator" - ], - [ - "Ġc", - "ensus" - ], - [ - "press", - "ing" - ], - [ - "Ġspir", - "it" - ], - [ - "con", - "ver" - ], - [ - "ĠQuantif", - "ication" - ], - [ - "omer", - "ase" - ], - [ - "Ġrel", - "apse" - ], - [ - "ĠF", - "inal" - ], - [ - "Ġover", - "weight" - ], - [ - "a", - "per" - ], - [ - "Ġformul", - "ae" - ], - [ - "r", - "r" - ], - [ - "Ġfem", - "oral" - ], - [ - "Ġfo", - "am" - ], - [ - "o", - "tics" - ], - [ - "Ġprovid", - "er" - ], - [ - "Ġinstr", - "umental" - ], - [ - "Ġadv", - "ice" - ], - [ - "Ġoccup", - "ation" - ], - [ - "ass", - "embly" - ], - [ - "bi", - "as" - ], - [ - "ĠN", - "OT" - ], - [ - "re", - "stric" - ], - [ - "ĠProt", - "ocol" - ], - [ - "ĠCandid", - "a" - ], - [ - "ĠR", - "hod" - ], - [ - "ard", - "en" - ], - [ - "f", - "under" - ], - [ - "os", - "ens" - ], - [ - "Ġpar", - "ams" - ], - [ - "f", - "ront" - ], - [ - "Ġex", - "erc" - ], - [ - "Ġgal", - "actic" - ], - [ - "r", - "vert" - ], - [ - "Ġim", - "balance" - ], - [ - "Ġk", - "illing" - ], - [ - "ĠGen", - "omic" - ], - [ - "Ġ", - "ip" - ], - [ - "Ġc", - "ave" - ], - [ - "Ġf", - "alc" - ], - [ - "ĠR", - "M" - ], - [ - "Ġcar", - "ries" - ], - [ - "gl", - "obal" - ], - [ - "Ġc", - "ube" - ], - [ - "Ġrig", - "orous" - ], - [ - "Ġcomput", - "es" - ], - [ - "Q", - "P" - ], - [ - "Ġexpos", - "ures" - ], - [ - "c", - "over" - ], - [ - "ological", - "ly" - ], - [ - "O", - "per" - ], - [ - "Ġp", - "ec" - ], - [ - "Ġin", - "homogeneous" - ], - [ - "Ġser", - "vers" - ], - [ - "alian", - "a" - ], - [ - "n", - "b" - ], - [ - "Ġexplain", - "ing" - ], - [ - "Ġshr", - "ink" - ], - [ - "Ġcom", - "orbid" - ], - [ - "eth", - "oxy" - ], - [ - "outhe", - "ast" - ], - [ - "Ġco", - "urses" - ], - [ - "ĠN", - "M" - ], - [ - "ĠSh", - "ape" - ], - [ - "Ġfl", - "ies" - ], - [ - "ĠM", - "ir" - ], - [ - "Ġpublic", - "ly" - ], - [ - "Ġphot", - "ometric" - ], - [ - "vers", - "ible" - ], - [ - "ole", - "v" - ], - [ - "Ġvulner", - "ability" - ], - [ - "Ġc", - "ations" - ], - [ - "Ġsee", - "king" - ], - [ - "U", - "TR" - ], - [ - "Ġdecom", - "posed" - ], - [ - "Ġh", - "us" - ], - [ - "Ġdisapp", - "ear" - ], - [ - "Ġenc", - "ounter" - ], - [ - "Ġtransform", - "ing" - ], - [ - "Ġpolymer", - "ic" - ], - [ - "Ġdiscre", - "tization" - ], - [ - "otox", - "ic" - ], - [ - "ĠI", - "ter" - ], - [ - "ĠM", - "ari" - ], - [ - "Ġun", - "fold" - ], - [ - "ĠAd", - "ult" - ], - [ - "ob", - "acillus" - ], - [ - "met", - "al" - ], - [ - "ber", - "ger" - ], - [ - "rap", - "hene" - ], - [ - "resp", - "ective" - ], - [ - "Ġsur", - "vive" - ], - [ - "ov", - "ich" - ], - [ - "Ġprot", - "ects" - ], - [ - "ĠR", - "og" - ], - [ - "Ġimmun", - "otherapy" - ], - [ - "ĠD", - "SM" - ], - [ - "Ġanalog", - "y" - ], - [ - "ĠP", - "ER" - ], - [ - "ĠPy", - "thon" - ], - [ - "h", - "um" - ], - [ - "ĠAd", - "j" - ], - [ - "ĠLik", - "ewise" - ], - [ - "Ġï£", - "®" - ], - [ - "Ġstom", - "ach" - ], - [ - "Ġin", - "it" - ], - [ - "Ġw", - "ires" - ], - [ - "Ġingredi", - "ents" - ], - [ - "Ġper", - "ceptual" - ], - [ - "H", - "and" - ], - [ - "B", - "ack" - ], - [ - "Ġm", - "ood" - ], - [ - "Ġde", - "formed" - ], - [ - "ĠRe", - "ad" - ], - [ - "Ġrh", - "iz" - ], - [ - "ĠOrgan", - "ism" - ], - [ - "ĠInd", - "ones" - ], - [ - "ann", - "ot" - ], - [ - "ict", - "ory" - ], - [ - "Ġt", - "ended" - ], - [ - "ĠS", - "ound" - ], - [ - "ia", - "x" - ], - [ - "S", - "r" - ], - [ - "ĠT", - "ab" - ], - [ - "ĠLa", - "placian" - ], - [ - "ol", - "uminescence" - ], - [ - "back", - "slash" - ], - [ - "i", - "ologic" - ], - [ - "Ġtyp", - "ename" - ], - [ - "ĠY", - "ear" - ], - [ - "D", - "ependent" - ], - [ - "Ġsl", - "ides" - ], - [ - "Ġsac", - "rific" - ], - [ - "Ġconcomit", - "ant" - ], - [ - "ops", - "ies" - ], - [ - "Big", - "g" - ], - [ - "pe", - "ak" - ], - [ - "ĠApp", - "lying" - ], - [ - "Ġcod", - "on" - ], - [ - "ĠSim", - "ultaneous" - ], - [ - "ti", - "se" - ], - [ - "Ġter", - "tiary" - ], - [ - "ĠP", - "oll" - ], - [ - "Ġre", - "vision" - ], - [ - "RA", - "F" - ], - [ - "x", - "mm" - ], - [ - "Ġsu", - "ited" - ], - [ - "ĠRecomm", - "end" - ], - [ - "ĠR", - "y" - ], - [ - "Ġs", - "ake" - ], - [ - "Ġstret", - "ch" - ], - [ - "ĠSam", - "pling" - ], - [ - "Ġtub", - "ular" - ], - [ - "Ġpar", - "k" - ], - [ - "Ġul", - "timate" - ], - [ - "Ġl", - "ands" - ], - [ - "ĠCr", - "iter" - ], - [ - "ass", - "ay" - ], - [ - "m", - "or" - ], - [ - "Ġd", - "ocking" - ], - [ - "Ġgrad", - "ual" - ], - [ - "Ġed", - "itor" - ], - [ - "Ġpol", - "ice" - ], - [ - "aff", - "in" - ], - [ - "ĠDe", - "ath" - ], - [ - "Ġpromot", - "ers" - ], - [ - "ass", - "ic" - ], - [ - "Ġwr", - "iter" - ], - [ - "ĠVol", - "ume" - ], - [ - "is", - "o" - ], - [ - "Ġdis", - "ag" - ], - [ - "tok", - "en" - ], - [ - "Ġster", - "oid" - ], - [ - "N", - "on" - ], - [ - "ĠMet", - "hyl" - ], - [ - "A", - "meric" - ], - [ - "d", - "ue" - ], - [ - "ĠL", - "ess" - ], - [ - "Ġdy", - "st" - ], - [ - "ĠStat", - "ement" - ], - [ - "ĠT", - "wenty" - ], - [ - "Ġaccess", - "ed" - ], - [ - "Ġblot", - "ting" - ], - [ - "ĠCO", - "PD" - ], - [ - "Ġste", - "am" - ], - [ - "Ġdescrip", - "tive" - ], - [ - "ĠV", - "ery" - ], - [ - "Ġcapac", - "ities" - ], - [ - "ĠPers", - "onal" - ], - [ - "ac", - "id" - ], - [ - "ä", - "hler" - ], - [ - "estiv", - "al" - ], - [ - "Con", - "text" - ], - [ - "Ġa", - "str" - ], - [ - "Anal", - "ysis" - ], - [ - "Ġse", - "pt" - ], - [ - "Ġpr", - "inted" - ], - [ - "d", - "ual" - ], - [ - "am", - "an" - ], - [ - "ere", - "r" - ], - [ - "Ġweak", - "ness" - ], - [ - "ì", - "Ŀ" - ], - [ - "ĠTrans", - "lation" - ], - [ - "Ġpropag", - "ating" - ], - [ - "ĠS", - "ections" - ], - [ - "ac", - "a" - ], - [ - "Ġconf", - "usion" - ], - [ - "I", - "K" - ], - [ - "Ġframework", - "s" - ], - [ - "Ġsitu", - "ated" - ], - [ - "Ġst", - "ays" - ], - [ - "n", - "odes" - ], - [ - "c", - "hen" - ], - [ - "art", - "ments" - ], - [ - "Ġfree", - "zing" - ], - [ - "w", - "s" - ], - [ - "net", - "t" - ], - [ - "Ġcontroll", - "ers" - ], - [ - "Ġsil", - "ic" - ], - [ - "LA", - "ST" - ], - [ - "f", - "oot" - ], - [ - "ĠDISC", - "U" - ], - [ - "R", - "H" - ], - [ - "rid", - "ine" - ], - [ - "ĠRe", - "v" - ], - [ - "per", - "g" - ], - [ - "py", - "rim" - ], - [ - "fl", - "ags" - ], - [ - "ĠGu", - "ide" - ], - [ - "Ġspe", - "aker" - ], - [ - "tis", - "ol" - ], - [ - "re", - "ll" - ], - [ - "ĠD", - "EG" - ], - [ - "Ġf", - "u" - ], - [ - "ĠG", - "ut" - ], - [ - "Ġsh", - "ar" - ], - [ - "Ġgro", - "ss" - ], - [ - "Ġcross", - "es" - ], - [ - "wa", - "velength" - ], - [ - "ĠAp", - "plied" - ], - [ - "ï", - "ve" - ], - [ - "ĠH", - "B" - ], - [ - "ĠEd", - "ge" - ], - [ - "Ġiner", - "tial" - ], - [ - "Ġv", - "ocal" - ], - [ - "pro", - "duction" - ], - [ - "pat", - "hetic" - ], - [ - "Ġplan", - "etary" - ], - [ - "Ġs", - "ister" - ], - [ - "Ġminim", - "a" - ], - [ - "Ġlong", - "est" - ], - [ - "Ġfl", - "ash" - ], - [ - "Ġperiod", - "on" - ], - [ - "Ġepid", - "ermal" - ], - [ - "Ġflo", - "ating" - ], - [ - "G", - "ET" - ], - [ - "ĠT", - "ake" - ], - [ - "p", - "df" - ], - [ - "ĠL", - "iquid" - ], - [ - "Ġremark", - "ably" - ], - [ - "S", - "ign" - ], - [ - "Ġshell", - "s" - ], - [ - "oglob", - "ulin" - ], - [ - "qu", - "ilibrium" - ], - [ - "ĠMo", - "ore" - ], - [ - "ĠAd", - "vers" - ], - [ - "ĠMyc", - "obacterium" - ], - [ - "Inv", - "itrogen" - ], - [ - "Ġth", - "aliana" - ], - [ - "B", - "Y" - ], - [ - "ĠB", - "it" - ], - [ - "Ġt", - "s" - ], - [ - "Ġsynchron", - "ous" - ], - [ - "y", - "x" - ], - [ - "Ġpropag", - "ator" - ], - [ - "ĠIncre", - "asing" - ], - [ - "ipar", - "um" - ], - [ - "Ġfree", - "ze" - ], - [ - "ĠSe", - "lective" - ], - [ - "af", - "e" - ], - [ - "Ġstre", - "pt" - ], - [ - "ph", - "antom" - ], - [ - "ĠGener", - "ally" - ], - [ - "Ġaltern", - "ate" - ], - [ - "ĠCon", - "vergence" - ], - [ - "////////", - "////////" - ], - [ - "eng", - "ing" - ], - [ - "ĠRandom", - "ized" - ], - [ - "de", - "velop" - ], - [ - "pred", - "ict" - ], - [ - "ress", - "or" - ], - [ - "Ġmat", - "hematics" - ], - [ - "f", - "r" - ], - [ - "ĠComput", - "ation" - ], - [ - "ĠMal", - "ays" - ], - [ - "Ġbreath", - "ing" - ], - [ - "Th", - "rough" - ], - [ - "ĠS", - "IM" - ], - [ - "Ġan", - "ode" - ], - [ - "o", - "ad" - ], - [ - "ĠAT", - "CC" - ], - [ - "Ġconstitu", - "ent" - ], - [ - "ĠMeas", - "uring" - ], - [ - "Ġf", - "MRI" - ], - [ - "Ġan", - "emia" - ], - [ - "lies", - "t" - ], - [ - "Ġhemisp", - "here" - ], - [ - "Ġmaxim", - "a" - ], - [ - "Ġtem", - "porary" - ], - [ - "Ġd", - "z" - ], - [ - "otox", - "in" - ], - [ - "C", - "ount" - ], - [ - "on", - "ed" - ], - [ - "Ã", - "º" - ], - [ - "Ġcollabor", - "ative" - ], - [ - "Ġk", - "b" - ], - [ - "Ġvers", - "a" - ], - [ - "ĠSwed", - "ish" - ], - [ - "ik", - "a" - ], - [ - "Ġdial", - "ysis" - ], - [ - "Ġper", - "ovsk" - ], - [ - "Ġwill", - "ing" - ], - [ - "ĠG", - "reek" - ], - [ - "Out", - "put" - ], - [ - "Ġsem", - "igroup" - ], - [ - "Ġbott", - "len" - ], - [ - "ĠGib", - "bs" - ], - [ - "d", - "ark" - ], - [ - "Ġrheumat", - "oid" - ], - [ - "ur", - "ring" - ], - [ - "mat", - "ched" - ], - [ - "Ġsophistic", - "ated" - ], - [ - "Ġcust", - "omer" - ], - [ - "tetra", - "hydro" - ], - [ - "X", - "Y" - ], - [ - "b", - "ug" - ], - [ - "Ġmor", - "ning" - ], - [ - "ĠC", - "VD" - ], - [ - "Ġm", - "appings" - ], - [ - "ĠM", - "SCs" - ], - [ - "ĠD", - "H" - ], - [ - "Ġqu", - "atern" - ], - [ - "he", - "alth" - ], - [ - "Ä", - "±" - ], - [ - "Ġtem", - "p" - ], - [ - "ĠJ", - "ew" - ], - [ - "ĠI", - "l" - ], - [ - "Ġvor", - "tices" - ], - [ - "Ġser", - "ine" - ], - [ - "ĠOx", - "ygen" - ], - [ - "w", - "eg" - ], - [ - "Ġexplan", - "ations" - ], - [ - "P", - "G" - ], - [ - "Ġc", - "iti" - ], - [ - "Ġloc", - "ality" - ], - [ - "==", - "=" - ], - [ - "ĠTh", - "om" - ], - [ - "Ġd", - "airy" - ], - [ - "Bl", - "ock" - ], - [ - "or", - "dial" - ], - [ - "ak", - "ov" - ], - [ - "Ġgli", - "oma" - ], - [ - "Ġtrans", - "action" - ], - [ - "Ġincre", - "mental" - ], - [ - "anc", - "he" - ], - [ - "R", - "et" - ], - [ - "m", - "agnetic" - ], - [ - "pyr", - "rol" - ], - [ - "ĠP", - "ic" - ], - [ - "Ġamel", - "ior" - ], - [ - "oxid", - "ant" - ], - [ - "rov", - "iral" - ], - [ - "or", - "atory" - ], - [ - "Ġs", - "av" - ], - [ - "ĠSt", - "ream" - ], - [ - "Ġsuper", - "f" - ], - [ - "ĠIC", - "U" - ], - [ - "Ġevid", - "enced" - ], - [ - "Ġrepeated", - "ly" - ], - [ - "Ġr", - "ated" - ], - [ - "ĠP", - "it" - ], - [ - "FA", - "ULT" - ], - [ - "Ġh", - "at" - ], - [ - "ĠCont", - "ent" - ], - [ - "Ġiso", - "form" - ], - [ - "V", - "ER" - ], - [ - "Ġn", - "odal" - ], - [ - "Ġschedul", - "ed" - ], - [ - "Ġshould", - "er" - ], - [ - "Ġt", - "ap" - ], - [ - "Ġpor", - "tal" - ], - [ - "Ġtra", - "ps" - ], - [ - "ae", - "v" - ], - [ - "ĠS", - "OD" - ], - [ - "em", - "atic" - ], - [ - "Ġen", - "j" - ], - [ - "Ġretic", - "ulum" - ], - [ - "ĠMin", - "ister" - ], - [ - "ĠS", - "el" - ], - [ - "Ġfall", - "ing" - ], - [ - "ro", - "st" - ], - [ - "N", - "G" - ], - [ - "f", - "d" - ], - [ - "n", - "itro" - ], - [ - "ĠM", - "ove" - ], - [ - "rel", - "ativistic" - ], - [ - "eng", - "es" - ], - [ - "ĠS", - "ST" - ], - [ - "ĠIn", - "v" - ], - [ - "Ġfin", - "ish" - ], - [ - "ĠPol", - "and" - ], - [ - "os", - "econd" - ], - [ - "ĠB", - "AL" - ], - [ - "oarth", - "ritis" - ], - [ - "Ġop", - "tics" - ], - [ - "ĠS", - "ky" - ], - [ - "Ġadv", - "oc" - ], - [ - "Ġhemorrh", - "age" - ], - [ - "Ġmod", - "ulating" - ], - [ - "n", - "is" - ], - [ - "Ġmach", - "inery" - ], - [ - "Ġupd", - "ating" - ], - [ - "Ġcharacter", - "izing" - ], - [ - "ish", - "man" - ], - [ - "Ġtem", - "plates" - ], - [ - "ĠLa", - "place" - ], - [ - "ĠEn", - "s" - ], - [ - "Rec", - "ently" - ], - [ - "or", - "us" - ], - [ - "ar", - "ts" - ], - [ - "diff", - "usion" - ], - [ - "ĠLevel", - "s" - ], - [ - "ag", - "a" - ], - [ - "ĠIn", - "j" - ], - [ - "ĠL", - "ayer" - ], - [ - "Ġrem", - "n" - ], - [ - "Ġelastic", - "ity" - ], - [ - "Ġmere", - "ly" - ], - [ - "Ġf", - "ission" - ], - [ - "eng", - "ue" - ], - [ - "m", - "ake" - ], - [ - "Ġmon", - "op" - ], - [ - "Ġure", - "a" - ], - [ - "ĠSim", - "on" - ], - [ - "mi", - "R" - ], - [ - "ĠSecond", - "ly" - ], - [ - "ur", - "ic" - ], - [ - "ĠVari", - "able" - ], - [ - "il", - "is" - ], - [ - "Ġmultiplic", - "ative" - ], - [ - "ĠNo", - "ise" - ], - [ - "Ġswit", - "ched" - ], - [ - "Ġnic", - "ot" - ], - [ - "Ġeffici", - "encies" - ], - [ - "he", - "ma" - ], - [ - "Ġapp", - "ointed" - ], - [ - "gu", - "ided" - ], - [ - "Ġwin", - "ning" - ], - [ - "ĠMechan", - "ics" - ], - [ - "Ġne", - "o" - ], - [ - "ĠBR", - "CA" - ], - [ - "ud", - "i" - ], - [ - "Ġcontain", - "er" - ], - [ - "sh", - "op" - ], - [ - "Ġsugges", - "tions" - ], - [ - "K", - "B" - ], - [ - "Ġsubstit", - "ute" - ], - [ - "O", - "x" - ], - [ - "V", - "C" - ], - [ - "Ġst", - "one" - ], - [ - "ann", - "a" - ], - [ - "ĠDep", - "ression" - ], - [ - "Ġcont", - "emporary" - ], - [ - "Ġoutl", - "iers" - ], - [ - "qu", - "et" - ], - [ - "ĠZ", - "heng" - ], - [ - "Ġoc", - "cl" - ], - [ - "Ġal", - "veolar" - ], - [ - "exp", - "ressing" - ], - [ - "Ġcom", - "fort" - ], - [ - "Ġign", - "ore" - ], - [ - "Am", - "ong" - ], - [ - "ĠKle", - "in" - ], - [ - "Ġrhyth", - "m" - ], - [ - "Ġimm", - "ers" - ], - [ - "Ġfa", - "ith" - ], - [ - "bl", - "ing" - ], - [ - "Ġaug", - "mentation" - ], - [ - "ĠPre", - "vention" - ], - [ - "Ġhe", - "par" - ], - [ - "Ġnot", - "ations" - ], - [ - "Ġhemat", - "opoietic" - ], - [ - "perf", - "ect" - ], - [ - "Ġsh", - "ares" - ], - [ - "not", - "in" - ], - [ - "Ġpict", - "ures" - ], - [ - "ĠAcknowledg", - "ments" - ], - [ - "Ġt", - "ick" - ], - [ - "Ġun", - "related" - ], - [ - "ĠTo", - "ol" - ], - [ - "Ġm", - "as" - ], - [ - "os", - "ocial" - ], - [ - "g", - "est" - ], - [ - "us", - "hed" - ], - [ - "Ġphosphor", - "ylated" - ], - [ - "Ġcer", - "amic" - ], - [ - "c", - "ool" - ], - [ - "or", - "ylation" - ], - [ - "Ġdef", - "icient" - ], - [ - "Ġrelax", - "ed" - ], - [ - "ĠAnal", - "yses" - ], - [ - "ec", - "raft" - ], - [ - "Ġret", - "ina" - ], - [ - "ĠIn", - "ternal" - ], - [ - "Ġsp", - "ite" - ], - [ - "Ġrecip", - "ients" - ], - [ - "Ġsh", - "ut" - ], - [ - "Ġeth", - "ylene" - ], - [ - "ĠG", - "ulf" - ], - [ - "Ġun", - "affected" - ], - [ - "ĠRes", - "ource" - ], - [ - "ĠN", - "et" - ], - [ - "Ġperp", - "et" - ], - [ - "Ġsl", - "ab" - ], - [ - "re", - "port" - ], - [ - "Ġμm", - "ol" - ], - [ - "Ġid", - "x" - ], - [ - "Ġsk", - "ill" - ], - [ - "ĠInd", - "uction" - ], - [ - "Ġmalign", - "ancy" - ], - [ - "Ġc", - "v" - ], - [ - "Ġdiff", - "ering" - ], - [ - "Ġappropri", - "ately" - ], - [ - "ij", - "ing" - ], - [ - "Ġwar", - "rant" - ], - [ - "r", - "ally" - ], - [ - "Ġal", - "gae" - ], - [ - "we", - "ights" - ], - [ - "c", - "asts" - ], - [ - "Ġoc", - "ular" - ], - [ - "rac", - "ycl" - ], - [ - "Ġdomin", - "ates" - ], - [ - "Ġle", - "uc" - ], - [ - "W", - "here" - ], - [ - "ph", - "on" - ], - [ - "Ġsocio", - "economic" - ], - [ - "itzer", - "land" - ], - [ - "Ġresil", - "ience" - ], - [ - "Ġneighbour", - "hood" - ], - [ - "Ġt", - "one" - ], - [ - "psy", - "ch" - ], - [ - "ĠOrgan", - "ic" - ], - [ - "Ġg", - "ather" - ], - [ - "Ġfalc", - "iparum" - ], - [ - "Ġengine", - "ered" - ], - [ - "ĠAv", - "ail" - ], - [ - "inter", - "ing" - ], - [ - "Ġclim", - "atic" - ], - [ - "ĠEvolution", - "ary" - ], - [ - "N", - "MR" - ], - [ - "Ġre", - "v" - ], - [ - "cent", - "ral" - ], - [ - "ĠS", - "in" - ], - [ - "Ġdecl", - "ined" - ], - [ - "op", - "ausal" - ], - [ - "Ġal", - "arm" - ], - [ - "Right", - "arrow" - ], - [ - "se", - "x" - ], - [ - "Ġenerge", - "tic" - ], - [ - "ï", - "Ĥ" - ], - [ - "Ġdisc", - "s" - ], - [ - "Ġol", - "factory" - ], - [ - "ur", - "ipot" - ], - [ - "spect", - "rum" - ], - [ - "sp", - "ot" - ], - [ - "Ġhem", - "oglobin" - ], - [ - "M", - "ark" - ], - [ - "c", - "ov" - ], - [ - "ar", - "boxyl" - ], - [ - "Ġindic", - "ations" - ], - [ - "Ġsal", - "mon" - ], - [ - "Ġsearc", - "hed" - ], - [ - "Ġend", - "ed" - ], - [ - "rolog", - "ic" - ], - [ - "r", - "floor" - ], - [ - "Ġau", - "tism" - ], - [ - "Ġs", - "elen" - ], - [ - "ĠH", - "ung" - ], - [ - "ĠInf", - "erence" - ], - [ - "Ġmamm", - "ary" - ], - [ - "l", - "floor" - ], - [ - "Ġser", - "oton" - ], - [ - "Ġfund", - "ed" - ], - [ - "ĠVi", - "et" - ], - [ - "Ġri", - "vers" - ], - [ - "ĠRe", - "infor" - ], - [ - "ur", - "g" - ], - [ - "Ġalb", - "icans" - ], - [ - "ĠTherm", - "o" - ], - [ - "ERR", - "OR" - ], - [ - "Ġmut", - "ually" - ], - [ - "Ġir", - "r" - ], - [ - "ĠR", - "at" - ], - [ - "Ġim", - "g" - ], - [ - "Ġlymph", - "ocyte" - ], - [ - "ĠRef", - "s" - ], - [ - "ĠS", - "parse" - ], - [ - "hold", - "ers" - ], - [ - "F", - "ree" - ], - [ - "RE", - "D" - ], - [ - "ĠG", - "auss" - ], - [ - "Ġcirc", - "adian" - ], - [ - "ĠJ", - "in" - ], - [ - "Ġconstit", - "utes" - ], - [ - "Ġw", - "ors" - ], - [ - "Ġfeature", - "d" - ], - [ - "oc", - "ent" - ], - [ - "le", - "te" - ], - [ - "Ġont", - "ology" - ], - [ - "Ġbil", - "ayer" - ], - [ - "ĠCam", - "bridge" - ], - [ - "Ġencryp", - "tion" - ], - [ - "rot", - "ron" - ], - [ - "et", - "ti" - ], - [ - "ĠA", - "er" - ], - [ - "Ġcou", - "ples" - ], - [ - "ra", - "il" - ], - [ - "Ġtw", - "ist" - ], - [ - "Ġrid", - "ge" - ], - [ - "G", - "AN" - ], - [ - "id", - "ers" - ], - [ - "SH", - "IFT" - ], - [ - "Ġdiff", - "us" - ], - [ - "Ġme", - "ant" - ], - [ - "ĠSch", - "warz" - ], - [ - "S", - "b" - ], - [ - "Ġarc", - "s" - ], - [ - "No", - "tice" - ], - [ - "i", - "y" - ], - [ - "Ġem", - "erge" - ], - [ - "kw", - "args" - ], - [ - "E", - "ff" - ], - [ - "E", - "nt" - ], - [ - "ion", - "ization" - ], - [ - "ch", - "oline" - ], - [ - "ust", - "ries" - ], - [ - "ac", - "her" - ], - [ - "s", - "pl" - ], - [ - "pop", - "ulation" - ], - [ - "f", - "ol" - ], - [ - "Ġquestionnai", - "res" - ], - [ - "Ġall", - "ergic" - ], - [ - "w", - "ich" - ], - [ - "ĠV", - "acc" - ], - [ - "Ġat", - "tained" - ], - [ - "ĠAn", - "imals" - ], - [ - "am", - "ics" - ], - [ - "ĠReg", - "arding" - ], - [ - "ĠSem", - "i" - ], - [ - "Ġgl", - "ac" - ], - [ - "ĠEff", - "icacy" - ], - [ - "Ġsynerg", - "istic" - ], - [ - "IS", - "H" - ], - [ - "Ġmaintain", - "s" - ], - [ - "Ġsong", - "s" - ], - [ - "ĠNeg", - "ative" - ], - [ - "am", - "oto" - ], - [ - "ĠMod", - "ified" - ], - [ - "Ġsepar", - "able" - ], - [ - "Ġbin", - "aries" - ], - [ - "Ġaccess", - "ibility" - ], - [ - "I", - "ter" - ], - [ - "d", - "in" - ], - [ - "ĠB", - "inary" - ], - [ - "equ", - "ilibrium" - ], - [ - "Ġc", - "ue" - ], - [ - "m", - "agn" - ], - [ - "Ġed", - "ema" - ], - [ - "ï", - "¿½" - ], - [ - "Ġposition", - "ed" - ], - [ - "Ġcharg", - "ing" - ], - [ - "Ġun", - "ivariate" - ], - [ - "he", - "p" - ], - [ - "Ġcl", - "ade" - ], - [ - "Ġcy", - "steine" - ], - [ - "rac", - "le" - ], - [ - "Ġresc", - "ue" - ], - [ - "h", - "abit" - ], - [ - "ĠDISCU", - "SSION" - ], - [ - "Ġdepic", - "ts" - ], - [ - "p", - "ole" - ], - [ - "Ġst", - "enosis" - ], - [ - "Ġv", - "eter" - ], - [ - "pr", - "inger" - ], - [ - "ĠP", - "ow" - ], - [ - "Ġcovari", - "ant" - ], - [ - "Ġmod", - "ifying" - ], - [ - "Al", - "gorithm" - ], - [ - "aver", - "aged" - ], - [ - "al", - "o" - ], - [ - "res", - "on" - ], - [ - "Ġcharacter", - "ised" - ], - [ - "Ġn", - "i" - ], - [ - "Ġseem", - "ed" - ], - [ - "ĠR", - "om" - ], - [ - "sh", - "ort" - ], - [ - "N", - "V" - ], - [ - "Ġfer", - "tility" - ], - [ - "ĠM", - "emb" - ], - [ - "Ġl", - "ying" - ], - [ - "Ġinstit", - "ution" - ], - [ - "im", - "ages" - ], - [ - "ĠB", - "orel" - ], - [ - "fs", - "ys" - ], - [ - "c", - "ataly" - ], - [ - "Ġsepar", - "ating" - ], - [ - "b", - "iotic" - ], - [ - "m", - "el" - ], - [ - "pg", - "fsys" - ], - [ - "ĠJack", - "son" - ], - [ - "Ġb", - "ag" - ], - [ - "og", - "rap" - ], - [ - "prop", - "yl" - ], - [ - "ĠProgram", - "ming" - ], - [ - "oc", - "ratic" - ], - [ - "Ġp", - "ion" - ], - [ - "ĠG", - "radient" - ], - [ - "Ġsp", - "he" - ], - [ - "Ġin", - "line" - ], - [ - "Ġdom", - "inate" - ], - [ - "Ġsuff", - "ered" - ], - [ - "ĠDise", - "ases" - ], - [ - "igen", - "ous" - ], - [ - "w", - "ill" - ], - [ - "Ġam", - "in" - ], - [ - "adher", - "in" - ], - [ - "ĠT", - "ro" - ], - [ - "adj", - "usted" - ], - [ - "E", - "W" - ], - [ - "Ġde", - "but" - ], - [ - "ne", - "a" - ], - [ - "ĠD", - "un" - ], - [ - "Ġd", - "ictionary" - ], - [ - "oper", - "atively" - ], - [ - "K", - "A" - ], - [ - "be", - "it" - ], - [ - "Ġperson", - "nel" - ], - [ - "ĠÅ", - "½" - ], - [ - "re", - "view" - ], - [ - "int", - "o" - ], - [ - "ĠTok", - "yo" - ], - [ - "Ġt", - "rop" - ], - [ - "Ġvent", - "ric" - ], - [ - "ĠMETHOD", - "S" - ], - [ - "Ġim", - "plication" - ], - [ - "ak", - "is" - ], - [ - "ĠC", - "MB" - ], - [ - "Ġtransmit", - "ter" - ], - [ - "o", - "ichi" - ], - [ - "ĠNiger", - "ia" - ], - [ - "ĠK", - "on" - ], - [ - "Ġbe", - "ar" - ], - [ - "ĠK", - "an" - ], - [ - "ĠPl", - "ot" - ], - [ - "ĠS", - "PSS" - ], - [ - "ĠBi", - "ology" - ], - [ - "Ġbary", - "on" - ], - [ - "Ġmicro", - "RNA" - ], - [ - "Ġreproduc", - "ibility" - ], - [ - "Ġlact", - "ate" - ], - [ - "Ġpolyp", - "hen" - ], - [ - "ĠM", - "t" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" - ], - [ - "end", - "it" - ], - [ - "Ġhydro", - "thermal" - ], - [ - "Ġwe", - "alth" - ], - [ - "Ġhad", - "ron" - ], - [ - "Ġwhere", - "by" - ], - [ - "ell", - "um" - ], - [ - "ĠDiff", - "usion" - ], - [ - "ĠOrig", - "in" - ], - [ - "Ġnonlinear", - "ity" - ], - [ - "Ġinform", - "ative" - ], - [ - "Ġvis", - "ited" - ], - [ - "Ġvirt", - "ually" - ], - [ - "ĠT", - "un" - ], - [ - "Ġres", - "et" - ], - [ - "ĠElect", - "rical" - ], - [ - "ĠG", - "lu" - ], - [ - "ĠS", - "AM" - ], - [ - "ĠI", - "sing" - ], - [ - "ĠSt", - "ra" - ], - [ - "ond", - "er" - ], - [ - "Ġd", - "ies" - ], - [ - "Ġrecipro", - "cal" - ], - [ - "C", - "heck" - ], - [ - "ĠGu", - "idelines" - ], - [ - "hest", - "er" - ], - [ - "Ġproblem", - "atic" - ], - [ - "ĠAt", - "omic" - ], - [ - "Ġconcentr", - "ate" - ], - [ - "st", - "eps" - ], - [ - "j", - "son" - ], - [ - "Recomm", - "ended" - ], - [ - "ĠScreen", - "ing" - ], - [ - "Ġna", - "ive" - ], - [ - "Ġpractition", - "ers" - ], - [ - "Ġfast", - "ing" - ], - [ - "Ġmechan", - "istic" - ], - [ - "op", - "tions" - ], - [ - "P", - "tr" - ], - [ - "IT", - "E" - ], - [ - "W", - "ork" - ], - [ - "âĢ", - "ĺ" - ], - [ - "raf", - "ts" - ], - [ - "Ġun", - "w" - ], - [ - "Ġannih", - "ilation" - ], - [ - "ob", - "jective" - ], - [ - "ĠD", - "ynamical" - ], - [ - "ad", - "ec" - ], - [ - "ĠL", - "ith" - ], - [ - "Ġextract", - "ing" - ], - [ - "Ġcor", - "al" - ], - [ - "ĠSt", - "able" - ], - [ - "Ġbackground", - "s" - ], - [ - "omorphism", - "s" - ], - [ - "ĠâĪ", - "«" - ], - [ - "Ġgre", - "w" - ], - [ - "In", - "st" - ], - [ - "g", - "els" - ], - [ - "Ġin", - "hal" - ], - [ - "d", - "am" - ], - [ - "he", - "im" - ], - [ - "benz", - "yl" - ], - [ - "Ġpel", - "vic" - ], - [ - "Ġdi", - "arr" - ], - [ - "Ġdi", - "ode" - ], - [ - "Ġem", - "pir" - ], - [ - "ĠAl", - "f" - ], - [ - "ĠUn", - "certain" - ], - [ - "ĠH", - "Cl" - ], - [ - "Ġjoint", - "ly" - ], - [ - "Ġde", - "par" - ], - [ - "Ġmerg", - "ing" - ], - [ - "Ġch", - "i" - ], - [ - "ap", - "t" - ], - [ - "Ġpl", - "t" - ], - [ - "Ġid", - "i" - ], - [ - "Ġper", - "for" - ], - [ - "stit", - "uting" - ], - [ - "p", - "age" - ], - [ - "ar", - "é" - ], - [ - "ind", - "ices" - ], - [ - "put", - "ation" - ], - [ - "diff", - "erent" - ], - [ - "b", - "urn" - ], - [ - "Ġsurround", - "ed" - ], - [ - "ĠT", - "L" - ], - [ - "unt", - "ary" - ], - [ - "st", - "rip" - ], - [ - "l", - "an" - ], - [ - "Ġc", - "ow" - ], - [ - "ĠS", - "ab" - ], - [ - "ĠGa", - "As" - ], - [ - "p", - "f" - ], - [ - "Ġes", - "ophageal" - ], - [ - "ĠAl", - "t" - ], - [ - "Ġhospital", - "ization" - ], - [ - "ĠApproxim", - "ation" - ], - [ - "Organ", - "ism" - ], - [ - "ĠF", - "air" - ], - [ - "Ġtrac", - "ing" - ], - [ - "Ġpref", - "erentially" - ], - [ - "Ġlower", - "ing" - ], - [ - "uli", - "ar" - ], - [ - "ĠDer", - "iv" - ], - [ - "Ġphyto", - "plankton" - ], - [ - "omy", - "c" - ], - [ - "T", - "hat" - ], - [ - "ĠIsra", - "el" - ], - [ - "Ġminim", - "ized" - ], - [ - "Ġany", - "thing" - ], - [ - "r", - "ule" - ], - [ - "p", - "ow" - ], - [ - "Ġfam", - "ous" - ], - [ - "ĠAcc", - "uracy" - ], - [ - "Ġphotoc", - "atalytic" - ], - [ - "ĠNon", - "etheless" - ], - [ - "Ġdivis", - "or" - ], - [ - "v", - "b" - ], - [ - "Ġcam", - "eras" - ], - [ - "ĠW", - "ales" - ], - [ - "ĠCont", - "ributions" - ], - [ - "Ġdisplac", - "ements" - ], - [ - "ĠT", - "am" - ], - [ - "Ġvol", - "umetric" - ], - [ - "ession", - "al" - ], - [ - "Ġcompens", - "ate" - ], - [ - "Ġa", - "ce" - ], - [ - "tri", - "angle" - ], - [ - "bu", - "ff" - ], - [ - "Ġnames", - "pace" - ], - [ - "Ġbound", - "ing" - ], - [ - "ynchron", - "ous" - ], - [ - "m", - "d" - ], - [ - "Ġimag", - "ery" - ], - [ - "it", - "ated" - ], - [ - "Ġorigin", - "ated" - ], - [ - "ĠBel", - "g" - ], - [ - "ĠE", - "CG" - ], - [ - "ex", - "isting" - ], - [ - "ĠSt", - "okes" - ], - [ - "sens", - "itivity" - ], - [ - "tid", - "ine" - ], - [ - "ĠW", - "M" - ], - [ - "Ġmonot", - "one" - ], - [ - "Ġproceed", - "s" - ], - [ - "ĠClust", - "ering" - ], - [ - "ĠIo", - "T" - ], - [ - "ern", - "ary" - ], - [ - "al", - "amic" - ], - [ - "ĠCollabor", - "ation" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠĠĠĠĠĠ" - ], - [ - "OL", - "D" - ], - [ - "Î", - "ĺ" - ], - [ - "ĠNan", - "opar" - ], - [ - "ĠMul", - "tiv" - ], - [ - "Ġc", - "ystic" - ], - [ - "pi", - "re" - ], - [ - "Ġoper", - "ates" - ], - [ - "Ġmedi", - "ating" - ], - [ - "Ġbene", - "ath" - ], - [ - "ob", - "e" - ], - [ - "g", - "ate" - ], - [ - "Ġo", - "ocytes" - ], - [ - "Ġmarg", - "ins" - ], - [ - "ymmet", - "ries" - ], - [ - "Ġrelig", - "ious" - ], - [ - "ĠN", - "it" - ], - [ - "Ġcut", - "aneous" - ], - [ - "AN", - "S" - ], - [ - "Ġdevelop", - "s" - ], - [ - "as", - "ia" - ], - [ - "ĠRo", - "berts" - ], - [ - "a", - "vier" - ], - [ - "Ġsim", - "plic" - ], - [ - "Ġreveal", - "ing" - ], - [ - "UN", - "D" - ], - [ - "Ġte", - "a" - ], - [ - "Ġl", - "ysis" - ], - [ - "Ġaggreg", - "ated" - ], - [ - "ĠR", - "GB" - ], - [ - "Ġcor", - "ro" - ], - [ - "Ġb", - "ir" - ], - [ - "in", - "ae" - ], - [ - "v", - "d" - ], - [ - "Ġcour", - "t" - ], - [ - "Ġcontrovers", - "ial" - ], - [ - "Ġto", - "w" - ], - [ - "Ġhy", - "steresis" - ], - [ - "en", - "berg" - ], - [ - "Ġent", - "ers" - ], - [ - "p", - "ng" - ], - [ - "ĠF", - "lex" - ], - [ - "Assum", - "e" - ], - [ - "ĠB", - "ad" - ], - [ - "ĠSimilar", - "ities" - ], - [ - "Ex", - "perim" - ], - [ - "AT", - "H" - ], - [ - "Ġ", - "ut" - ], - [ - "ter", - "ms" - ], - [ - "ĠM", - "ol" - ], - [ - "Ġvis", - "ually" - ], - [ - "Ġadop", - "tion" - ], - [ - "Ġprint", - "ing" - ], - [ - "Ġequ", - "iv" - ], - [ - "ĠP", - "ert" - ], - [ - "Ġper", - "col" - ], - [ - "Ġsome", - "one" - ], - [ - "abul", - "ary" - ], - [ - "Ġle", - "ver" - ], - [ - "ĠH", - "aus" - ], - [ - "ic", - "illin" - ], - [ - "it", - "ar" - ], - [ - "Ġto", - "urn" - ], - [ - "Al", - "tern" - ], - [ - "Ex", - "p" - ], - [ - "~~", - "~~" - ], - [ - "ĠF", - "o" - ], - [ - "Ġab", - "ol" - ], - [ - "med", - "ian" - ], - [ - "Ġroll", - "ing" - ], - [ - "h", - "m" - ], - [ - "Ġtel", - "escope" - ], - [ - "ĠC", - "av" - ], - [ - "Ġseed", - "lings" - ], - [ - "in", - "hib" - ], - [ - "Ġd", - "in" - ], - [ - "Ġimp", - "urities" - ], - [ - "Ġampl", - "ifier" - ], - [ - "ĠK", - "er" - ], - [ - "Ġdimin", - "ished" - ], - [ - "P", - "B" - ], - [ - "f", - "ib" - ], - [ - "ro", - "ck" - ], - [ - "ĠB", - "in" - ], - [ - "Ġphotos", - "ynthetic" - ], - [ - "ĠCr", - "ypt" - ], - [ - "Ġpre", - "term" - ], - [ - "Ġh", - "its" - ], - [ - "Ġfract", - "al" - ], - [ - "Ġdisc", - "arded" - ], - [ - "Ġend", - "ocrine" - ], - [ - "os", - "hi" - ], - [ - "Ġmod", - "ulo" - ], - [ - "w", - "t" - ], - [ - "Ġqu", - "enching" - ], - [ - "Ġsound", - "s" - ], - [ - "ĠED", - "TA" - ], - [ - "re", - "active" - ], - [ - "Ġres", - "ist" - ], - [ - "ang", - "hai" - ], - [ - "Ġn", - "arr" - ], - [ - "Ġiniti", - "ate" - ], - [ - "ĠS", - "aint" - ], - [ - "X", - "R" - ], - [ - "Ge", - "V" - ], - [ - "ĠInd", - "ependent" - ], - [ - "Ġinj", - "ective" - ], - [ - "up", - "us" - ], - [ - "Ġl", - "inguistic" - ], - [ - "Ġanalog", - "ues" - ], - [ - "Ġdiss", - "ection" - ], - [ - "Ġlas", - "ers" - ], - [ - "di", - "ab" - ], - [ - "ĠTe", - "le" - ], - [ - "Ġc", - "racks" - ], - [ - "Ġb", - "rane" - ], - [ - "V", - "O" - ], - [ - "ĠExt", - "ended" - ], - [ - "Ġt", - "ells" - ], - [ - "Ġremark", - "s" - ], - [ - "ul", - "ting" - ], - [ - "ĠB", - "urn" - ], - [ - "d", - "L" - ], - [ - "ress", - "ible" - ], - [ - "ĠCh", - "ap" - ], - [ - "Ġs", - "q" - ], - [ - "Ġrepro", - "duced" - ], - [ - "ĠB", - "cl" - ], - [ - "Ġsw", - "arm" - ], - [ - "opath", - "ology" - ], - [ - "ch", - "rotron" - ], - [ - "Ġm", - "ine" - ], - [ - "Ġhad", - "ronic" - ], - [ - "ĠLocal", - "ization" - ], - [ - "ĠM", - "otor" - ], - [ - "Ġvisual", - "ize" - ], - [ - "Ġc", - "ats" - ], - [ - "Ġbal", - "ancing" - ], - [ - "ĠSc", - "hed" - ], - [ - "Co", - "A" - ], - [ - "Ġtherm", - "odynamics" - ], - [ - "ĠDiagn", - "ostic" - ], - [ - "Ġreli", - "ef" - ], - [ - "Ġpos", - "itivity" - ], - [ - "Ġh", - "ub" - ], - [ - "ĠInf", - "rared" - ], - [ - "S", - "ur" - ], - [ - "om", - "ed" - ], - [ - "Ġop", - "tically" - ], - [ - "Ġv", - "ascul" - ], - [ - "is", - "ations" - ], - [ - "enc", - "oder" - ], - [ - "Ġcopol", - "ymer" - ], - [ - "Ġrest", - "ore" - ], - [ - "Ġiner", - "tia" - ], - [ - "ubic", - "in" - ], - [ - "Ġeti", - "ology" - ], - [ - "ĠSec", - "ret" - ], - [ - "ĠC", - "W" - ], - [ - "Con", - "st" - ], - [ - "ĠBr", - "it" - ], - [ - "ĠConst", - "ant" - ], - [ - "ĠD", - "IS" - ], - [ - "Ġdisc", - "ipl" - ], - [ - "b", - "ra" - ], - [ - "ĠO", - "ral" - ], - [ - "ĠU", - "L" - ], - [ - "Ġdel", - "ine" - ], - [ - "Ġnucle", - "on" - ], - [ - "Ġemploy", - "ment" - ], - [ - "ĠR", - "D" - ], - [ - "q", - "q" - ], - [ - "ĠCarol", - "ina" - ], - [ - "ĠG", - "ab" - ], - [ - "Ġasser", - "tion" - ], - [ - "CM", - "C" - ], - [ - "r", - "gb" - ], - [ - "F", - "rame" - ], - [ - "ĠJ", - "ust" - ], - [ - "Ġinoc", - "ulation" - ], - [ - "cl", - "uding" - ], - [ - "Ġoscill", - "atory" - ], - [ - "Ġcanc", - "el" - ], - [ - "ĠPo", - "inc" - ], - [ - "por", - "a" - ], - [ - "ĠJ", - "ul" - ], - [ - "ru", - "vate" - ], - [ - "Ġpoli", - "tic" - ], - [ - "ur", - "us" - ], - [ - "ĠAdv", - "ances" - ], - [ - "ĠR", - "oot" - ], - [ - "th", - "ood" - ], - [ - "oxygen", - "ase" - ], - [ - "ms", - "g" - ], - [ - "Ġk", - "V" - ], - [ - "Ġad", - "mit" - ], - [ - "Ġrefrac", - "tory" - ], - [ - "Ġclon", - "ing" - ], - [ - "Ġf", - "atal" - ], - [ - "plant", - "ation" - ], - [ - "ĠG", - "ir" - ], - [ - "Ġt", - "es" - ], - [ - "ĠR", - "ho" - ], - [ - "oh", - "n" - ], - [ - "Ġinnov", - "ation" - ], - [ - "Ġs", - "ending" - ], - [ - "Ġc", - "able" - ], - [ - "Ġnic", - "he" - ], - [ - "Ġres", - "erve" - ], - [ - "Ġat", - "rophy" - ], - [ - "ath", - "an" - ], - [ - "ĠÃ", - "ij" - ], - [ - "iti", - "zation" - ], - [ - "Ġf", - "an" - ], - [ - "Ġb", - "ubbles" - ], - [ - "ĠTheorem", - "s" - ], - [ - "ĠSw", - "itzerland" - ], - [ - "ĠHe", - "isenberg" - ], - [ - "ĠRed", - "uced" - ], - [ - "R", - "a" - ], - [ - "Z", - "r" - ], - [ - "ĠPoss", - "ible" - ], - [ - "U", - "psilon" - ], - [ - "ĠAg", - "ric" - ], - [ - "el", - "lect" - ], - [ - "nd", - "s" - ], - [ - "math", - "ds" - ], - [ - "at", - "re" - ], - [ - "Ġfor", - "aging" - ], - [ - "Ġup", - "ward" - ], - [ - "id", - "ene" - ], - [ - "Ġgl", - "ands" - ], - [ - "f", - "ed" - ], - [ - "uccess", - "ful" - ], - [ - "ĠW", - "olf" - ], - [ - "Ġuseful", - "ness" - ], - [ - "op", - "orous" - ], - [ - "Ġp", - "unct" - ], - [ - "ard", - "o" - ], - [ - "Ġsy", - "stolic" - ], - [ - "ĠTarget", - "ing" - ], - [ - "Ġill", - "umin" - ], - [ - "Ġpig", - "ment" - ], - [ - "Ġsim", - "ulating" - ], - [ - "Ġpor", - "tions" - ], - [ - "ĠPrinc", - "iples" - ], - [ - "ĠHop", - "f" - ], - [ - "l", - "ipid" - ], - [ - "ĠL", - "U" - ], - [ - "ub", - "ation" - ], - [ - "ĠAr", - "tificial" - ], - [ - "Ġpr", - "ison" - ], - [ - "an", - "ing" - ], - [ - "ĠG", - "N" - ], - [ - "ĠStrateg", - "ies" - ], - [ - "ĠP", - "as" - ], - [ - "T", - "a" - ], - [ - "ĠProb", - "ability" - ], - [ - "or", - "um" - ], - [ - "Ġs", - "keleton" - ], - [ - "Ġcomp", - "artments" - ], - [ - "R", - "ead" - ], - [ - "Ġco", - "ach" - ], - [ - "Ġmod", - "ality" - ], - [ - "ĠReg", - "ister" - ], - [ - "Ġj", - "e" - ], - [ - "Ġhe", - "ights" - ], - [ - "in", - "yl" - ], - [ - "Ġsub", - "spaces" - ], - [ - "ti", - "p" - ], - [ - "Ġá", - "¸" - ], - [ - "ĠG", - "I" - ], - [ - "Ch", - "ar" - ], - [ - "ro", - "genic" - ], - [ - "ret", - "t" - ], - [ - "eu", - "tics" - ], - [ - "Ġadhes", - "ive" - ], - [ - "ĠP", - "ier" - ], - [ - "Le", - "ft" - ], - [ - "id", - "ental" - ], - [ - "NA", - "c" - ], - [ - "Ġconjug", - "ation" - ], - [ - "or", - "ov" - ], - [ - "id", - "ge" - ], - [ - "im", - "aging" - ], - [ - "ĠT", - "W" - ], - [ - "Ġpres", - "ident" - ], - [ - "ĠO", - "ste" - ], - [ - "ass", - "emb" - ], - [ - "Ġinter", - "net" - ], - [ - "Ġde", - "als" - ], - [ - "ĠG", - "AP" - ], - [ - "Ġform", - "ulate" - ], - [ - "ĠUp", - "date" - ], - [ - "ĠRNA", - "i" - ], - [ - "cl", - "ero" - ], - [ - "Ġpermut", - "ations" - ], - [ - "Ġisotop", - "es" - ], - [ - "op", - "ic" - ], - [ - "ĠQ", - "U" - ], - [ - "rom", - "es" - ], - [ - "ĠPol", - "icy" - ], - [ - "ĠC", - "reek" - ], - [ - "ĠWind", - "ows" - ], - [ - "Ġm", - "erge" - ], - [ - "Ġacc", - "ident" - ], - [ - "Ġsuper", - "position" - ], - [ - "Ġdeb", - "ate" - ], - [ - "Ġdocument", - "ation" - ], - [ - "Ġeigen", - "vectors" - ], - [ - "s", - "or" - ], - [ - "ĠPh", - "oto" - ], - [ - "Ġdepos", - "it" - ], - [ - "Ġgerm", - "ination" - ], - [ - "Ġsub", - "graph" - ], - [ - "ĠRec", - "ords" - ], - [ - "Ġchem", - "ically" - ], - [ - "ĠPredic", - "ting" - ], - [ - "ĠK", - "y" - ], - [ - "se", - "lective" - ], - [ - "yn", - "man" - ], - [ - "dis", - "pers" - ], - [ - "Ġlum", - "bar" - ], - [ - "Ġmus", - "ical" - ], - [ - "in", - "ates" - ], - [ - "Ġinher", - "ited" - ], - [ - "j", - "u" - ], - [ - "Ġtrac", - "er" - ], - [ - "Ġend", - "ing" - ], - [ - "Ġeng", - "aged" - ], - [ - "hand", - "ed" - ], - [ - "Ġproduc", - "er" - ], - [ - "Ġent", - "angled" - ], - [ - "ĠD", - "elta" - ], - [ - "Ġpiec", - "ewise" - ], - [ - "NA", - "ME" - ], - [ - "st", - "op" - ], - [ - "Ġmut", - "ated" - ], - [ - "Ġre", - "cess" - ], - [ - "Ġimmun", - "o" - ], - [ - "c", - "ancer" - ], - [ - "ĠAk", - "t" - ], - [ - "it", - "ers" - ], - [ - "ĠB", - "MP" - ], - [ - "Ġcompan", - "ion" - ], - [ - "Ġcommun", - "icate" - ], - [ - "Ġh", - "ollow" - ], - [ - "Ġp", - "ad" - ], - [ - "Ġs", - "ph" - ], - [ - "om", - "od" - ], - [ - "Ġpar", - "ton" - ], - [ - "Ġspontaneous", - "ly" - ], - [ - "e", - "ared" - ], - [ - "Ġrot", - "ations" - ], - [ - "Ġcosm", - "ology" - ], - [ - "Ġmore", - "over" - ], - [ - "pr", - "inc" - ], - [ - "Ġevery", - "where" - ], - [ - "b", - "rane" - ], - [ - "l", - "ational" - ], - [ - "em", - "e" - ], - [ - "Ġbeh", - "ave" - ], - [ - "um", - "en" - ], - [ - "ost", - "on" - ], - [ - "ov", - "es" - ], - [ - "Ġg", - "ar" - ], - [ - "Ġad", - "renal" - ], - [ - "ĠEstim", - "ating" - ], - [ - "N", - "b" - ], - [ - "Ġech", - "ocardi" - ], - [ - "Ġemphas", - "ized" - ], - [ - "Ġeng", - "ines" - ], - [ - "Ġbrack", - "ets" - ], - [ - "Ġlead", - "ers" - ], - [ - "Ġdistinc", - "tive" - ], - [ - "ĠL", - "ymph" - ], - [ - "Ġex", - "ert" - ], - [ - "Ġinnov", - "ative" - ], - [ - "c", - "oupling" - ], - [ - "ĠSign", - "ific" - ], - [ - "she", - "et" - ], - [ - "ĠC", - "over" - ], - [ - "ĠC", - "CD" - ], - [ - "ĠF", - "all" - ], - [ - "stim", - "ulated" - ], - [ - "Ġsuper", - "oxide" - ], - [ - "Ġpollut", - "ants" - ], - [ - "Ġby", - "tes" - ], - [ - "ĠL", - "ipid" - ], - [ - "Ġtra", - "fficking" - ], - [ - "Ġlead", - "ership" - ], - [ - "inform", - "atics" - ], - [ - "Ġbiod", - "iversity" - ], - [ - "ad", - "or" - ], - [ - "Ġinter", - "conn" - ], - [ - "Ġharmon", - "ics" - ], - [ - "Ġseaw", - "ater" - ], - [ - "ĠIll", - "umina" - ], - [ - "necess", - "ary" - ], - [ - "ĠAnt", - "on" - ], - [ - "Ġprocess", - "ors" - ], - [ - "typ", - "ename" - ], - [ - "D", - "et" - ], - [ - "pro", - "ton" - ], - [ - "Ġsubt", - "raction" - ], - [ - "Ġshif", - "ting" - ], - [ - "Ġcust", - "omers" - ], - [ - "K", - "e" - ], - [ - "ĠO", - "B" - ], - [ - "aton", - "in" - ], - [ - "at", - "ellite" - ], - [ - "ĠS", - "US" - ], - [ - "ĠCol", - "on" - ], - [ - "ĠTim", - "es" - ], - [ - "T", - "V" - ], - [ - "ĠM", - "ink" - ], - [ - "ĠIntegr", - "ation" - ], - [ - "Ġprof", - "ound" - ], - [ - "IT", - "C" - ], - [ - "Ġg", - "ras" - ], - [ - "ĠNA", - "SA" - ], - [ - "ĠAC", - "K" - ], - [ - "radi", - "ol" - ], - [ - "ĠM", - "ale" - ], - [ - "ĠWork", - "ing" - ], - [ - "tic", - "ity" - ], - [ - "ilibri", - "a" - ], - [ - "bound", - "ary" - ], - [ - "ĠR", - "I" - ], - [ - "ĠAl", - "i" - ], - [ - "car", - "di" - ], - [ - "ĠF", - "GF" - ], - [ - "b", - "ranes" - ], - [ - "Ġbe", - "et" - ], - [ - "Ġmiss", - "ed" - ], - [ - "S", - "ource" - ], - [ - "ĠB", - "ot" - ], - [ - "ie", - "ve" - ], - [ - "Ġis", - "other" - ], - [ - "ne", - "ys" - ], - [ - "n", - "l" - ], - [ - "or", - "tion" - ], - [ - "Ġcool", - "ed" - ], - [ - "M", - "V" - ], - [ - "Ġo", - "mit" - ], - [ - "Ġver", - "bal" - ], - [ - "aret", - "te" - ], - [ - "Ġconf", - "erence" - ], - [ - "Ġtransform", - "er" - ], - [ - "Ġre", - "jected" - ], - [ - "Ġprogress", - "ively" - ], - [ - "ĠTur", - "key" - ], - [ - "Ġath", - "letes" - ], - [ - "Ġan", - "atomy" - ], - [ - "E", - "Q" - ], - [ - "Ġdeterior", - "ation" - ], - [ - "ĠDi", - "etary" - ], - [ - "Ġcor", - "n" - ], - [ - "Ġcaps", - "ule" - ], - [ - "Ġvibr", - "ations" - ], - [ - "Ġoccup", - "ational" - ], - [ - "Ġex", - "osomes" - ], - [ - "Ġre", - "written" - ], - [ - "Ġlign", - "in" - ], - [ - "Ġbi", - "opsies" - ], - [ - "ĠAdvers", - "arial" - ], - [ - "Ġm", - "ercury" - ], - [ - "Ġpl", - "atinum" - ], - [ - "Ġirre", - "levant" - ], - [ - "Ġker", - "atin" - ], - [ - "ĠE", - "mission" - ], - [ - "Ġeukary", - "otic" - ], - [ - "Ġinte", - "g" - ], - [ - "Ġkn", - "ot" - ], - [ - "Ġser", - "a" - ], - [ - "Ġcav", - "ities" - ], - [ - "ĠMed", - "i" - ], - [ - "Ind", - "eed" - ], - [ - "E", - "u" - ], - [ - "Ġâ", - "Ł" - ], - [ - "Ġsc", - "enes" - ], - [ - "Ġlap", - "aroscopic" - ], - [ - "Ġsen", - "ior" - ], - [ - "ĠD", - "istance" - ], - [ - "pred", - "ic" - ], - [ - "Ġear", - "liest" - ], - [ - "Ġor", - "g" - ], - [ - "ĠTh", - "or" - ], - [ - "b", - "ury" - ], - [ - "obl", - "asts" - ], - [ - "Ġp", - "umping" - ], - [ - "target", - "ed" - ], - [ - "Ġra", - "p" - ], - [ - "ĠP", - "il" - ], - [ - "Î", - "ł" - ], - [ - "Ġneu", - "rom" - ], - [ - "o", - "ft" - ], - [ - "ost", - "at" - ], - [ - "Ġp", - "adding" - ], - [ - "Ġconflic", - "ts" - ], - [ - "Ġst", - "ems" - ], - [ - "ĠSac", - "charomyces" - ], - [ - "eng", - "ine" - ], - [ - "Ġalk", - "yl" - ], - [ - "Ġt", - "ill" - ], - [ - "ĠQu", - "ad" - ], - [ - "g", - "ood" - ], - [ - "ro", - "x" - ], - [ - "ĠF", - "uzzy" - ], - [ - "Ġrob", - "otic" - ], - [ - "ĠDen", - "ote" - ], - [ - "ĠN", - "IR" - ], - [ - "ĠY", - "uk" - ], - [ - "paren", - "cy" - ], - [ - "Ġle", - "gs" - ], - [ - "yl", - "van" - ], - [ - "Ġtight", - "ly" - ], - [ - "Ġdec", - "or" - ], - [ - "ĠV", - "P" - ], - [ - "ĠM", - "un" - ], - [ - "at", - "oms" - ], - [ - "ĠSil", - "ver" - ], - [ - "Ġneurode", - "generative" - ], - [ - "Ġrespond", - "ed" - ], - [ - "Ġrec", - "ons" - ], - [ - "G", - "EN" - ], - [ - "ĠF", - "ine" - ], - [ - "f", - "c" - ], - [ - "Ġpar", - "agraph" - ], - [ - "Ġint", - "ens" - ], - [ - "Ġalong", - "side" - ], - [ - "Ġb", - "rand" - ], - [ - "mon", - "ium" - ], - [ - "Ġp", - "m" - ], - [ - "Ġsimple", - "x" - ], - [ - "ĠPrelim", - "inary" - ], - [ - "Ġdown", - "regulation" - ], - [ - "Ġx", - "y" - ], - [ - "ĠM", - "ak" - ], - [ - "op", - "ter" - ], - [ - "ush", - "ing" - ], - [ - "ĠB", - "og" - ], - [ - "ox", - "ia" - ], - [ - "================", - "================" - ], - [ - "com", - "mon" - ], - [ - "ĠA", - "SS" - ], - [ - "ĠHD", - "L" - ], - [ - "alam", - "us" - ], - [ - "Ġirrig", - "ation" - ], - [ - "N", - "M" - ], - [ - "Ġf", - "ading" - ], - [ - "Ġprev", - "entive" - ], - [ - "Ġreli", - "ably" - ], - [ - "ĠEthiop", - "ia" - ], - [ - "ot", - "hesis" - ], - [ - "iz", - "ability" - ], - [ - "O", - "B" - ], - [ - "Ġtrig", - "lycer" - ], - [ - "Ġgest", - "ational" - ], - [ - "Ġb", - "esides" - ], - [ - "ĠI", - "ii" - ], - [ - "ĠZ", - "one" - ], - [ - "Ġcop", - "ing" - ], - [ - "Ġminor", - "ity" - ], - [ - "Ġdepri", - "vation" - ], - [ - "Ġhex", - "agonal" - ], - [ - "chlor", - "ophenyl" - ], - [ - "ĠóµĦ", - "¨" - ], - [ - "Ġg", - "yr" - ], - [ - "Ġview", - "ing" - ], - [ - "New", - "ton" - ], - [ - "ĠHierarch", - "ical" - ], - [ - "o", - "L" - ], - [ - "ec", - "es" - ], - [ - "Ġconcl", - "udes" - ], - [ - "Ġfung", - "us" - ], - [ - "Ġpyl", - "ori" - ], - [ - "Ġobstac", - "les" - ], - [ - "th", - "iazol" - ], - [ - "conjug", - "ated" - ], - [ - "r", - "ass" - ], - [ - "Ġl", - "ose" - ], - [ - "Ġfor", - "th" - ], - [ - "ĠAll", - "en" - ], - [ - "opl", - "ast" - ], - [ - "ĠProt", - "ection" - ], - [ - "Ġintermitt", - "ent" - ], - [ - "Ġluc", - "iferase" - ], - [ - "ĠM", - "K" - ], - [ - "Ġga", - "ug" - ], - [ - "ĠF", - "an" - ], - [ - "Ġmod", - "al" - ], - [ - "ĠEx", - "ercise" - ], - [ - "sc", - "attering" - ], - [ - "ĠSh", - "im" - ], - [ - "Ġexc", - "retion" - ], - [ - "Ġat", - "ypical" - ], - [ - "Ġmalign", - "ancies" - ], - [ - "angl", - "ades" - ], - [ - "ĠSpect", - "roscopy" - ], - [ - "Ġaden", - "osine" - ], - [ - "l", - "if" - ], - [ - "Ġnucle", - "ic" - ], - [ - "Ġincl", - "ination" - ], - [ - "ĠC", - "ass" - ], - [ - "Ġeth", - "n" - ], - [ - "Ġex", - "empl" - ], - [ - "ĠD", - "y" - ], - [ - "Ġl", - "ambda" - ], - [ - "Ġj", - "ac" - ], - [ - "ĠP", - "RE" - ], - [ - "Ġrail", - "way" - ], - [ - "Ġf", - "le" - ], - [ - "Ġreflec", - "tions" - ], - [ - "Ġnano", - "structures" - ], - [ - "ti", - "sts" - ], - [ - "pr", - "ints" - ], - [ - "ĠC", - "AT" - ], - [ - "Ġs", - "ib" - ], - [ - "Ġchlor", - "o" - ], - [ - "Ġrecip", - "ient" - ], - [ - "op", - "tic" - ], - [ - "Ġcoun", - "ty" - ], - [ - "Ġnucle", - "otides" - ], - [ - "Ġz", - "ircon" - ], - [ - "Ġhors", - "es" - ], - [ - "ĠM", - "ental" - ], - [ - "in", - "line" - ], - [ - "ĠNor", - "way" - ], - [ - "The", - "y" - ], - [ - "Ġmusc", - "ular" - ], - [ - "ace", - "tic" - ], - [ - "ĠJ", - "u" - ], - [ - "Ġcommun", - "ic" - ], - [ - "f", - "iles" - ], - [ - "f", - "illed" - ], - [ - "H", - "B" - ], - [ - "Ġreg", - "ulations" - ], - [ - "Ġaccum", - "ulate" - ], - [ - "ĠPan", - "el" - ], - [ - "C", - "y" - ], - [ - "ö", - "l" - ], - [ - "ĠPak", - "istan" - ], - [ - "Ġthor", - "acic" - ], - [ - "ĠM", - "PI" - ], - [ - "por", - "tion" - ], - [ - "Ġinduc", - "tive" - ], - [ - "ĠCong", - "ress" - ], - [ - "Ġfibrobl", - "ast" - ], - [ - "cl", - "ust" - ], - [ - "Ġcent", - "res" - ], - [ - "ad", - "el" - ], - [ - "Ġsubstit", - "utions" - ], - [ - "Ġtrunc", - "ation" - ], - [ - "r", - "ification" - ], - [ - "ok", - "a" - ], - [ - "F", - "low" - ], - [ - "ĠRed", - "uc" - ], - [ - "polar", - "ized" - ], - [ - "ib", - "ular" - ], - [ - "P", - "e" - ], - [ - "ĠA", - "ML" - ], - [ - "ĠAg", - "ency" - ], - [ - "Ġt", - "ilt" - ], - [ - "ubl", - "ished" - ], - [ - "Ġdep", - "olar" - ], - [ - "Ġbel", - "t" - ], - [ - "Ġoptim", - "izer" - ], - [ - "EL", - "L" - ], - [ - "ĠHand", - "book" - ], - [ - "ĠVirgin", - "ia" - ], - [ - "s", - "ense" - ], - [ - "ĠD", - "ur" - ], - [ - "Ġpiezo", - "electric" - ], - [ - "Ġaward", - "ed" - ], - [ - "ail", - "ing" - ], - [ - "P", - "os" - ], - [ - "p", - "ref" - ], - [ - "ĠSum", - "mer" - ], - [ - "ed", - "o" - ], - [ - "ĠI", - "de" - ], - [ - "ĠB", - "SA" - ], - [ - "Ġmon", - "omers" - ], - [ - "Ġco", - "agulation" - ], - [ - "Ġg", - "am" - ], - [ - "Ġhom", - "es" - ], - [ - "Ġhead", - "s" - ], - [ - "adm", - "ium" - ], - [ - "ĠO", - "C" - ], - [ - "Ġoccup", - "ancy" - ], - [ - "ĠEm", - "pirical" - ], - [ - "ĠI", - "i" - ], - [ - "Ġch", - "ir" - ], - [ - "Ġdegener", - "acy" - ], - [ - "Ġflow", - "ers" - ], - [ - "Ġsuperconduc", - "tivity" - ], - [ - "Ġin", - "versely" - ], - [ - "op", - "tical" - ], - [ - "w", - "ere" - ], - [ - "ĠAs", - "ymptotic" - ], - [ - "S", - "ec" - ], - [ - "tit", - "le" - ], - [ - "pos", - "al" - ], - [ - "ĠPro", - "gn" - ], - [ - "Ġpos", - "es" - ], - [ - "ĠB", - "orn" - ], - [ - "Ġcontinu", - "ation" - ], - [ - "Ġcul", - "tivated" - ], - [ - "enti", - "ment" - ], - [ - "Ġman", - "aging" - ], - [ - "Ġthromb", - "osis" - ], - [ - "a", - "ug" - ], - [ - "CN", - "T" - ], - [ - "ure", - "a" - ], - [ - "Ġsp", - "ind" - ], - [ - "ĠWhere", - "as" - ], - [ - "ĠPers", - "on" - ], - [ - "Ġb", - "ipartite" - ], - [ - "Ġres", - "cal" - ], - [ - "Ġmark", - "ets" - ], - [ - "ph", - "an" - ], - [ - "per", - "ties" - ], - [ - "Ġferm", - "ionic" - ], - [ - "Ġmunic", - "ip" - ], - [ - "Ġachie", - "vable" - ], - [ - "t", - "ab" - ], - [ - "Å", - "į" - ], - [ - "ĠRel", - "ation" - ], - [ - "T", - "otal" - ], - [ - "x", - "ia" - ], - [ - "Ġintellig", - "ent" - ], - [ - "ĠU", - "T" - ], - [ - "ĠD", - "al" - ], - [ - "Ġmedic", - "inal" - ], - [ - "Ġinadequ", - "ate" - ], - [ - "i", - "ently" - ], - [ - "ers", - "en" - ], - [ - "Ġpre", - "condition" - ], - [ - "Ġmethod", - "ological" - ], - [ - "Ġcan", - "opy" - ], - [ - "Ġbacter", - "ium" - ], - [ - "col", - "umn" - ], - [ - "C", - "al" - ], - [ - "ĠDi", - "ego" - ], - [ - "ĠS", - "ak" - ], - [ - "ĠComprehens", - "ive" - ], - [ - "Ġanti", - "tumor" - ], - [ - "Ġflow", - "er" - ], - [ - "ĠK", - "han" - ], - [ - "Ġmet", - "adata" - ], - [ - "Ġphot", - "ore" - ], - [ - "ogen", - "icity" - ], - [ - "Ġle", - "ague" - ], - [ - "ol", - "ating" - ], - [ - "Ġprom", - "ise" - ], - [ - "ĠP", - "ere" - ], - [ - "Ġper", - "mits" - ], - [ - "Ġthread", - "s" - ], - [ - "ĠD", - "Cs" - ], - [ - "ĠCh", - "am" - ], - [ - "raz", - "ol" - ], - [ - "B", - "ank" - ], - [ - "Ġwithdraw", - "al" - ], - [ - "Ġapp", - "end" - ], - [ - "ot", - "helial" - ], - [ - "ĠMeas", - "ures" - ], - [ - "Ġguid", - "eline" - ], - [ - "Ġmitig", - "ate" - ], - [ - "adj", - "oint" - ], - [ - "Ġbrack", - "et" - ], - [ - "P", - "ad" - ], - [ - "M", - "ills" - ], - [ - "Bu", - "ffer" - ], - [ - "Ġc", - "ass" - ], - [ - "h", - "oc" - ], - [ - "manif", - "olds" - ], - [ - "her", - "ry" - ], - [ - "Ġfacilit", - "ated" - ], - [ - "E", - "vent" - ], - [ - "Ġ", - "È" - ], - [ - "ĠC", - "ruz" - ], - [ - "ĠB", - "rand" - ], - [ - "Ġnecess", - "ity" - ], - [ - "burg", - "h" - ], - [ - "Ġme", - "V" - ], - [ - "Ġc", - "AMP" - ], - [ - "O", - "ff" - ], - [ - "se", - "lected" - ], - [ - "Ġeng", - "age" - ], - [ - "Ġredund", - "ancy" - ], - [ - "Ġnanocom", - "posites" - ], - [ - "s", - "olution" - ], - [ - "ons", - "et" - ], - [ - "ĠEx", - "posure" - ], - [ - "Ġrepe", - "titive" - ], - [ - "Ã", - "ł" - ], - [ - "ĠR", - "AD" - ], - [ - "ĠTur", - "k" - ], - [ - "Ġcorne", - "al" - ], - [ - "Ġexplo", - "iting" - ], - [ - "Ġob", - "structive" - ], - [ - "gram", - "ming" - ], - [ - "ĠM", - "ED" - ], - [ - "Ġmat", - "hem" - ], - [ - "Ġconduc", - "tive" - ], - [ - "Ġphotos", - "ynthesis" - ], - [ - "E", - "instein" - ], - [ - "ĠP", - "eng" - ], - [ - "M", - "W" - ], - [ - "ĠSch", - "midt" - ], - [ - "Ġrepe", - "tition" - ], - [ - "identif", - "ied" - ], - [ - "Ġinj", - "ured" - ], - [ - "Ġdef", - "ective" - ], - [ - "ĠP", - "el" - ], - [ - "Ġcul", - "tivation" - ], - [ - "Ġfirst", - "ly" - ], - [ - "Ġanalyz", - "er" - ], - [ - "Ġstain", - "less" - ], - [ - "Ġjo", - "ining" - ], - [ - "ĠOxid", - "ative" - ], - [ - "Ġph", - "age" - ], - [ - "Ġexp", - "endit" - ], - [ - "Ġhom", - "ogeneity" - ], - [ - "ip", - "le" - ], - [ - "ov", - "ic" - ], - [ - "Ġcross", - "ed" - ], - [ - "ĠTr", - "ust" - ], - [ - "ĠF", - "ract" - ], - [ - "rophys", - "iological" - ], - [ - "Ġbas", - "ically" - ], - [ - "Ġco", - "ales" - ], - [ - "Ġgra", - "vit" - ], - [ - "ful", - "ness" - ], - [ - "c", - "ano" - ], - [ - "Ġcol", - "itis" - ], - [ - "Ġcha", - "os" - ], - [ - "carb", - "ons" - ], - [ - "O", - "nce" - ], - [ - "ĠTow", - "ard" - ], - [ - "or", - "f" - ], - [ - "top", - "ic" - ], - [ - "ĠPl", - "ay" - ], - [ - "ĠCor", - "respond" - ], - [ - "ĠS", - "leep" - ], - [ - "ticular", - "ly" - ], - [ - "c", - "umin" - ], - [ - "v", - "dots" - ], - [ - "ĠR", - "he" - ], - [ - "Ġult", - "raf" - ], - [ - "Ġtimes", - "cale" - ], - [ - "ĠDet", - "ails" - ], - [ - "ang", - "les" - ], - [ - "Ġsur", - "rogate" - ], - [ - "ĠFlu", - "id" - ], - [ - "c", - "z" - ], - [ - "Ġinitial", - "ization" - ], - [ - "ĠTel", - "escope" - ], - [ - "r", - "ases" - ], - [ - "ĠSt", - "ock" - ], - [ - "ĠC", - "ond" - ], - [ - "Ġimmun", - "odeficiency" - ], - [ - "B", - "el" - ], - [ - "os", - "er" - ], - [ - "sh", - "own" - ], - [ - "Ġk", - "cal" - ], - [ - "Equ", - "ation" - ], - [ - "prot", - "ective" - ], - [ - "Ġcall", - "ing" - ], - [ - "Ġanticip", - "ated" - ], - [ - "Ġambig", - "uity" - ], - [ - "ĠN", - "ode" - ], - [ - "ĠG", - "D" - ], - [ - "Ġin", - "let" - ], - [ - "Ġbre", - "ad" - ], - [ - "Ġexceed", - "ed" - ], - [ - "Ġimmun", - "ization" - ], - [ - "Ġpro", - "hib" - ], - [ - "y", - "tic" - ], - [ - "Ġbo", - "ys" - ], - [ - "t", - "u" - ], - [ - "Ġto", - "wer" - ], - [ - "L", - "ike" - ], - [ - "ĠAn", - "omal" - ], - [ - "â", - "Į" - ], - [ - "ĠSh", - "ow" - ], - [ - "Ġim", - "aged" - ], - [ - "Ġequ", - "il" - ], - [ - "Ġrend", - "ering" - ], - [ - "ob", - "ility" - ], - [ - "Ġge", - "ological" - ], - [ - "f", - "riend" - ], - [ - "ö", - "r" - ], - [ - "carbox", - "amide" - ], - [ - "ovol", - "ta" - ], - [ - "C", - "urrent" - ], - [ - "ĠS", - "ti" - ], - [ - "ĠM", - "U" - ], - [ - "Ġval", - "ued" - ], - [ - "Ġpo", - "ison" - ], - [ - "Ġprac", - "tically" - ], - [ - "Ġrequ", - "ested" - ], - [ - "C", - "ode" - ], - [ - "Ġbr", - "ings" - ], - [ - "Ġdim", - "ethyl" - ], - [ - "h", - "yp" - ], - [ - "ce", - "mic" - ], - [ - "V", - "ol" - ], - [ - "qu", - "anti" - ], - [ - "Ġex", - "ha" - ], - [ - "Ġrespons", - "ibility" - ], - [ - "ĠCont", - "rolled" - ], - [ - "Ġf", - "ur" - ], - [ - "Ġres", - "emb" - ], - [ - "ĠK", - "aw" - ], - [ - "Ġev", - "oked" - ], - [ - "Ġuter", - "ine" - ], - [ - "Ð", - "»" - ], - [ - "Ġan", - "onymous" - ], - [ - "ĠChall", - "enges" - ], - [ - "Ġanch", - "or" - ], - [ - "ĠAb", - "d" - ], - [ - "D", - "er" - ], - [ - "Ġtherm", - "ally" - ], - [ - "ĠC", - "AP" - ], - [ - "obl", - "ot" - ], - [ - "ĠF", - "ire" - ], - [ - "Ġdiagnos", - "tics" - ], - [ - "Ġexec", - "ute" - ], - [ - "al", - "is" - ], - [ - "ron", - "i" - ], - [ - "ĠHar", - "ris" - ], - [ - "ĠGon", - "z" - ], - [ - "Ġv", - "ig" - ], - [ - "ĠProf", - "essor" - ], - [ - "Ġinvent", - "ory" - ], - [ - "int", - "ensity" - ], - [ - "ĠNSC", - "LC" - ], - [ - "Ġinterf", - "ere" - ], - [ - "ysacchar", - "ides" - ], - [ - "Ġreg", - "ener" - ], - [ - "ĠAut", - "hors" - ], - [ - "Ġtransl", - "ate" - ], - [ - "ĠT", - "ests" - ], - [ - "ĠL", - "ove" - ], - [ - "ĠInd", - "uced" - ], - [ - "enn", - "is" - ], - [ - "ĠG", - "EN" - ], - [ - "Ġolig", - "onucle" - ], - [ - "Ġmet", - "er" - ], - [ - "s", - "atisf" - ], - [ - "hes", - "ion" - ], - [ - "Ġtrans", - "porters" - ], - [ - "B", - "IT" - ], - [ - "ĠCon", - "c" - ], - [ - "Ġgl", - "auc" - ], - [ - "sc", - "ores" - ], - [ - "Ġmerg", - "er" - ], - [ - "G", - "H" - ], - [ - "Ġst", - "oichi" - ], - [ - "ĠX", - "ia" - ], - [ - "eff", - "ects" - ], - [ - "ĠExpl", - "oring" - ], - [ - "dor", - "ff" - ], - [ - "Ġcardinal", - "ity" - ], - [ - "ĠK", - "az" - ], - [ - "f", - "alse" - ], - [ - "ĠH", - "SP" - ], - [ - "Ġuns", - "upervised" - ], - [ - "ingu", - "ish" - ], - [ - "isc", - "her" - ], - [ - "Ġrel", - "ativity" - ], - [ - "on", - "ormal" - ], - [ - "oot", - "hed" - ], - [ - "ed", - "ges" - ], - [ - "ĠI", - "MP" - ], - [ - "Ġimp", - "ulse" - ], - [ - "ĠColumb", - "ia" - ], - [ - "Ġpartic", - "ulate" - ], - [ - "ĠSupport", - "ing" - ], - [ - "ĠSD", - "SS" - ], - [ - "vol", - "tage" - ], - [ - "ĠAma", - "zon" - ], - [ - "Ġep", - "oxy" - ], - [ - "C", - "all" - ], - [ - "Big", - "l" - ], - [ - "Ġme", - "ets" - ], - [ - "Ġequ", - "atorial" - ], - [ - "Ġneu", - "ros" - ], - [ - "Ġper", - "itoneal" - ], - [ - "des", - "c" - ], - [ - "input", - "s" - ], - [ - "Ġex", - "terior" - ], - [ - "ac", - "o" - ], - [ - "Ġme", - "al" - ], - [ - "ĠDani", - "el" - ], - [ - "Ġintu", - "itive" - ], - [ - "Ġcoun", - "s" - ], - [ - "dep", - "ress" - ], - [ - "in", - "is" - ], - [ - "ph", - "ot" - ], - [ - "ĠA", - "min" - ], - [ - "Ġreservoir", - "s" - ], - [ - "ĠW", - "hole" - ], - [ - "Ġca", - "ud" - ], - [ - "Ġbos", - "onic" - ], - [ - "Ġread", - "ers" - ], - [ - "Ġcr", - "im" - ], - [ - "Ġpathophys", - "iology" - ], - [ - "arg", - "o" - ], - [ - "the", - "se" - ], - [ - "inc", - "ome" - ], - [ - "Ġiss", - "ued" - ], - [ - "Ġhepat", - "ocytes" - ], - [ - "ĠC", - "i" - ], - [ - "der", - "iv" - ], - [ - "up", - "ta" - ], - [ - "t", - "uple" - ], - [ - "ĠCh", - "an" - ], - [ - "Ġauthentic", - "ation" - ], - [ - "yg", - "d" - ], - [ - "Ġinf", - "in" - ], - [ - "Ġaccel", - "erate" - ], - [ - "ep", - "tive" - ], - [ - "Ġhydro", - "gel" - ], - [ - "ask", - "a" - ], - [ - "ON", - "E" - ], - [ - "Ġfed", - "eral" - ], - [ - "ograph", - "ics" - ], - [ - "Ġmu", - "on" - ], - [ - "Ġsl", - "ide" - ], - [ - "Ġellip", - "tical" - ], - [ - "at", - "ite" - ], - [ - "Ġc", - "c" - ], - [ - "ET", - "s" - ], - [ - "Ġclar", - "ity" - ], - [ - "ocy", - "cl" - ], - [ - "is", - "al" - ], - [ - "rec", - "tions" - ], - [ - "ay", - "an" - ], - [ - "row", - "eak" - ], - [ - "ĠS", - "OC" - ], - [ - "od", - "erm" - ], - [ - "t", - "un" - ], - [ - "as", - "m" - ], - [ - "ĠH", - "ir" - ], - [ - "lik", - "elihood" - ], - [ - "Ġad", - "ul" - ], - [ - "t", - "l" - ], - [ - "H", - "igh" - ], - [ - "Ġal", - "ters" - ], - [ - "plit", - "ude" - ], - [ - "ĠRe", - "lease" - ], - [ - "Ġharm", - "ful" - ], - [ - "l", - "ate" - ], - [ - "ound", - "s" - ], - [ - "ĠFed", - "eral" - ], - [ - "ĠEcon", - "omic" - ], - [ - "Ġra", - "bb" - ], - [ - "Ġaccommod", - "ate" - ], - [ - "em", - "ission" - ], - [ - "ĠB", - "ah" - ], - [ - "c", - "ox" - ], - [ - "ĠMod", - "ulation" - ], - [ - "Ġconstruc", - "tions" - ], - [ - "ign", - "er" - ], - [ - "ĠUrb", - "an" - ], - [ - "Ġw", - "ake" - ], - [ - "Ġadvers", - "ary" - ], - [ - "wik", - "ipedia" - ], - [ - "Ġsu", - "ite" - ], - [ - "w", - "ick" - ], - [ - "exp", - "ressed" - ], - [ - "ro", - "d" - ], - [ - "K", - "D" - ], - [ - "Ġcomput", - "ers" - ], - [ - "ĠB", - "anglades" - ], - [ - "Ġpers", - "ist" - ], - [ - "Ġburn", - "ing" - ], - [ - "Ġadministr", - "ative" - ], - [ - "Ġpl", - "ug" - ], - [ - "ĠRepresent", - "ations" - ], - [ - "ĠSc", - "attering" - ], - [ - "Ġendomet", - "rial" - ], - [ - "Ġdescript", - "ors" - ], - [ - "Ġcom", - "mission" - ], - [ - "B", - "ar" - ], - [ - "igh", - "th" - ], - [ - "ĠMar", - "sh" - ], - [ - "sam", - "pling" - ], - [ - "Ġh", - "ull" - ], - [ - "ic", - "in" - ], - [ - "Pro", - "b" - ], - [ - "Ġnur", - "se" - ], - [ - "Ġsh", - "am" - ], - [ - "ĠK", - "err" - ], - [ - "Ġpref", - "rontal" - ], - [ - "Ġfix", - "ing" - ], - [ - "O", - "K" - ], - [ - "Ġb", - "old" - ], - [ - "Ġcor", - "ollary" - ], - [ - "cf", - "g" - ], - [ - "ĠOx", - "ford" - ], - [ - "Ġbor", - "on" - ], - [ - "R", - "B" - ], - [ - "ĠC", - "ab" - ], - [ - "Big", - "r" - ], - [ - "ĠPred", - "ict" - ], - [ - "Ġpec", - "uliar" - ], - [ - "h", - "idden" - ], - [ - "is", - "a" - ], - [ - "id", - "en" - ], - [ - "appro", - "priate" - ], - [ - "or", - "h" - ], - [ - "ellect", - "ual" - ], - [ - "Ġseiz", - "ures" - ], - [ - "ass", - "er" - ], - [ - "til", - "is" - ], - [ - "hand", - "le" - ], - [ - "iax", - "ial" - ], - [ - "s", - "ym" - ], - [ - "Ġcarcin", - "omas" - ], - [ - "se", - "a" - ], - [ - "sp", - "ired" - ], - [ - "Ġab", - "rupt" - ], - [ - "t", - "ests" - ], - [ - "Ġw", - "elfare" - ], - [ - "ĠO", - "il" - ], - [ - "ĠLo", - "ad" - ], - [ - "FL", - "AG" - ], - [ - "ut", - "hal" - ], - [ - "Ġfac", - "ing" - ], - [ - "Americ", - "an" - ], - [ - "L", - "AS" - ], - [ - "Ġir", - "respective" - ], - [ - "Ġrout", - "inely" - ], - [ - "w", - "al" - ], - [ - "Ġsettle", - "ment" - ], - [ - "ĠA", - "qu" - ], - [ - "Ġelectron", - "ics" - ], - [ - "Ġhand", - "led" - ], - [ - "Ġbiological", - "ly" - ], - [ - "sm", - "ooth" - ], - [ - "ĠBel", - "ongs" - ], - [ - "ti", - "b" - ], - [ - "Ġtra", - "v" - ], - [ - "p", - "ressive" - ], - [ - "ourn", - "als" - ], - [ - "Ð", - "º" - ], - [ - "fil", - "ename" - ], - [ - "Ġhel", - "ical" - ], - [ - "Ġbacter", - "i" - ], - [ - "Ġsat", - "ellites" - ], - [ - "B", - "H" - ], - [ - "ent", - "ed" - ], - [ - "ĠFoot", - "ball" - ], - [ - "Ġï£", - "±" - ], - [ - "ĠH", - "V" - ], - [ - "Ġtri", - "p" - ], - [ - "ĠCK", - "D" - ], - [ - "ran", - "i" - ], - [ - "Ġclean", - "ing" - ], - [ - "lim", - "it" - ], - [ - "ĠT", - "CP" - ], - [ - "Ġsc", - "in" - ], - [ - "Ġsl", - "udge" - ], - [ - "Ġsymbol", - "ic" - ], - [ - "ĠSequ", - "encing" - ], - [ - "ad", - "al" - ], - [ - "ĠPhil", - "ipp" - ], - [ - "IC", - "S" - ], - [ - "Ġvag", - "inal" - ], - [ - "Ġcommit", - "ment" - ], - [ - "ĠA", - "wards" - ], - [ - "tr", - "ig" - ], - [ - "Ġgu", - "itar" - ], - [ - "acet", - "ate" - ], - [ - "Ġb", - "et" - ], - [ - "Cl", - "N" - ], - [ - "Ġagric", - "ulture" - ], - [ - "Ġch", - "ief" - ], - [ - "Ġem", - "bol" - ], - [ - "bu", - "ild" - ], - [ - "Ġtex", - "ts" - ], - [ - "ĠCo", - "oper" - ], - [ - "l", - "ived" - ], - [ - "ĠDel", - "ay" - ], - [ - "ĠM", - "ode" - ], - [ - "y", - "al" - ], - [ - "B", - "N" - ], - [ - "Ġindex", - "ed" - ], - [ - "ex", - "pr" - ], - [ - "ER", - "N" - ], - [ - "v", - "ens" - ], - [ - "Ġpo", - "inter" - ], - [ - "c", - "v" - ], - [ - "ac", - "on" - ], - [ - "t", - "ance" - ], - [ - "ĠâĪ", - "Ŀ" - ], - [ - "Ġlow", - "ered" - ], - [ - "Ġmit", - "otic" - ], - [ - "rh", - "osis" - ], - [ - "ĠP", - "age" - ], - [ - "ü", - "r" - ], - [ - "im", - "m" - ], - [ - "ĠThe", - "rapeutic" - ], - [ - "Ġoste", - "opor" - ], - [ - "Ġbil", - "inear" - ], - [ - "ĠCath", - "olic" - ], - [ - "ĠAltern", - "ative" - ], - [ - "oxid", - "ation" - ], - [ - "Ġiniti", - "o" - ], - [ - "benz", - "o" - ], - [ - "ĠA", - "di" - ], - [ - "per", - "son" - ], - [ - "per", - "itoneal" - ], - [ - "ĉĉ", - "Ġ" - ], - [ - "Ġatt", - "raction" - ], - [ - "Ġdiarr", - "hea" - ], - [ - "Ġre", - "n" - ], - [ - "ĠI", - "SO" - ], - [ - "im", - "ir" - ], - [ - "Ġtermin", - "ology" - ], - [ - "uk", - "ey" - ], - [ - "Ġreson", - "ator" - ], - [ - "Ġsubstit", - "uting" - ], - [ - "Ġhar", - "bor" - ], - [ - "pro", - "vid" - ], - [ - "dec", - "ay" - ], - [ - "ĠHD", - "AC" - ], - [ - "ĠAnaly", - "tical" - ], - [ - "Ġpost", - "natal" - ], - [ - "Ġund", - "es" - ], - [ - "Spec", - "ific" - ], - [ - "d", - "ichlor" - ], - [ - "AR", - "I" - ], - [ - "t", - "ot" - ], - [ - "Ġdig", - "it" - ], - [ - "op", - "ing" - ], - [ - "ĠZ", - "inc" - ], - [ - "Ġle", - "thal" - ], - [ - "Wh", - "itney" - ], - [ - "F", - "i" - ], - [ - "qu", - "antum" - ], - [ - "ĠF", - "ailure" - ], - [ - "Ġsol", - "ves" - ], - [ - "ĠSp", - "aces" - ], - [ - "ear", - "man" - ], - [ - "Ġgo", - "at" - ], - [ - "Ġsyn", - "apses" - ], - [ - "Ġres", - "uspended" - ], - [ - "Ġresid", - "ent" - ], - [ - "Ġcomp", - "ac" - ], - [ - "Ġcor", - "tisol" - ], - [ - "Ġphot", - "ometry" - ], - [ - "W", - "P" - ], - [ - "se", - "lect" - ], - [ - "Ġc", - "ele" - ], - [ - "or", - "ubicin" - ], - [ - "ĠMul", - "tic" - ], - [ - "ĠJe", - "an" - ], - [ - "Ġcl", - "ip" - ], - [ - "Ġs", - "a" - ], - [ - "oc", - "o" - ], - [ - "ge", - "ometric" - ], - [ - "Ġhel", - "ic" - ], - [ - "Ġempir", - "ically" - ], - [ - "Ġmicro", - "fluid" - ], - [ - "id", - "is" - ], - [ - "Ġaut", - "ocor" - ], - [ - "W", - "F" - ], - [ - "ĠRes", - "pir" - ], - [ - "radi", - "ation" - ], - [ - "Ġthem", - "es" - ], - [ - "Ġt", - "aste" - ], - [ - "ric", - "ing" - ], - [ - "Ġexam", - "inations" - ], - [ - "ĠSens", - "ing" - ], - [ - "s", - "ame" - ], - [ - "DE", - "FAULT" - ], - [ - "Ġphyl", - "ogeny" - ], - [ - "h", - "ig" - ], - [ - "Ġplate", - "lets" - ], - [ - "ĠHist", - "or" - ], - [ - "ab", - "a" - ], - [ - "Ġresid", - "ential" - ], - [ - "Ġun", - "bounded" - ], - [ - "and", - "ing" - ], - [ - "hed", - "ron" - ], - [ - "r", - "ys" - ], - [ - "ĠC", - "CR" - ], - [ - "Ġcon", - "ce" - ], - [ - "Ġpar", - "asitic" - ], - [ - "c", - "b" - ], - [ - "ĠFe", - "ynman" - ], - [ - "ĠKe", - "pler" - ], - [ - "Ã", - "´" - ], - [ - "ĠG", - "il" - ], - [ - "ĠMAT", - "LAB" - ], - [ - "b", - "en" - ], - [ - "sc", - "ope" - ], - [ - "Ġdiscrim", - "in" - ], - [ - "Ġjus", - "tified" - ], - [ - "plas", - "ma" - ], - [ - "ĠCho", - "i" - ], - [ - "Ġro", - "of" - ], - [ - "PC", - "A" - ], - [ - "ĠT", - "CR" - ], - [ - "Ġvox", - "el" - ], - [ - "ĠW", - "ard" - ], - [ - "Ġunc", - "or" - ], - [ - "S", - "tok" - ], - [ - "Ġsp", - "ur" - ], - [ - "TR", - "A" - ], - [ - "Ġdiagnos", - "es" - ], - [ - "rophys", - "ical" - ], - [ - "ategor", - "ies" - ], - [ - "Ġove", - "restim" - ], - [ - "Ġstream", - "ing" - ], - [ - "ĠRec", - "overy" - ], - [ - "Ġevery", - "thing" - ], - [ - "LO", - "W" - ], - [ - "G", - "ener" - ], - [ - "Ġun", - "biased" - ], - [ - "Ġvari", - "ances" - ], - [ - "comp", - "act" - ], - [ - "es", - "pan" - ], - [ - "in", - "j" - ], - [ - "Ġend", - "oscopic" - ], - [ - "Ġide", - "als" - ], - [ - "ĠR", - "ice" - ], - [ - "ĠKa", - "plan" - ], - [ - "Ġf", - "ecal" - ], - [ - "fer", - "red" - ], - [ - "ĠCy", - "cle" - ], - [ - "Ġimplant", - "ed" - ], - [ - "Ġw", - "ine" - ], - [ - "P", - "ET" - ], - [ - "Ġassign", - "ments" - ], - [ - "Ġabs", - "ol" - ], - [ - "X", - "T" - ], - [ - "Ġswim", - "ming" - ], - [ - "M", - "N" - ], - [ - "ĠGe", - "ometric" - ], - [ - "ĠHealth", - "care" - ], - [ - "Ġpow", - "ders" - ], - [ - "ĠG", - "el" - ], - [ - "Ġdown", - "ward" - ], - [ - "Ġexceed", - "ing" - ], - [ - "ĠHE", - "K" - ], - [ - "ly", - "m" - ], - [ - "ĠB", - "V" - ], - [ - "Ġvis", - "co" - ], - [ - "i", - "et" - ], - [ - "ĠCO", - "X" - ], - [ - "ploy", - "ment" - ], - [ - "ins", - "ki" - ], - [ - "Ġout", - "door" - ], - [ - "ĠLiter", - "ature" - ], - [ - "ant", - "ed" - ], - [ - "meth", - "oxyphenyl" - ], - [ - "ĠMed", - "ium" - ], - [ - "Ġd", - "ia" - ], - [ - "ail", - "and" - ], - [ - "vari", - "ance" - ], - [ - "ĠEval", - "uating" - ], - [ - "ox", - "acin" - ], - [ - "Ġanti", - "f" - ], - [ - "Ġpul", - "p" - ], - [ - "Ġcorro", - "bor" - ], - [ - "ĠO", - "t" - ], - [ - "Ġrabb", - "its" - ], - [ - "R", - "u" - ], - [ - "Ġfunction", - "als" - ], - [ - "â", - "ĩ" - ], - [ - "Ġimm", - "ersion" - ], - [ - "Ġcre", - "atin" - ], - [ - "Ġq", - "RT" - ], - [ - "Ġcondens", - "ed" - ], - [ - "n", - "r" - ], - [ - "ĠV", - "A" - ], - [ - "h", - "ad" - ], - [ - "Ġk", - "ing" - ], - [ - "ob", - "le" - ], - [ - "Ġexist", - "ed" - ], - [ - "Ġthe", - "sis" - ], - [ - "ubb", - "ard" - ], - [ - "ap", - "optotic" - ], - [ - "Ġflow", - "ering" - ], - [ - "ĠAdap", - "tation" - ], - [ - "ĠKal", - "man" - ], - [ - "tr", - "l" - ], - [ - "Ġm", - "ent" - ], - [ - "ut", - "ation" - ], - [ - "ĠCon", - "v" - ], - [ - "Ġhist", - "ories" - ], - [ - "Ġen", - "anti" - ], - [ - "n", - "ell" - ], - [ - "on", - "ian" - ], - [ - "ĠF", - "abric" - ], - [ - "Ġx", - "x" - ], - [ - "Ġf", - "ell" - ], - [ - "Ġcytos", - "olic" - ], - [ - "Ġm", - "ud" - ], - [ - "Ġsusp", - "ensions" - ], - [ - "ĠMicro", - "bial" - ], - [ - "meas", - "ured" - ], - [ - "Ġdown", - "load" - ], - [ - "Ġinv", - "alid" - ], - [ - "Ġcapt", - "uring" - ], - [ - "ĠH", - "H" - ], - [ - "ĠG", - "ray" - ], - [ - "ĠA", - "Z" - ], - [ - "ĠN", - "ash" - ], - [ - "vi", - "ation" - ], - [ - "nai", - "re" - ], - [ - "or", - "tium" - ], - [ - "yn", - "ch" - ], - [ - "amin", - "ergic" - ], - [ - "Ġwa", - "it" - ], - [ - "S", - "chem" - ], - [ - "t", - "race" - ], - [ - "ĠV", - "ill" - ], - [ - "Ġpo", - "ols" - ], - [ - "Ġhypox", - "ic" - ], - [ - "x", - "p" - ], - [ - "Ġsh", - "aded" - ], - [ - "OR", - "Y" - ], - [ - "t", - "urn" - ], - [ - "inter", - "acting" - ], - [ - "Ġdestroy", - "ed" - ], - [ - "ak", - "h" - ], - [ - "ĠCp", - "G" - ], - [ - "dot", - "ted" - ], - [ - "ĠTrans", - "cript" - ], - [ - "plan", - "ar" - ], - [ - "Ġpre", - "clinical" - ], - [ - "ĠRe", - "pro" - ], - [ - "ĠSur", - "gery" - ], - [ - "Stok", - "es" - ], - [ - "if", - "def" - ], - [ - "Ġdiscrim", - "inate" - ], - [ - "ĠG", - "ross" - ], - [ - "Ġfl", - "ags" - ], - [ - "i", - "ety" - ], - [ - "umm", - "y" - ], - [ - "Ġtransf", - "ers" - ], - [ - "S", - "G" - ], - [ - "ĠSc", - "i" - ], - [ - "Ġhead", - "er" - ], - [ - "ĠFund", - "ing" - ], - [ - "Ġdet", - "rim" - ], - [ - "Ġinst", - "abilities" - ], - [ - "ĠPhyl", - "ogenetic" - ], - [ - "ym", - "ethyl" - ], - [ - "ĠAssess", - "ing" - ], - [ - "RO", - "C" - ], - [ - "els", - "en" - ], - [ - "Equ", - "al" - ], - [ - "Ġc", - "as" - ], - [ - "Ġver", - "tically" - ], - [ - "Ġvis", - "ibility" - ], - [ - "ĠFT", - "IR" - ], - [ - "sc", - "rib" - ], - [ - "Ġbur", - "sts" - ], - [ - "ĠDo", - "ug" - ], - [ - "ĠFranc", - "isco" - ], - [ - "ĠM", - "SC" - ], - [ - "Ġpred", - "is" - ], - [ - "establ", - "ished" - ], - [ - "Ġfac", - "ed" - ], - [ - "ĠW", - "I" - ], - [ - "S", - "l" - ], - [ - "Ġchar", - "ts" - ], - [ - "orth", - "y" - ], - [ - "izon", - "tal" - ], - [ - "ial", - "ysis" - ], - [ - "Ġtun", - "able" - ], - [ - "Ġexplos", - "ion" - ], - [ - "S", - "w" - ], - [ - "T", - "NF" - ], - [ - "Ġdiscontinu", - "ous" - ], - [ - "ect", - "ure" - ], - [ - "ci", - "ences" - ], - [ - "mathbb", - "m" - ], - [ - "lo", - "ok" - ], - [ - "Ġt", - "achy" - ], - [ - "Ġb", - "row" - ], - [ - "obs", - "erved" - ], - [ - "Ġana", - "est" - ], - [ - "S", - "al" - ], - [ - "q", - "PCR" - ], - [ - "Ġse", - "es" - ], - [ - "Ġspac", - "ecraft" - ], - [ - "Ġsal", - "es" - ], - [ - "ĠT", - "rac" - ], - [ - "T", - "em" - ], - [ - "iv", - "est" - ], - [ - "ĠF", - "c" - ], - [ - "ĠNew", - "s" - ], - [ - "Ġharvest", - "ing" - ], - [ - "ĠE", - "G" - ], - [ - "p", - "ad" - ], - [ - "Ġnanow", - "ires" - ], - [ - "Ġpot", - "ato" - ], - [ - "pl", - "iers" - ], - [ - "on", - "in" - ], - [ - "Ġw", - "orm" - ], - [ - "s", - "ue" - ], - [ - "ti", - "e" - ], - [ - "Ġm", - "asks" - ], - [ - "Ġth", - "row" - ], - [ - "!", - "!" - ], - [ - "be", - "havi" - ], - [ - "Ġp", - "ine" - ], - [ - "og", - "y" - ], - [ - "TE", - "ST" - ], - [ - "on", - "to" - ], - [ - "Ġcreatin", - "ine" - ], - [ - "ĠB", - "oston" - ], - [ - "Ġch", - "air" - ], - [ - "pl", - "oys" - ], - [ - "ov", - "en" - ], - [ - "Ġent", - "rance" - ], - [ - "Ġc", - "och" - ], - [ - "Ġdy", - "es" - ], - [ - "T", - "or" - ], - [ - "ĠPD", - "E" - ], - [ - "unders", - "et" - ], - [ - "atas", - "ets" - ], - [ - "Ġt", - "ernary" - ], - [ - "cho", - "ose" - ], - [ - "f", - "ive" - ], - [ - "chlor", - "ide" - ], - [ - "on", - "ium" - ], - [ - "Pro", - "perty" - ], - [ - "Ġt", - "u" - ], - [ - "Ġadequ", - "ately" - ], - [ - "romy", - "cin" - ], - [ - "Ġco", - "oper" - ], - [ - "ï", - "Ľľ" - ], - [ - "Ġpap", - "ill" - ], - [ - "ĠStrept", - "ococcus" - ], - [ - "ĠC", - "Y" - ], - [ - "Ġgroup", - "ing" - ], - [ - "Ġbi", - "oc" - ], - [ - "ĠCardi", - "ac" - ], - [ - "ĠBo", - "ok" - ], - [ - "re", - "ference" - ], - [ - "Ġconfirm", - "ation" - ], - [ - "iver", - "y" - ], - [ - "Ġwar", - "ning" - ], - [ - "pret", - "ation" - ], - [ - "Ġl", - "ove" - ], - [ - "Ġoscill", - "ators" - ], - [ - "s", - "ed" - ], - [ - "ĠT", - "X" - ], - [ - "il", - "ent" - ], - [ - "ĠV", - "as" - ], - [ - "Ġcl", - "amp" - ], - [ - "Ġa", - "head" - ], - [ - "ac", - "s" - ], - [ - "Ġdeple", - "ted" - ], - [ - "Ġmethod", - "ologies" - ], - [ - "m", - "ay" - ], - [ - "Ġc", - "affe" - ], - [ - "Ġsequ", - "entially" - ], - [ - "os", - "acchar" - ], - [ - "Ġcompr", - "ise" - ], - [ - "Ġc", - "hel" - ], - [ - "Ġin", - "acc" - ], - [ - "Ġtend", - "on" - ], - [ - "S", - "equ" - ], - [ - "ough", - "t" - ], - [ - "ser", - "ver" - ], - [ - "ĠPert", - "urb" - ], - [ - "Ġter", - "rain" - ], - [ - "cur", - "ve" - ], - [ - "ĠAr", - "gent" - ], - [ - "T", - "ABLE" - ], - [ - "Ġimplicit", - "ly" - ], - [ - "Ġenj", - "oy" - ], - [ - "ĠS", - "itter" - ], - [ - "Ġmic", - "ron" - ], - [ - "ĠEv", - "ans" - ], - [ - "ns", - "ylvan" - ], - [ - "Ġlook", - "ed" - ], - [ - "sp", - "e" - ], - [ - "vol", - "ving" - ], - [ - "ĠL", - "STM" - ], - [ - "agne", - "tism" - ], - [ - "ĠNot", - "ch" - ], - [ - "ĠT", - "al" - ], - [ - "ĠDEG", - "s" - ], - [ - "lem", - "an" - ], - [ - "Ġbo", - "olean" - ], - [ - "Ġob", - "ey" - ], - [ - "organ", - "ization" - ], - [ - "se", - "en" - ], - [ - "ĠEn", - "c" - ], - [ - "sch", - "ild" - ], - [ - "ĠOnt", - "ario" - ], - [ - "Ele", - "ment" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠĠĠ" - ], - [ - "m", - "ouse" - ], - [ - "Ġpoly", - "ethylene" - ], - [ - "Ġace", - "tic" - ], - [ - "s", - "ections" - ], - [ - "ur", - "onal" - ], - [ - "ĠD", - "ick" - ], - [ - "Ġk", - "ill" - ], - [ - "Ġbroad", - "ening" - ], - [ - "Ġfluor", - "ide" - ], - [ - "Ġs", - "aved" - ], - [ - "Ġde", - "em" - ], - [ - "St", - "ream" - ], - [ - "ac", - "ed" - ], - [ - "ĠJ", - "eff" - ], - [ - "Q", - "A" - ], - [ - "Ġscal", - "able" - ], - [ - "ĠF", - "if" - ], - [ - "ĠMin", - "i" - ], - [ - "Ġsuper", - "gravity" - ], - [ - "Ġcoll", - "oidal" - ], - [ - "L", - "Y" - ], - [ - "O", - "A" - ], - [ - "Ġper", - "ic" - ], - [ - "Ġshort", - "ly" - ], - [ - "Ġv", - "ap" - ], - [ - "Ġspl", - "its" - ], - [ - "m", - "ove" - ], - [ - "Ġstim", - "ulating" - ], - [ - "ĠBe", - "ijing" - ], - [ - "Ġp", - "yr" - ], - [ - "Ï", - "Ń" - ], - [ - "Ġlex", - "ical" - ], - [ - "âĢ", - "ł" - ], - [ - "Å", - "Ħ" - ], - [ - "itor", - "ies" - ], - [ - "oler", - "ance" - ], - [ - "Ġins", - "ulator" - ], - [ - "ĠLe", - "on" - ], - [ - "Ġpropag", - "ate" - ], - [ - "ĠEle", - "ments" - ], - [ - "y", - "en" - ], - [ - "Mod", - "ule" - ], - [ - "ĠWhe", - "ther" - ], - [ - "Ġa", - "ph" - ], - [ - "ĠLa", - "ure" - ], - [ - "ĠMut", - "ations" - ], - [ - "Ġhypert", - "rophy" - ], - [ - "Ġocean", - "ic" - ], - [ - "ograph", - "ically" - ], - [ - "pati", - "ents" - ], - [ - "ĠAngel", - "es" - ], - [ - "Ġp", - "he" - ], - [ - "Ġsqu", - "ee" - ], - [ - "Ġcaro", - "ten" - ], - [ - "f", - "ine" - ], - [ - "Ġsk", - "etch" - ], - [ - "Ġans", - "atz" - ], - [ - "tit", - "ution" - ], - [ - "ĠF", - "us" - ], - [ - "ĠS", - "ug" - ], - [ - "obacter", - "ial" - ], - [ - "Ħ", - "ĥ" - ], - [ - "Rel", - "ated" - ], - [ - "Ġar", - "tist" - ], - [ - "Ġac", - "ryl" - ], - [ - "l", - "ined" - ], - [ - "raf", - "ted" - ], - [ - "ĠQ", - "oS" - ], - [ - "ĠF", - "eng" - ], - [ - "se", - "arch" - ], - [ - "Ġnanot", - "ube" - ], - [ - "ĠV", - "M" - ], - [ - "ah", - "l" - ], - [ - "Ġstr", - "ide" - ], - [ - "ĠT", - "ag" - ], - [ - "ĠL", - "ar" - ], - [ - "Ġdes", - "orption" - ], - [ - "d", - "type" - ], - [ - "Ġb", - "ug" - ], - [ - "Ġcareg", - "ivers" - ], - [ - "ĠH", - "un" - ], - [ - "ĠPrac", - "tical" - ], - [ - "Ġob", - "lig" - ], - [ - "re", - "r" - ], - [ - "ĠK", - "ang" - ], - [ - "ĠPro", - "ducts" - ], - [ - "omet", - "h" - ], - [ - "ĠHe", - "La" - ], - [ - "Ġlabor", - "atories" - ], - [ - "n", - "atural" - ], - [ - "Ġf", - "ul" - ], - [ - "Ġm", - "old" - ], - [ - "ab", - "ine" - ], - [ - "ĠS", - "pring" - ], - [ - "Ġco", - "bal" - ], - [ - "Ġhighlight", - "ing" - ], - [ - "ĠPre", - "f" - ], - [ - "cycl", - "ic" - ], - [ - "ĠCONCLUS", - "ION" - ], - [ - "ĠS", - "ources" - ], - [ - "Ġap", - "ex" - ], - [ - "par", - "ser" - ], - [ - "ĠLog", - "ic" - ], - [ - "Ġp", - "ond" - ], - [ - "Ġto", - "ld" - ], - [ - "ĠSh", - "ap" - ], - [ - "perg", - "illus" - ], - [ - "Ġsay", - "ing" - ], - [ - "Ġmutagen", - "esis" - ], - [ - "Ġmm", - "Hg" - ], - [ - "ĠP", - "AN" - ], - [ - "Ġsm", - "okers" - ], - [ - "od", - "ay" - ], - [ - "Ġhere", - "in" - ], - [ - "CM", - "V" - ], - [ - "ĠP", - "W" - ], - [ - "Ġred", - "shifts" - ], - [ - "ĠMin", - "im" - ], - [ - "ym", - "an" - ], - [ - "ull", - "i" - ], - [ - "d", - "ense" - ], - [ - "Ġarsen", - "ic" - ], - [ - "ĠE", - "MT" - ], - [ - "og", - "aster" - ], - [ - "carboxyl", - "ate" - ], - [ - "s", - "ys" - ], - [ - "R", - "o" - ], - [ - "an", - "ch" - ], - [ - "ĠAl", - "pha" - ], - [ - "ĠTechn", - "ical" - ], - [ - "s", - "v" - ], - [ - "Ġb", - "ones" - ], - [ - "Ġaccept", - "or" - ], - [ - "Ġnew", - "born" - ], - [ - "pri", - "vate" - ], - [ - "Ġnan", - "or" - ], - [ - "ĠSw", - "iss" - ], - [ - "a", - "round" - ], - [ - "Ġsynt", - "ax" - ], - [ - "ĠK", - "ähler" - ], - [ - "Ġaer", - "ial" - ], - [ - "ĠP", - "ale" - ], - [ - "typ", - "edef" - ], - [ - "names", - "pace" - ], - [ - "Ġconfound", - "ing" - ], - [ - "vi", - "Äĩ" - ], - [ - "Ġret", - "ard" - ], - [ - "Ġz", - "eta" - ], - [ - "ĠT", - "um" - ], - [ - "is", - "ch" - ], - [ - "Ġsulf", - "ide" - ], - [ - "ĠT", - "ian" - ], - [ - "u", - "y" - ], - [ - "Ġintu", - "ition" - ], - [ - "Ġphosph", - "olip" - ], - [ - "ĠS", - "her" - ], - [ - "ric", - "ts" - ], - [ - "--------------------------------", - "--------------------------------" - ], - [ - "ok", - "ines" - ], - [ - "gluc", - "ose" - ], - [ - "tol", - "er" - ], - [ - "ifer", - "ative" - ], - [ - "ĠFlu", - "or" - ], - [ - "Ġencour", - "age" - ], - [ - "Ġrespons", - "ive" - ], - [ - "perturb", - "ative" - ], - [ - "Ġs", - "addle" - ], - [ - "l", - "ers" - ], - [ - "nd", - "ez" - ], - [ - "ĠZ", - "ero" - ], - [ - "ĠDi", - "et" - ], - [ - "Ġdeveloper", - "s" - ], - [ - "S", - "yn" - ], - [ - "Ġconf", - "er" - ], - [ - "Ġorigin", - "ate" - ], - [ - "rop", - "ol" - ], - [ - "ha", - "w" - ], - [ - "le", - "tion" - ], - [ - "ms", - "kip" - ], - [ - "Ġb", - "er" - ], - [ - "Ġpe", - "at" - ], - [ - "v", - "ially" - ], - [ - "Ġgran", - "ules" - ], - [ - "ĠÌ", - "ĥ" - ], - [ - "Ġpl", - "uripot" - ], - [ - "Ġassim", - "ilation" - ], - [ - "Ġdenom", - "inator" - ], - [ - "abil", - "ization" - ], - [ - "ĠEpidem", - "iology" - ], - [ - "MI", - "N" - ], - [ - "eed", - "s" - ], - [ - "ĠV", - "R" - ], - [ - "E", - "val" - ], - [ - "st", - "ore" - ], - [ - "ĠBas", - "eline" - ], - [ - "Ġc", - "u" - ], - [ - "ĠSpect", - "ra" - ], - [ - "Ġfraction", - "ation" - ], - [ - "Ġplac", - "ing" - ], - [ - "Ġbur", - "ied" - ], - [ - "el", - "eration" - ], - [ - "Ġalkal", - "i" - ], - [ - "ĠI", - "U" - ], - [ - "C", - "alc" - ], - [ - "we", - "ak" - ], - [ - "Ġmorphism", - "s" - ], - [ - "Ġlig", - "ase" - ], - [ - "Ġf", - "s" - ], - [ - "Ġutil", - "izes" - ], - [ - "Com", - "put" - ], - [ - "Ã", - "¢" - ], - [ - "Ġs", - "tig" - ], - [ - "rel", - "ative" - ], - [ - "Ġimm", - "ature" - ], - [ - "ĠF", - "rac" - ], - [ - "ap", - "i" - ], - [ - "Ġout", - "patient" - ], - [ - "Ġachieve", - "ment" - ], - [ - "Ġstack", - "ing" - ], - [ - "Ġnod", - "ules" - ], - [ - "IN", - "D" - ], - [ - "ĠGP", - "a" - ], - [ - "Ġpercol", - "ation" - ], - [ - "m", - "space" - ], - [ - "Ġbrain", - "s" - ], - [ - "uff", - "le" - ], - [ - "ent", - "ropy" - ], - [ - "L", - "ab" - ], - [ - "Ġstabil", - "ize" - ], - [ - "ĠRic", - "ci" - ], - [ - "ĠAn", - "timicrobial" - ], - [ - "pers", - "onal" - ], - [ - "Ġfarm", - "s" - ], - [ - "ĠP", - "in" - ], - [ - "Ġpor", - "cine" - ], - [ - "Ġoccasion", - "ally" - ], - [ - "w", - "he" - ], - [ - "Ġundergo", - "es" - ], - [ - "Ġregim", - "ens" - ], - [ - "Ġbl", - "ade" - ], - [ - "Ġlinear", - "ized" - ], - [ - "Ġdec", - "on" - ], - [ - "Ġpack", - "ed" - ], - [ - "Ġf", - "ishes" - ], - [ - "ĠM", - "end" - ], - [ - "Ġapproach", - "ing" - ], - [ - "Ġball", - "s" - ], - [ - "Ġpro", - "inflammatory" - ], - [ - "imer", - "ic" - ], - [ - "ĠDirect", - "or" - ], - [ - "Ġsol", - "iton" - ], - [ - "Ġm", - "osaic" - ], - [ - "vi", - "et" - ], - [ - "Me", - "an" - ], - [ - "ĠP", - "ad" - ], - [ - "Ġtri", - "plicate" - ], - [ - "sup", - "ported" - ], - [ - "Ġcar", - "t" - ], - [ - "<<", - "<<" - ], - [ - "Ġrem", - "ission" - ], - [ - "ase", - "ous" - ], - [ - "astic", - "ity" - ], - [ - "ĠM", - "ik" - ], - [ - "ĠStrateg", - "y" - ], - [ - "ram", - "er" - ], - [ - "ĠPol", - "ish" - ], - [ - "Ġent", - "hal" - ], - [ - "Ġheter", - "ozygous" - ], - [ - "ĠGra", - "vity" - ], - [ - "A", - "x" - ], - [ - "Ġorganization", - "al" - ], - [ - "Ġmo", - "vie" - ], - [ - "Ġexpl", - "oratory" - ], - [ - "WL", - "ED" - ], - [ - "Ġmo", - "iety" - ], - [ - "dec", - "re" - ], - [ - "ĠS", - "till" - ], - [ - "ĠÂ", - "¡" - ], - [ - "Ġgreen", - "house" - ], - [ - "Ġsupercon", - "ductors" - ], - [ - "en", - "um" - ], - [ - "el", - "in" - ], - [ - "Ġoffer", - "ing" - ], - [ - "st", - "ad" - ], - [ - "ĠT", - "rich" - ], - [ - "Ġre", - "pl" - ], - [ - "Ġrecycl", - "ing" - ], - [ - "ph", - "or" - ], - [ - "Ġin", - "elastic" - ], - [ - "ock", - "ey" - ], - [ - "ĠâĢ", - "Ļ" - ], - [ - "Ġsequ", - "el" - ], - [ - "E", - "B" - ], - [ - "ĠCh", - "ile" - ], - [ - "Ġfibr", - "illation" - ], - [ - "Ġdis", - "ulfide" - ], - [ - "ob", - "tained" - ], - [ - "ub", - "in" - ], - [ - "Ĥ", - "¬" - ], - [ - "Ġfacilit", - "ating" - ], - [ - "Ġhop", - "ping" - ], - [ - "Ġmedi", - "ator" - ], - [ - "Ġhyd", - "ration" - ], - [ - "Ġspars", - "ity" - ], - [ - "Ġs", - "ati" - ], - [ - "Ġis", - "othermal" - ], - [ - "Ġreturn", - "ing" - ], - [ - "Ġtravel", - "ing" - ], - [ - "Ġin", - "g" - ], - [ - "Ġst", - "ent" - ], - [ - "Ġcapac", - "itor" - ], - [ - "Ġcomprom", - "ise" - ], - [ - "ĠS", - "ud" - ], - [ - "ĠV", - "ision" - ], - [ - "Ġtop", - "ologies" - ], - [ - "opol", - "ysaccharide" - ], - [ - "ĠPro", - "file" - ], - [ - "ĠR", - "ing" - ], - [ - "Ġdiscrep", - "ancies" - ], - [ - "D", - "is" - ], - [ - "AR", - "D" - ], - [ - "cc", - "cc" - ], - [ - "Ġdirect", - "ory" - ], - [ - "ĠCM", - "OS" - ], - [ - "ow", - "ed" - ], - [ - "ill", - "o" - ], - [ - "ĠIns", - "ights" - ], - [ - "ĠT", - "ib" - ], - [ - "Ġab", - "and" - ], - [ - "aro", - "se" - ], - [ - "Or", - "der" - ], - [ - "ĠÂ", - "¬" - ], - [ - "Ġintrac", - "ranial" - ], - [ - "Ġintermedi", - "ates" - ], - [ - "Ġhab", - "its" - ], - [ - "Ġcar", - "p" - ], - [ - "pro", - "perty" - ], - [ - "IM", - "AGE" - ], - [ - "ĠU", - "k" - ], - [ - "Ġhydroph", - "ilic" - ], - [ - "W", - "id" - ], - [ - "Ġab", - "iotic" - ], - [ - "Ġobser", - "vers" - ], - [ - "Ġch", - "or" - ], - [ - "ĠCons", - "ervation" - ], - [ - "ĠEnh", - "ance" - ], - [ - "ĠAutom", - "ated" - ], - [ - "ĠGl", - "ut" - ], - [ - "ir", - "atory" - ], - [ - "Ġsp", - "aw" - ], - [ - "ĠE", - "fficiency" - ], - [ - "v", - "ast" - ], - [ - "in", - "iti" - ], - [ - "Ġop", - "tional" - ], - [ - "ĠScal", - "ing" - ], - [ - "if", - "old" - ], - [ - "Ġmt", - "DNA" - ], - [ - "ĠRec", - "onstruction" - ], - [ - "Ġcount", - "able" - ], - [ - "ĠGr", - "ass" - ], - [ - "D", - "en" - ], - [ - "ĠCh", - "ain" - ], - [ - "en", - "zyme" - ], - [ - "Ġwave", - "forms" - ], - [ - "Ġpancre", - "as" - ], - [ - "ĠDet", - "ailed" - ], - [ - "cm", - "d" - ], - [ - "Ġâİ", - "ľ" - ], - [ - "Ġmagnet", - "o" - ], - [ - "ĠFP", - "GA" - ], - [ - "Ġabsol", - "utely" - ], - [ - "Ġstim", - "ulates" - ], - [ - "ach", - "us" - ], - [ - "ĠAr", - "n" - ], - [ - "m", - "essage" - ], - [ - "ocomp", - "atibility" - ], - [ - "H", - "Cl" - ], - [ - "ĠF", - "ish" - ], - [ - "Ġphenomen", - "ological" - ], - [ - "Ġsaliv", - "ary" - ], - [ - "ond", - "o" - ], - [ - "Ġno", - "tions" - ], - [ - "f", - "ur" - ], - [ - "U", - "CT" - ], - [ - "Ġw", - "ww" - ], - [ - "ab", - "et" - ], - [ - "ĠS", - "ulf" - ], - [ - "F", - "il" - ], - [ - "dom", - "inated" - ], - [ - "ars", - "er" - ], - [ - "Ġpack", - "ages" - ], - [ - "Ġsplic", - "e" - ], - [ - "F", - "lo" - ], - [ - "NO", - "WLED" - ], - [ - "x", - "a" - ], - [ - "ĠY", - "uan" - ], - [ - "Ġacet", - "one" - ], - [ - "ĠVit", - "amin" - ], - [ - "ĠÎ", - "ŀ" - ], - [ - "Ġobs", - "c" - ], - [ - "Ġcha", - "per" - ], - [ - "Ġm", - "ort" - ], - [ - "M", - "AN" - ], - [ - "Ġsub", - "tilis" - ], - [ - "Ġoptim", - "ality" - ], - [ - "Ġcontinu", - "ing" - ], - [ - "Ġdu", - "plication" - ], - [ - "Ġmultip", - "lying" - ], - [ - "Ġimmun", - "ological" - ], - [ - "Ġcir", - "rhosis" - ], - [ - "h", - "ospital" - ], - [ - "ĠProb", - "abilistic" - ], - [ - "Ġdele", - "tions" - ], - [ - "Ġca", - "ution" - ], - [ - "Ġow", - "ner" - ], - [ - "ox", - "orubicin" - ], - [ - "Ġla", - "unch" - ], - [ - "Ġc", - "ure" - ], - [ - "th", - "us" - ], - [ - "ĠHerm", - "itian" - ], - [ - "can", - "onical" - ], - [ - "Ġimmun", - "ore" - ], - [ - "form", - "in" - ], - [ - "Ġbroad", - "band" - ], - [ - "part", - "um" - ], - [ - "op", - "he" - ], - [ - "ĠB", - "eta" - ], - [ - "ĠB", - "I" - ], - [ - "Ġïĺ", - "º" - ], - [ - "Ġj", - "umps" - ], - [ - "Ġparad", - "ox" - ], - [ - "um", - "ped" - ], - [ - "Ġdoc", - "tors" - ], - [ - "Ġhospital", - "ized" - ], - [ - "Ġwas", - "h" - ], - [ - "prec", - "ision" - ], - [ - "Ġr", - "uled" - ], - [ - "Ġdu", - "plicate" - ], - [ - "ant", - "e" - ], - [ - "Ġneuro", - "trans" - ], - [ - "Ġïĥ", - "§" - ], - [ - "Ġthem", - "e" - ], - [ - "T", - "aking" - ], - [ - "ĠPl", - "ants" - ], - [ - "f", - "ollowing" - ], - [ - "Ġage", - "ing" - ], - [ - "Ġcon", - "gestion" - ], - [ - "os", - "arcoma" - ], - [ - "Ġrepos", - "itory" - ], - [ - "ĠH", - "ess" - ], - [ - "ĠC", - "atalytic" - ], - [ - "ĠD", - "V" - ], - [ - "IN", - "K" - ], - [ - "pri", - "v" - ], - [ - "ĠAn", - "a" - ], - [ - "ĠS", - "LE" - ], - [ - "ĠTh", - "ailand" - ], - [ - "í", - "ķ" - ], - [ - "Ġd", - "uty" - ], - [ - "loc", - "ations" - ], - [ - "ot", - "er" - ], - [ - "Ġlys", - "ine" - ], - [ - "Ġind", - "ist" - ], - [ - "Ġagon", - "ists" - ], - [ - "A", - "ck" - ], - [ - "Ġminim", - "ally" - ], - [ - "Ġet", - "ching" - ], - [ - "ugg", - "ing" - ], - [ - "c", - "uda" - ], - [ - "nd", - "ef" - ], - [ - "Ġref", - "erring" - ], - [ - "Ġlys", - "ates" - ], - [ - "Ġseroton", - "in" - ], - [ - "crib", - "ing" - ], - [ - "ĠInter", - "face" - ], - [ - "d", - "V" - ], - [ - "Ġd", - "urations" - ], - [ - "Ġphot", - "od" - ], - [ - "Ġd", - "ating" - ], - [ - "Ġirre", - "versible" - ], - [ - "os", - "idase" - ], - [ - "ĠF", - "ROM" - ], - [ - "with", - "in" - ], - [ - "SN", - "R" - ], - [ - "Ġarr", - "hyth" - ], - [ - "ĠR", - "atio" - ], - [ - "ĠTh", - "in" - ], - [ - "cent", - "ered" - ], - [ - "Ġsh", - "ocks" - ], - [ - "ĠV", - "ers" - ], - [ - "Ġnotice", - "able" - ], - [ - "Ġf", - "oci" - ], - [ - "Ġorth", - "onormal" - ], - [ - "Ġâİ", - "Ł" - ], - [ - "Ġlum", - "inescence" - ], - [ - "ĠSUS", - "Y" - ], - [ - "in", - "ternal" - ], - [ - "ĠT", - "our" - ], - [ - "Ġab", - "brevi" - ], - [ - "ĠM", - "AL" - ], - [ - "ver", - "tex" - ], - [ - "Ġem", - "ploys" - ], - [ - "IN", - "S" - ], - [ - "Ġimmunohist", - "ochemistry" - ], - [ - "Ġhepar", - "in" - ], - [ - "Ġidi", - "opathic" - ], - [ - "Ġimmobil", - "ized" - ], - [ - "is", - "he" - ], - [ - "ph", - "th" - ], - [ - "th", - "in" - ], - [ - "ĠSt", - "orage" - ], - [ - "Ġperovsk", - "ite" - ], - [ - "Pro", - "t" - ], - [ - "ĠDepend", - "ing" - ], - [ - "Ġbl", - "ends" - ], - [ - "Ġpred", - "ator" - ], - [ - "Ġdisplay", - "ing" - ], - [ - "Ġvesic", - "le" - ], - [ - "ĠK", - "ra" - ], - [ - "Ġl", - "ane" - ], - [ - "Ġmulti", - "layer" - ], - [ - "Ġhom", - "ozygous" - ], - [ - "cos", - "h" - ], - [ - "Ġsuperf", - "icial" - ], - [ - "Ġ", - "il" - ], - [ - "ĠK", - "R" - ], - [ - "ĠBr", - "un" - ], - [ - "ĠE", - "W" - ], - [ - "op", - "a" - ], - [ - "ĠCart", - "esian" - ], - [ - "ĠCy", - "toplas" - ], - [ - "ĠPen", - "nsylvan" - ], - [ - "b", - "ands" - ], - [ - "Ġangi", - "otensin" - ], - [ - "ĠLat", - "tice" - ], - [ - "G", - "I" - ], - [ - "j", - "ee" - ], - [ - "Ġenlarg", - "ed" - ], - [ - "en", - "ius" - ], - [ - "ĠI", - "a" - ], - [ - "ou", - "x" - ], - [ - "Ġg", - "ent" - ], - [ - "Ġcarbon", - "yl" - ], - [ - "c", - "hers" - ], - [ - "Ġhypot", - "he" - ], - [ - "Ġmic", - "rosp" - ], - [ - "Ġaff", - "ective" - ], - [ - "Ġax", - "ons" - ], - [ - "e", - "i" - ], - [ - "ypt", - "oph" - ], - [ - "ĠJ", - "on" - ], - [ - "que", - "ue" - ], - [ - "ĠG", - "auge" - ], - [ - "men", - "opausal" - ], - [ - "ĠD", - "as" - ], - [ - "ĠEss", - "ential" - ], - [ - "ĠF", - "ault" - ], - [ - "ĠB", - "il" - ], - [ - "Ġtest", - "osterone" - ], - [ - "Ġcham", - "bers" - ], - [ - "d", - "ione" - ], - [ - "Ġelic", - "ited" - ], - [ - "IG", - "N" - ], - [ - "Ġantioxid", - "ants" - ], - [ - "pop", - "ulations" - ], - [ - "Ġov", - "ary" - ], - [ - "Ġâ", - "ĸ" - ], - [ - "Ġabst", - "raction" - ], - [ - "Ġhydro", - "carbons" - ], - [ - "Ġrec", - "tal" - ], - [ - "Ġtrigger", - "ing" - ], - [ - "Ġthorough", - "ly" - ], - [ - "R", - "un" - ], - [ - "acter", - "ia" - ], - [ - "in", - "formation" - ], - [ - "ĠB", - "ed" - ], - [ - "Ġqu", - "enc" - ], - [ - "Ġund", - "ers" - ], - [ - "ĠScot", - "land" - ], - [ - "Ġre", - "volution" - ], - [ - "Ġpit", - "uitary" - ], - [ - "Ġanthrop", - "ogenic" - ], - [ - "f", - "ocus" - ], - [ - "Ġmet", - "han" - ], - [ - "Ġinf", - "low" - ], - [ - "Ġdef", - "lection" - ], - [ - "ĠC", - "ape" - ], - [ - "Ġmulti", - "dimensional" - ], - [ - "Ġarri", - "ved" - ], - [ - "ĠS", - "par" - ], - [ - "d", - "v" - ], - [ - "Ġc", - "ows" - ], - [ - "ĠB", - "h" - ], - [ - "Ġj", - "k" - ], - [ - "tol", - "yl" - ], - [ - "Ġeigen", - "states" - ], - [ - "Ġpre", - "processing" - ], - [ - "ĠR", - "ain" - ], - [ - "ä", - "¸" - ], - [ - "in", - "z" - ], - [ - "Ġm", - "n" - ], - [ - "RE", - "E" - ], - [ - "atric", - "k" - ], - [ - "D", - "ev" - ], - [ - "Ġfulf", - "illed" - ], - [ - "Ġar", - "tic" - ], - [ - "Ġreal", - "izations" - ], - [ - "ĠComp", - "onent" - ], - [ - "ĠW", - "S" - ], - [ - "Ġinf", - "o" - ], - [ - "pr", - "inted" - ], - [ - "at", - "osis" - ], - [ - "c", - "ache" - ], - [ - "an", - "ov" - ], - [ - "ĠT", - "g" - ], - [ - "cont", - "ent" - ], - [ - "j", - "unc" - ], - [ - "ĠCD", - "K" - ], - [ - "Ġbeh", - "aves" - ], - [ - "ĠK", - "id" - ], - [ - "diff", - "erence" - ], - [ - "ĠP", - "s" - ], - [ - "ĠU", - "g" - ], - [ - "Ġstruct", - "urally" - ], - [ - "ereb", - "ral" - ], - [ - "ĠSur", - "ve" - ], - [ - "he", - "al" - ], - [ - "on", - "ite" - ], - [ - "Ġdele", - "ted" - ], - [ - "iti", - "m" - ], - [ - "St", - "ar" - ], - [ - "ĠSpe", - "ech" - ], - [ - "ĠA", - "str" - ], - [ - "g", - "radient" - ], - [ - "Ġf", - "ellow" - ], - [ - "Ġsy", - "ring" - ], - [ - "N", - "B" - ], - [ - "ĠN", - "B" - ], - [ - "Ġcre", - "ep" - ], - [ - "Ġlog", - "ging" - ], - [ - "Ġint", - "en" - ], - [ - "scal", - "ar" - ], - [ - "ĠAtmosp", - "heric" - ], - [ - "Ġl", - "upus" - ], - [ - "Ġiden", - "tically" - ], - [ - "process", - "ed" - ], - [ - "sign", - "al" - ], - [ - "ĠClo", - "str" - ], - [ - "anc", - "ers" - ], - [ - "Ġd", - "b" - ], - [ - "Ġsubs", - "ystem" - ], - [ - "s", - "itu" - ], - [ - "Ġferro", - "electric" - ], - [ - "Ġï", - "Ľľ" - ], - [ - "Ġo", - "re" - ], - [ - "ĠR", - "b" - ], - [ - "ĠMicro", - "soft" - ], - [ - "ĠC", - "och" - ], - [ - "ĠAc", - "tin" - ], - [ - "Ġnerv", - "es" - ], - [ - "Ġexper", - "tise" - ], - [ - "o", - "tive" - ], - [ - "ĠPoinc", - "aré" - ], - [ - "ĠR", - "ig" - ], - [ - "Ġpsych", - "osocial" - ], - [ - "Ġprogen", - "itors" - ], - [ - "ĠM", - "yr" - ], - [ - "ĠH", - "ug" - ], - [ - "Ġbi", - "ogenesis" - ], - [ - "Ġincorpor", - "ates" - ], - [ - "Ġnever", - "theless" - ], - [ - "ĠDec", - "l" - ], - [ - "obs", - "erv" - ], - [ - "Ġmulti", - "plier" - ], - [ - "Ġrespond", - "ing" - ], - [ - "ho", - "ff" - ], - [ - "Ġimp", - "acted" - ], - [ - "Ġsynd", - "romes" - ], - [ - "k", - "el" - ], - [ - "ĠS", - "ynt" - ], - [ - "ĠCon", - "cer" - ], - [ - "ĠAmeric", - "ans" - ], - [ - "Ġspac", - "ed" - ], - [ - "um", - "ption" - ], - [ - "ĠThom", - "pson" - ], - [ - "ĠJacob", - "ian" - ], - [ - "T", - "ra" - ], - [ - "e", - "volution" - ], - [ - "Ġdid", - "n" - ], - [ - "Ġpercenti", - "le" - ], - [ - "Ġl", - "id" - ], - [ - "equ", - "ivalent" - ], - [ - "Ġantic", - "o" - ], - [ - "Ġmulti", - "ply" - ], - [ - "Ġpen", - "icillin" - ], - [ - "Ġrespons", - "iveness" - ], - [ - "Ġrun", - "off" - ], - [ - "al", - "anine" - ], - [ - "squ", - "ares" - ], - [ - "ĠIns", - "ulin" - ], - [ - "re", - "le" - ], - [ - "ĠL", - "if" - ], - [ - "ĠMink", - "owski" - ], - [ - "Ġbl", - "end" - ], - [ - "ĠP", - "and" - ], - [ - "Ġtw", - "elve" - ], - [ - "Ġhybrid", - "s" - ], - [ - "Ġb", - "ass" - ], - [ - "inter", - "action" - ], - [ - "ĠBanglades", - "h" - ], - [ - "Ġop", - "ens" - ], - [ - "ĠAr", - "ts" - ], - [ - "Ġconc", - "ave" - ], - [ - "Ġped", - "est" - ], - [ - "Ġf", - "ist" - ], - [ - "ĠAd", - "ults" - ], - [ - "open", - "ia" - ], - [ - "EN", - "CE" - ], - [ - "ĠF", - "usion" - ], - [ - "Ġmicro", - "c" - ], - [ - "ĠSur", - "gical" - ], - [ - "yl", - "ate" - ], - [ - "Ġpack", - "aging" - ], - [ - "OC", - "K" - ], - [ - "Q", - "C" - ], - [ - "T", - "ri" - ], - [ - "sc", - "an" - ], - [ - "Ġregard", - "s" - ], - [ - "Ġdiscrim", - "inant" - ], - [ - "Ġind", - "ustries" - ], - [ - "ic", - "us" - ], - [ - "ĠWalk", - "er" - ], - [ - "Ġpe", - "ers" - ], - [ - "sy", - "nt" - ], - [ - "Ġhor", - "se" - ], - [ - "Ġflow", - "ing" - ], - [ - "ur", - "red" - ], - [ - "ĠCR", - "P" - ], - [ - "ĠCare", - "er" - ], - [ - "iffiffiffiff", - "iffiffiffiff" - ], - [ - "ĠM", - "SE" - ], - [ - "han", - "a" - ], - [ - "ĠMor", - "tality" - ], - [ - "Ġtumorigen", - "esis" - ], - [ - "ĠIs", - "lam" - ], - [ - "Ġazim", - "uthal" - ], - [ - "w", - "en" - ], - [ - "Ġs", - "ys" - ], - [ - "az", - "in" - ], - [ - "ne", - "ighbor" - ], - [ - "Con", - "fig" - ], - [ - "the", - "y" - ], - [ - "Ġs", - "orption" - ], - [ - "Ġsp", - "anned" - ], - [ - "Ġview", - "point" - ], - [ - "M", - "OD" - ], - [ - "Ġth", - "rust" - ], - [ - "up", - "lex" - ], - [ - "Ġhist", - "ograms" - ], - [ - "Ġprogram", - "med" - ], - [ - "Ġeth", - "ics" - ], - [ - "ect", - "able" - ], - [ - "represent", - "ation" - ], - [ - "um", - "ns" - ], - [ - "Ġstre", - "et" - ], - [ - "ĠSob", - "olev" - ], - [ - "Ġexc", - "ision" - ], - [ - "ĠR", - "ud" - ], - [ - "qui", - "res" - ], - [ - "Ġown", - "ed" - ], - [ - "Ġthous", - "and" - ], - [ - "Ġantagon", - "ists" - ], - [ - "U", - "ST" - ], - [ - "Ġdrastic", - "ally" - ], - [ - "ĠóµĦ", - "©" - ], - [ - "ĠD", - "or" - ], - [ - "ĠM", - "OS" - ], - [ - "p", - "n" - ], - [ - "ĠDec", - "re" - ], - [ - "D", - "ep" - ], - [ - "Ġs", - "intering" - ], - [ - "Ġpur", - "ple" - ], - [ - "et", - "hanol" - ], - [ - "Ġhydro", - "carbon" - ], - [ - "ĠF", - "O" - ], - [ - "left", - "rightarrow" - ], - [ - "Ġimmun", - "ofluorescence" - ], - [ - "ĠO", - "M" - ], - [ - "Ġmat", - "urity" - ], - [ - "Ġearthqu", - "akes" - ], - [ - "Ġax", - "on" - ], - [ - "Ġprob", - "ed" - ], - [ - "OR", - "D" - ], - [ - "ĠAD", - "P" - ], - [ - "s", - "g" - ], - [ - "om", - "ere" - ], - [ - "Ġtrans", - "cribed" - ], - [ - "M", - "ar" - ], - [ - "ĠU", - "til" - ], - [ - "ĠI", - "A" - ], - [ - "Ġcomp", - "iled" - ], - [ - "Ġsuper", - "vision" - ], - [ - "ĠX", - "en" - ], - [ - "ĠJ", - "ur" - ], - [ - "com", - "par" - ], - [ - "Ġhypert", - "ensive" - ], - [ - "il", - "ized" - ], - [ - "ra", - "e" - ], - [ - "Con", - "clusion" - ], - [ - "''", - "'" - ], - [ - "Do", - "uble" - ], - [ - "ĠF", - "as" - ], - [ - "Ġins", - "ectic" - ], - [ - "ĠPre", - "m" - ], - [ - "P", - "ri" - ], - [ - "ĠCa", - "o" - ], - [ - "ĠQuestion", - "naire" - ], - [ - "Ġg", - "athered" - ], - [ - "G", - "W" - ], - [ - "ĠN", - "V" - ], - [ - "ĠLact", - "obacillus" - ], - [ - "Ġcycl", - "in" - ], - [ - "Ġre", - "ject" - ], - [ - "Ġsk", - "ull" - ], - [ - "Ġa", - "w" - ], - [ - "ĠC", - "old" - ], - [ - "Ġmes", - "ons" - ], - [ - "b", - "d" - ], - [ - "Ġdetrim", - "ental" - ], - [ - "ap", - "ore" - ], - [ - "now", - "led" - ], - [ - "ĠCX", - "CL" - ], - [ - "Ġspik", - "es" - ], - [ - "Ġt", - "ent" - ], - [ - "ĠL", - "ength" - ], - [ - "Ġdo", - "or" - ], - [ - "Ġfl", - "our" - ], - [ - "ustr", - "ation" - ], - [ - "He", - "alth" - ], - [ - "Ġtrans", - "parency" - ], - [ - "Ġdisrup", - "ted" - ], - [ - "H", - "y" - ], - [ - "over", - "l" - ], - [ - "ĠReinfor", - "cement" - ], - [ - "cept", - "ors" - ], - [ - "ĠK", - "os" - ], - [ - "ret", - "roviral" - ], - [ - "ĠIN", - "T" - ], - [ - "ĠS", - "or" - ], - [ - "Ġadop", - "ting" - ], - [ - "Ġend", - "oplasmic" - ], - [ - "Ġsu", - "it" - ], - [ - "Ġopi", - "oid" - ], - [ - "Ġintegr", - "in" - ], - [ - "aw", - "ay" - ], - [ - "Ġtail", - "ored" - ], - [ - "ĠS", - "oc" - ], - [ - "Ġqu", - "ies" - ], - [ - "Ġhus", - "band" - ], - [ - "Ġ", - "umb" - ], - [ - "ĠC", - "ai" - ], - [ - "ĠAs", - "pergillus" - ], - [ - "ĠGa", - "N" - ], - [ - "Ġdistingu", - "ishing" - ], - [ - "Ġextrap", - "olation" - ], - [ - "Ġc", - "age" - ], - [ - "Ġscav", - "enging" - ], - [ - "K", - "F" - ], - [ - "T", - "ree" - ], - [ - "ĠConfl", - "ict" - ], - [ - "UN", - "C" - ], - [ - "Ġmang", - "anese" - ], - [ - "d", - "ays" - ], - [ - "Ã", - "Ł" - ], - [ - "ĠL", - "ive" - ], - [ - "s", - "d" - ], - [ - "ract", - "or" - ], - [ - "Ġl", - "ute" - ], - [ - "Ġdis", - "similar" - ], - [ - "Ġ", - "ib" - ], - [ - "ĠV", - "eg" - ], - [ - "Ġoccur", - "rences" - ], - [ - "Ġbin", - "omial" - ], - [ - "Schem", - "e" - ], - [ - "Ġt", - "ape" - ], - [ - "ĠC", - "ant" - ], - [ - "Ġelect", - "rosp" - ], - [ - "C", - "d" - ], - [ - "m", - "ade" - ], - [ - "Ġse", - "vent" - ], - [ - "sh", - "ared" - ], - [ - "Ġaccess", - "ion" - ], - [ - "or", - "p" - ], - [ - "D", - "ATA" - ], - [ - "le", - "ted" - ], - [ - "V", - "ari" - ], - [ - "Ġro", - "se" - ], - [ - "tag", - "ged" - ], - [ - "ĠA", - "th" - ], - [ - "Ġed", - "dy" - ], - [ - "est", - "one" - ], - [ - "Ġes", - "ters" - ], - [ - "Ġtyp", - "ing" - ], - [ - "ĠStud", - "ents" - ], - [ - "y", - "i" - ], - [ - "ores", - "istance" - ], - [ - "ino", - "is" - ], - [ - "Ġgluc", - "ocortic" - ], - [ - "i", - "osis" - ], - [ - "Ġcor", - "onal" - ], - [ - "Ġshe", - "ath" - ], - [ - "ĠT", - "rack" - ], - [ - "Ġequ", - "ilibria" - ], - [ - "amm", - "ing" - ], - [ - "Ġp", - "ione" - ], - [ - "Ġsc", - "iences" - ], - [ - "Ġsuppress", - "ing" - ], - [ - "Ġdec", - "o" - ], - [ - "if", - "ndef" - ], - [ - "H", - "is" - ], - [ - "Ġpel", - "let" - ], - [ - "L", - "inear" - ], - [ - "orb", - "ent" - ], - [ - "Ġflat", - "ten" - ], - [ - "Ġst", - "raw" - ], - [ - "Ġal", - "beit" - ], - [ - "ĠPredic", - "tive" - ], - [ - "Ġg", - "aze" - ], - [ - "Ġhydro", - "ly" - ], - [ - "ut", - "her" - ], - [ - "od", - "ers" - ], - [ - "Ġfl", - "ap" - ], - [ - "Ġsimplic", - "ial" - ], - [ - "S", - "ystem" - ], - [ - "Ġst", - "ressed" - ], - [ - "Ġimmun", - "oglobulin" - ], - [ - "il", - "ia" - ], - [ - "Ġconsum", - "ing" - ], - [ - "ĠÃ", - "©" - ], - [ - "gal", - "act" - ], - [ - "Ġadul", - "thood" - ], - [ - "Ġvor", - "ticity" - ], - [ - "ycl", - "ic" - ], - [ - "ovolta", - "ic" - ], - [ - "ivest", - "ock" - ], - [ - "Ġbed", - "s" - ], - [ - "ĠPl", - "anning" - ], - [ - "Ġparameter", - "ized" - ], - [ - "Ġg", - "host" - ], - [ - "maxim", - "um" - ], - [ - "Ġsuper", - "im" - ], - [ - "Ġphysic", - "ochemical" - ], - [ - "g", - "p" - ], - [ - "ong", - "ue" - ], - [ - "Ġprim", - "ordial" - ], - [ - "x", - "ff" - ], - [ - "ins", - "ula" - ], - [ - "M", - "c" - ], - [ - "Ġminim", - "izes" - ], - [ - "ĠGra", - "vitational" - ], - [ - "os", - "oma" - ], - [ - "ign", - "ificant" - ], - [ - "Ġelucid", - "ated" - ], - [ - "Ġsub", - "surface" - ], - [ - "sign", - "ificant" - ], - [ - "Ġrel", - "atives" - ], - [ - "fer", - "roni" - ], - [ - "trans", - "f" - ], - [ - "Ġtail", - "s" - ], - [ - "b", - "eck" - ], - [ - "om", - "agnetic" - ], - [ - "Ġun", - "necessary" - ], - [ - "Ġmon", - "omial" - ], - [ - "del", - "ay" - ], - [ - "Ġst", - "a" - ], - [ - "ĠS", - "uz" - ], - [ - "Ġalter", - "ing" - ], - [ - "LO", - "G" - ], - [ - "ĠL", - "ac" - ], - [ - "Ġr", - "anks" - ], - [ - "h", - "w" - ], - [ - "ĠN", - "ep" - ], - [ - "Ġneu", - "ropath" - ], - [ - "ĠComp", - "e" - ], - [ - "G", - "r" - ], - [ - "P", - "ati" - ], - [ - "red", - "uce" - ], - [ - "ĠMalays", - "ia" - ], - [ - "cer", - "al" - ], - [ - "Ġmicro", - "bes" - ], - [ - "Ġlens", - "ing" - ], - [ - "ĠCalc", - "ium" - ], - [ - "ĠDeterm", - "in" - ], - [ - "ĠCost", - "a" - ], - [ - "Ġke", - "eps" - ], - [ - "print", - "ing" - ], - [ - "ĉĉĉĉ", - "ĉĉ" - ], - [ - "ch", - "in" - ], - [ - "ex", - "posed" - ], - [ - "Ġperiod", - "ically" - ], - [ - "Ġrend", - "er" - ], - [ - "ĠCardi", - "ovascular" - ], - [ - "ent", - "in" - ], - [ - "Ġbio", - "availability" - ], - [ - "Ġinterpret", - "ations" - ], - [ - "ĠC", - "U" - ], - [ - "Ġneg", - "oti" - ], - [ - "Ġan", - "tim" - ], - [ - "Ġdeem", - "ed" - ], - [ - "Ġa", - "e" - ], - [ - "Ġhal", - "os" - ], - [ - "ĠMich", - "igan" - ], - [ - "Ġoste", - "oarthritis" - ], - [ - "di", - "ag" - ], - [ - "ĠB", - "eng" - ], - [ - "Ġmet", - "agen" - ], - [ - "Ġparameter", - "ization" - ], - [ - "di", - "agn" - ], - [ - "ĠMat", - "ching" - ], - [ - "Ġcatal", - "ysis" - ], - [ - "ut", - "s" - ], - [ - "Ġdissem", - "ination" - ], - [ - "Ġout", - "let" - ], - [ - "ĠMo", - "on" - ], - [ - "ĠG", - "ST" - ], - [ - "sp", - "here" - ], - [ - "Ġresearc", - "her" - ], - [ - "ambig", - "uation" - ], - [ - "Ġra", - "ises" - ], - [ - "Ġflavon", - "oids" - ], - [ - "ĠMultiv", - "ariate" - ], - [ - "Ġac", - "cl" - ], - [ - "W", - "I" - ], - [ - "Ġn", - "u" - ], - [ - "Ġerg", - "odic" - ], - [ - "un", - "ique" - ], - [ - "atin", - "ib" - ], - [ - "Ġresol", - "utions" - ], - [ - "Ġhous", - "es" - ], - [ - "D", - "EC" - ], - [ - "ig", - "hed" - ], - [ - "Ġsix", - "th" - ], - [ - "Ġpolitic", - "ian" - ], - [ - "ap", - "ache" - ], - [ - "Ġsol", - "ute" - ], - [ - "Ġaug", - "ment" - ], - [ - "st", - "ress" - ], - [ - "H", - "IV" - ], - [ - "ĠS", - "ets" - ], - [ - "Ġtrans", - "istors" - ], - [ - "qu", - "bit" - ], - [ - "am", - "ines" - ], - [ - "Ġfarm", - "ers" - ], - [ - "Ġn", - "t" - ], - [ - "ĠLag", - "range" - ], - [ - "Ġveget", - "ables" - ], - [ - "Ġpre", - "t" - ], - [ - "ĠS", - "ynthetic" - ], - [ - "Ġcon", - "es" - ], - [ - "Ġmedic", - "ines" - ], - [ - "Ġgen", - "omics" - ], - [ - "Ġexperi", - "encing" - ], - [ - "ag", - "land" - ], - [ - "Ġgen", - "ital" - ], - [ - "ĠObserv", - "atory" - ], - [ - "ĠS", - "kin" - ], - [ - "ĠR", - "osen" - ], - [ - "ĠBrit", - "ain" - ], - [ - "gen", - "ome" - ], - [ - "ĠEnt", - "ropy" - ], - [ - "Ġr", - "ac" - ], - [ - "G", - "o" - ], - [ - "Ġw", - "alks" - ], - [ - "cript", - "or" - ], - [ - "ĠB", - "aker" - ], - [ - "ok", - "er" - ], - [ - "Ġprop", - "ensity" - ], - [ - "Ġpopular", - "ity" - ], - [ - "restric", - "ted" - ], - [ - "ĠB", - "ert" - ], - [ - "b", - "efore" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠĠĠĠ" - ], - [ - "aut", - "o" - ], - [ - "R", - "ank" - ], - [ - "ĠR", - "CT" - ], - [ - "Ġp", - "ocket" - ], - [ - "ob", - "ut" - ], - [ - "Ġbenz", - "ene" - ], - [ - "ĠCN", - "T" - ], - [ - "yptoph", - "an" - ], - [ - "all", - "is" - ], - [ - "ĠRes", - "ources" - ], - [ - "ĠBer", - "lin" - ], - [ - "Ġsch", - "olar" - ], - [ - "gl", - "ob" - ], - [ - "ĠSp", - "eed" - ], - [ - "ĠX", - "iao" - ], - [ - "big", - "gl" - ], - [ - "AN", - "CE" - ], - [ - "ĠPr", - "ime" - ], - [ - "Ph", - "ys" - ], - [ - "id", - "ia" - ], - [ - "Ġmon", - "oc" - ], - [ - "ĠCommun", - "ications" - ], - [ - "ĠPrec", - "ision" - ], - [ - "ĠPa", - "uli" - ], - [ - "Ġinvestig", - "ators" - ], - [ - "ĠLi", - "ang" - ], - [ - "Ġmeteor", - "ological" - ], - [ - "m", - "og" - ], - [ - "re", - "ens" - ], - [ - "ub", - "ric" - ], - [ - "Ġrearrang", - "ement" - ], - [ - "or", - "ta" - ], - [ - "E", - "lect" - ], - [ - "ĠT", - "ukey" - ], - [ - "ĠM", - "is" - ], - [ - "Ġepid", - "erm" - ], - [ - "ĠACK", - "NOWLED" - ], - [ - "w", - "art" - ], - [ - "Ġexcit", - "on" - ], - [ - "Ġassoci", - "ative" - ], - [ - "st", - "yrene" - ], - [ - "Ġl", - "osing" - ], - [ - "ĠO", - "d" - ], - [ - "p", - "rep" - ], - [ - "ess", - "ation" - ], - [ - "Ġattrib", - "utable" - ], - [ - "ĠNa", - "vier" - ], - [ - "an", - "z" - ], - [ - "Ġcorrect", - "ness" - ], - [ - "o", - "ints" - ], - [ - "ĠR", - "ather" - ], - [ - "Ġassemb", - "lies" - ], - [ - "Ġbrid", - "ges" - ], - [ - "OS", - "S" - ], - [ - "M", - "ET" - ], - [ - "Ġper", - "m" - ], - [ - "Ġauthor", - "ities" - ], - [ - "Ġiod", - "ine" - ], - [ - "sh", - "ire" - ], - [ - "inter", - "val" - ], - [ - "epti", - "d" - ], - [ - "Ġpot", - "ency" - ], - [ - "Ġrenew", - "able" - ], - [ - "v", - "ard" - ], - [ - "Ġsur", - "jective" - ], - [ - "Ġsubsequ", - "ence" - ], - [ - "ĠE", - "Vs" - ], - [ - "it", - "ching" - ], - [ - "Ġgen", - "otyping" - ], - [ - "ĠAcc", - "urate" - ], - [ - "iop", - "hene" - ], - [ - "G", - "ly" - ], - [ - "pl", - "ified" - ], - [ - "ĠDist", - "inct" - ], - [ - "AC", - "H" - ], - [ - "Ġspe", - "akers" - ], - [ - "hol", - "m" - ], - [ - "Ġpro", - "s" - ], - [ - "ĠDev", - "ice" - ], - [ - "m", - "c" - ], - [ - "ĠD", - "ense" - ], - [ - "ĠV", - "a" - ], - [ - "r", - "ison" - ], - [ - "Ġac", - "yl" - ], - [ - "ĠPrinc", - "ipal" - ], - [ - "ĠV", - "iral" - ], - [ - "Ġcos", - "ine" - ], - [ - "ĠRes", - "idual" - ], - [ - "Ġeff", - "lux" - ], - [ - "ĠSub", - "jects" - ], - [ - "Ġrect", - "angle" - ], - [ - "work", - "ers" - ], - [ - "Ġrot", - "ated" - ], - [ - "Ġb", - "omb" - ], - [ - "ĠRes", - "olution" - ], - [ - "ne", - "ar" - ], - [ - "ĠÂ", - "®" - ], - [ - "Ġestabl", - "ishes" - ], - [ - "am", - "ed" - ], - [ - "Ġcompet", - "ence" - ], - [ - "G", - "lu" - ], - [ - "ĠD", - "end" - ], - [ - "ĠH", - "sp" - ], - [ - "ens", - "ation" - ], - [ - "ĠLe", - "ad" - ], - [ - "Ġlog", - "ger" - ], - [ - "sin", - "h" - ], - [ - "Ġint", - "ellectual" - ], - [ - "form", - "er" - ], - [ - "C", - "e" - ], - [ - "Ġmon", - "ocyte" - ], - [ - "ho", - "res" - ], - [ - "Ġdiast", - "olic" - ], - [ - "Ġlif", - "espan" - ], - [ - "ĠSil", - "va" - ], - [ - "ar", - "um" - ], - [ - "Ġtrans", - "ducer" - ], - [ - "Ġout", - "going" - ], - [ - "ent", - "ation" - ], - [ - "Ġabsorb", - "ing" - ], - [ - "it", - "age" - ], - [ - "Ġsynt", - "hesize" - ], - [ - "Ġfe", - "eling" - ], - [ - "as", - "ian" - ], - [ - "Ġcer", - "amics" - ], - [ - "i", - "ph" - ], - [ - "Ġnon", - "local" - ], - [ - "P", - "art" - ], - [ - "Ġimmers", - "ed" - ], - [ - "station", - "ary" - ], - [ - "lect", - "ing" - ], - [ - "Ġweld", - "ing" - ], - [ - "Ġres", - "embles" - ], - [ - "ĠK", - "at" - ], - [ - "m", - "aster" - ], - [ - "Ġinters", - "ect" - ], - [ - "ĠO", - "lig" - ], - [ - "ĠTre", - "nds" - ], - [ - "ag", - "h" - ], - [ - "ĠN", - "av" - ], - [ - "ĠT", - "u" - ], - [ - "Ġep", - "ist" - ], - [ - "Ġclin", - "ics" - ], - [ - "Ġrepresent", - "atives" - ], - [ - "Ġgrate", - "ful" - ], - [ - "G", - "PIO" - ], - [ - "H", - "H" - ], - [ - "Ġun", - "ambig" - ], - [ - "t", - "uning" - ], - [ - "Ġnew", - "sp" - ], - [ - "coh", - "ol" - ], - [ - "################", - "################" - ], - [ - "%%%%", - "%%%%" - ], - [ - "represent", - "ed" - ], - [ - "oc", - "ic" - ], - [ - "ĠF", - "uk" - ], - [ - "ĠS", - "und" - ], - [ - "has", - "one" - ], - [ - "M", - "ode" - ], - [ - "ol", - "one" - ], - [ - "ĠS", - "b" - ], - [ - "Th", - "ree" - ], - [ - "L", - "ink" - ], - [ - "ce", - "phal" - ], - [ - "ĠK", - "ap" - ], - [ - "Ġelim", - "inating" - ], - [ - "Ġmelan", - "ogaster" - ], - [ - "â", - "Ł" - ], - [ - "ĠB", - "MD" - ], - [ - "IS", - "E" - ], - [ - "ĠBat", - "tle" - ], - [ - "Ġshrink", - "age" - ], - [ - "ĠSe", - "ven" - ], - [ - "ĠGl", - "ass" - ], - [ - "rom", - "agn" - ], - [ - "Ġk", - "l" - ], - [ - "ĠOb", - "viously" - ], - [ - "pres", - "erving" - ], - [ - "ĠPl", - "atform" - ], - [ - "ĠÌ", - "ĩ" - ], - [ - "om", - "avirus" - ], - [ - "ĠE", - "ight" - ], - [ - "Ġall", - "erg" - ], - [ - "ĠNanopar", - "ticles" - ], - [ - "ary", - "l" - ], - [ - "Ġpri", - "ors" - ], - [ - "pat", - "tern" - ], - [ - "Ġlinear", - "ity" - ], - [ - "Ġtr", - "uly" - ], - [ - "Pro", - "cess" - ], - [ - "Ġdesc", - "ending" - ], - [ - "ĠVictor", - "ia" - ], - [ - "c", - "ond" - ], - [ - "ĠI", - "CP" - ], - [ - "ores", - "cent" - ], - [ - "Ġauthor", - "ity" - ], - [ - "Ġm", - "ock" - ], - [ - "igm", - "oid" - ], - [ - "Ġcomorbid", - "ities" - ], - [ - "sim", - "ple" - ], - [ - "Ġbl", - "o" - ], - [ - "ĠComput", - "e" - ], - [ - "Ġgest", - "ation" - ], - [ - "achus", - "etts" - ], - [ - "Ġph", - "antom" - ], - [ - "ĠEd", - "ward" - ], - [ - "ĠF", - "BS" - ], - [ - "fact", - "ors" - ], - [ - "ĠEstim", - "ates" - ], - [ - "c", - "lear" - ], - [ - "W", - "B" - ], - [ - "pro", - "ducts" - ], - [ - "num", - "py" - ], - [ - "b", - "rief" - ], - [ - "Ġsh", - "op" - ], - [ - "ĠPol", - "i" - ], - [ - "ĠRespir", - "atory" - ], - [ - "Ġsurprising", - "ly" - ], - [ - "Ġnanocom", - "posite" - ], - [ - "divid", - "ual" - ], - [ - "Ġholog", - "raphic" - ], - [ - "ygd", - "ala" - ], - [ - "ro", - "plasty" - ], - [ - "ot", - "actic" - ], - [ - "ĠPennsylvan", - "ia" - ], - [ - "ĠSc", - "ore" - ], - [ - "Ob", - "j" - ], - [ - "Ġst", - "ories" - ], - [ - "Ġmaxim", - "izing" - ], - [ - "Ġgel", - "atin" - ], - [ - "r", - "ites" - ], - [ - "ĠT", - "au" - ], - [ - "Ġtryp", - "sin" - ], - [ - "Ġ", - "ith" - ], - [ - "Ġf", - "aint" - ], - [ - "Ġprim", - "ing" - ], - [ - "ew", - "orthy" - ], - [ - "ĠIn", - "verse" - ], - [ - "Ġkn", - "ots" - ], - [ - "sh", - "arp" - ], - [ - "Ġtrain", - "s" - ], - [ - "Ġcred", - "it" - ], - [ - "ĠBel", - "ow" - ], - [ - "pix", - "el" - ], - [ - "Ġspind", - "le" - ], - [ - "ĠP", - "ast" - ], - [ - "Ġenum", - "erate" - ], - [ - "ol", - "ateral" - ], - [ - "Ġatt", - "ending" - ], - [ - "Ġquanti", - "zed" - ], - [ - "Ġhapl", - "otypes" - ], - [ - "enc", - "l" - ], - [ - "Ġw", - "aven" - ], - [ - "Ġfurther", - "more" - ], - [ - "Ġchalleng", - "ed" - ], - [ - "Ġmanufact", - "ured" - ], - [ - "ipher", - "al" - ], - [ - "Ġinfin", - "ites" - ], - [ - "ĠR", - "and" - ], - [ - "Ġst", - "aging" - ], - [ - "ag", - "an" - ], - [ - "Ġper", - "ox" - ], - [ - "tr", - "ifluor" - ], - [ - "ĠMc", - "K" - ], - [ - "ĠF", - "OX" - ], - [ - "ĠL", - "ank" - ], - [ - "ĠLu", - "o" - ], - [ - "ĠAn", - "th" - ], - [ - "ibri", - "o" - ], - [ - "y", - "el" - ], - [ - "ĠJ", - "i" - ], - [ - "ĠI", - "O" - ], - [ - "ĠB", - "ridge" - ], - [ - "ĠR", - "ow" - ], - [ - "Ġcompens", - "ated" - ], - [ - "ats", - "u" - ], - [ - "Ġhypothe", - "tical" - ], - [ - "Ġtermin", - "als" - ], - [ - "Ġcobal", - "t" - ], - [ - "m", - "ers" - ], - [ - "ĠM", - "ang" - ], - [ - "N", - "I" - ], - [ - "ĠR", - "ac" - ], - [ - "AL", - "S" - ], - [ - "f", - "en" - ], - [ - "ĠU", - "b" - ], - [ - "Ġpred", - "ation" - ], - [ - "c", - "adherin" - ], - [ - "ĠSh", - "anghai" - ], - [ - "Ġtri", - "es" - ], - [ - "Ġsp", - "ort" - ], - [ - "acryl", - "ate" - ], - [ - "ĠAlgebra", - "ic" - ], - [ - "ain", - "ts" - ], - [ - "Ex", - "pr" - ], - [ - "Ġand", - "rogen" - ], - [ - "Ġw", - "edge" - ], - [ - "dis", - "p" - ], - [ - "Ġstir", - "red" - ], - [ - "ĠA", - "le" - ], - [ - "Ġc", - "ock" - ], - [ - "F", - "our" - ], - [ - "Ġsc", - "anner" - ], - [ - "Ġplas", - "mon" - ], - [ - "ĠG", - "ender" - ], - [ - "ĠRec", - "ord" - ], - [ - "ĠInj", - "ury" - ], - [ - "obl", - "astic" - ], - [ - "ĠFlu", - "orescence" - ], - [ - "Ġanti", - "depress" - ], - [ - "Ġdefin", - "itive" - ], - [ - "Ġrep", - "ression" - ], - [ - "ordin", - "ates" - ], - [ - "Ġangi", - "ography" - ], - [ - "ĠHel", - "ical" - ], - [ - "Ġcancell", - "ation" - ], - [ - "re", - "lease" - ], - [ - "Ġrel", - "ational" - ], - [ - "ĠAnd", - "re" - ], - [ - "mo", - "lecule" - ], - [ - "Ġshap", - "ing" - ], - [ - "ĠDen", - "mark" - ], - [ - "ĠAL", - "S" - ], - [ - "ĠN", - "W" - ], - [ - "over", - "rightarrow" - ], - [ - "Ġcomb", - "at" - ], - [ - "box", - "es" - ], - [ - "sub", - "ject" - ], - [ - "Ġnanos", - "cale" - ], - [ - "Ġcan", - "ine" - ], - [ - "Ġs", - "aving" - ], - [ - "Ġstrateg", - "ic" - ], - [ - "St", - "at" - ], - [ - "ĠD", - "ub" - ], - [ - "Ġper", - "mitted" - ], - [ - "ĠTw", - "itter" - ], - [ - "â", - "Ķ" - ], - [ - "Ġmem", - "ories" - ], - [ - "ĠBus", - "iness" - ], - [ - "ad", - "ays" - ], - [ - "Ġpool", - "ing" - ], - [ - "ĠClust", - "ers" - ], - [ - "im", - "ide" - ], - [ - "oun", - "ters" - ], - [ - "frac", - "tion" - ], - [ - "ĠCl", - "iff" - ], - [ - "C", - "am" - ], - [ - "E", - "ven" - ], - [ - "K", - "Y" - ], - [ - "k", - "it" - ], - [ - "ibr", - "ated" - ], - [ - "Ġaccompan", - "ying" - ], - [ - "an", - "us" - ], - [ - "Ġbu", - "oy" - ], - [ - "Ġprolifer", - "ative" - ], - [ - "Ġpro", - "c" - ], - [ - "Ġstabil", - "izing" - ], - [ - "ĠNam", - "ely" - ], - [ - "pos", - "p" - ], - [ - "so", - "on" - ], - [ - "Ġaberr", - "ant" - ], - [ - "Ġinter", - "stellar" - ], - [ - "Over", - "all" - ], - [ - "ĠG", - "n" - ], - [ - "ĠFeed", - "back" - ], - [ - "Ġo", - "racle" - ], - [ - "Ġpre", - "natal" - ], - [ - "com", - "mun" - ], - [ - "Ġoutbreak", - "s" - ], - [ - "Ġfertil", - "ization" - ], - [ - "ĠM", - "AG" - ], - [ - "Ġsing", - "er" - ], - [ - "ĠMic", - "rowave" - ], - [ - "ĠPar", - "liament" - ], - [ - "cast", - "ing" - ], - [ - "Gen", - "eral" - ], - [ - "al", - "gorithm" - ], - [ - "Ġph", - "rase" - ], - [ - "Ġa", - "vian" - ], - [ - "ĠP", - "LA" - ], - [ - "Ġhard", - "ly" - ], - [ - "approxim", - "ately" - ], - [ - "AR", - "CH" - ], - [ - "Ġtrans", - "c" - ], - [ - "Ġdec", - "omp" - ], - [ - "cont", - "in" - ], - [ - "ĠMil", - "ky" - ], - [ - "Ġher", - "pes" - ], - [ - "R", - "ange" - ], - [ - "O", - "FF" - ], - [ - "prising", - "ly" - ], - [ - "l", - "x" - ], - [ - "ĠAB", - "A" - ], - [ - "Ġsh", - "ore" - ], - [ - "Ġderiv", - "ing" - ], - [ - "Ġpel", - "lets" - ], - [ - "nowled", - "g" - ], - [ - "I", - "tem" - ], - [ - "strand", - "ed" - ], - [ - "bu", - "ilt" - ], - [ - "Gl", - "c" - ], - [ - "qu", - "ist" - ], - [ - "ĠSub", - "strate" - ], - [ - "Ġtra", - "ditionally" - ], - [ - "ĠM", - "ount" - ], - [ - "ival", - "ence" - ], - [ - "ax", - "ation" - ], - [ - "Ġloc", - "ate" - ], - [ - "Ġg", - "un" - ], - [ - "Ġvoc", - "abulary" - ], - [ - "ĠPol", - "ym" - ], - [ - "Ġec", - "t" - ], - [ - "Ġm", - "ult" - ], - [ - "Ġsediment", - "ary" - ], - [ - "Ġautocor", - "relation" - ], - [ - "ĠS", - "ympt" - ], - [ - "Ġterr", - "itory" - ], - [ - "Ġexcit", - "atory" - ], - [ - "Ġv", - "ote" - ], - [ - "Ġhe", - "red" - ], - [ - "ace", - "a" - ], - [ - "ĠF", - "ocus" - ], - [ - "am", - "pling" - ], - [ - "ff", - "ee" - ], - [ - "Ġprim", - "es" - ], - [ - "ĠM", - "aking" - ], - [ - "ir", - "s" - ], - [ - "MP", - "s" - ], - [ - "Ġl", - "itter" - ], - [ - "amet", - "hasone" - ], - [ - "Ġk", - "J" - ], - [ - "Ġsecret", - "ory" - ], - [ - "Ġcost", - "ly" - ], - [ - "Ġpartners", - "hip" - ], - [ - "ĠBacter", - "ia" - ], - [ - "Ġperoxid", - "ation" - ], - [ - "st", - "roke" - ], - [ - "ĠS", - "av" - ], - [ - "ĠB", - "W" - ], - [ - "Ġconn", - "ects" - ], - [ - "Ġam", - "ine" - ], - [ - "r", - "il" - ], - [ - "Ġbat", - "tle" - ], - [ - "ĠN", - "otes" - ], - [ - "ĠPro", - "vid" - ], - [ - "ĠInstit", - "utional" - ], - [ - "Ġpro", - "pri" - ], - [ - "f", - "an" - ], - [ - "Ġp", - "un" - ], - [ - "rom", - "b" - ], - [ - "v", - "ities" - ], - [ - "ĠC", - "AM" - ], - [ - "ĠI", - "sh" - ], - [ - "ĠH", - "N" - ], - [ - "ĠRec", - "omb" - ], - [ - "sc", - "he" - ], - [ - "Ġsyn", - "chrotron" - ], - [ - "ri", - "k" - ], - [ - "syn", - "aptic" - ], - [ - "ĠGeorg", - "ia" - ], - [ - "?", - "?" - ], - [ - "C", - "Y" - ], - [ - "Ġcorrespond", - "ed" - ], - [ - "kin", - "ase" - ], - [ - "ĠI", - "TS" - ], - [ - "Ġpropos", - "als" - ], - [ - "Ġbi", - "oge" - ], - [ - "ĠE", - "SR" - ], - [ - "ĠW", - "en" - ], - [ - "ĠJ", - "a" - ], - [ - "ĠSe", - "vere" - ], - [ - "ĠAd", - "en" - ], - [ - "ĠC", - "CL" - ], - [ - "Ġse", - "at" - ], - [ - "ĠK", - "re" - ], - [ - "Ġhelp", - "ing" - ], - [ - "Ġn", - "ets" - ], - [ - "ĠL", - "ep" - ], - [ - "hed", - "ra" - ], - [ - "opo", - "ulos" - ], - [ - "ĠB", - "ak" - ], - [ - "ans", - "as" - ], - [ - "Ġref", - "rig" - ], - [ - "Ġubiquit", - "ous" - ], - [ - "Ġmat", - "ters" - ], - [ - "Ġsil", - "icate" - ], - [ - "ĠLast", - "ly" - ], - [ - "ĠThe", - "ories" - ], - [ - "Ġag", - "arose" - ], - [ - "big", - "gr" - ], - [ - "trans", - "ition" - ], - [ - "ĠDec", - "omposition" - ], - [ - "b", - "romo" - ], - [ - "Ġstake", - "holders" - ], - [ - "ĠE", - "E" - ], - [ - "On", - "ly" - ], - [ - "ĠKen", - "ya" - ], - [ - "Ġarg", - "on" - ], - [ - "ĠIdentif", - "ying" - ], - [ - "Ġtourn", - "ament" - ], - [ - "cl", - "ock" - ], - [ - "ĠCF", - "U" - ], - [ - "ĠBehavi", - "oral" - ], - [ - "Ġp", - "od" - ], - [ - "Ġtaxon", - "omy" - ], - [ - "ĠPro", - "duct" - ], - [ - "ĠAl", - "ong" - ], - [ - "Ġfamil", - "ial" - ], - [ - "Ġdescript", - "or" - ], - [ - "v", - "ated" - ], - [ - "ĠVari", - "ables" - ], - [ - "t", - "p" - ], - [ - "Ġgood", - "s" - ], - [ - "ĠA", - "ST" - ], - [ - "ĠAn", - "is" - ], - [ - "Ġspin", - "or" - ], - [ - "at", - "tention" - ], - [ - "Ġbas", - "ket" - ], - [ - "Str", - "uct" - ], - [ - "Ġimmunohist", - "ochemical" - ], - [ - "eng", - "ers" - ], - [ - "C", - "AT" - ], - [ - "Ġtang", - "ential" - ], - [ - "C", - "ap" - ], - [ - "ĠP", - "air" - ], - [ - "Ġvisco", - "elastic" - ], - [ - "ĠAd", - "s" - ], - [ - "Ġglycos", - "ylation" - ], - [ - "Ġd", - "ur" - ], - [ - "ĠMin", - "imum" - ], - [ - "Ġrig", - "idity" - ], - [ - "st", - "ats" - ], - [ - "till", - "ation" - ], - [ - "ĠDisc", - "rim" - ], - [ - "ĠLeg", - "end" - ], - [ - "Pre", - "vious" - ], - [ - "fil", - "m" - ], - [ - "Ġalumin", - "ium" - ], - [ - "M", - "icro" - ], - [ - "in", - "ia" - ], - [ - "eg", - "el" - ], - [ - "ĠSub", - "cellular" - ], - [ - "Ġbottlen", - "eck" - ], - [ - "Ġsy", - "ll" - ], - [ - "ic", - "le" - ], - [ - "Ġshe", - "af" - ], - [ - "che", - "ll" - ], - [ - "ex", - "ample" - ], - [ - "ĠSe", - "lected" - ], - [ - "Ġpred", - "ators" - ], - [ - "Ġre", - "per" - ], - [ - "Ġstr", - "ugg" - ], - [ - "ĠM", - "aria" - ], - [ - "ly", - "l" - ], - [ - "L", - "F" - ], - [ - "Ġexerc", - "ises" - ], - [ - "ob", - "ium" - ], - [ - "IL", - "ITY" - ], - [ - "cor", - "rected" - ], - [ - "Ġbenchmark", - "s" - ], - [ - "ĠT", - "ol" - ], - [ - "Ġinter", - "cept" - ], - [ - "ĠCalc", - "ulation" - ], - [ - "ĠIndones", - "ia" - ], - [ - "Ġgli", - "oblastoma" - ], - [ - "K", - "M" - ], - [ - "ĠSup", - "plemental" - ], - [ - "Ġciti", - "zens" - ], - [ - "ad", - "ren" - ], - [ - "Ġmultim", - "odal" - ], - [ - "Ġmosquito", - "es" - ], - [ - "iv", - "a" - ], - [ - "ĠFind", - "ings" - ], - [ - "ĠP", - "ub" - ], - [ - "ĠMac", - "roph" - ], - [ - "Ack", - "nowledg" - ], - [ - "Ġbas", - "ins" - ], - [ - "ex", - "act" - ], - [ - "Ġgra", - "des" - ], - [ - "Ġf", - "ir" - ], - [ - "ig", - "a" - ], - [ - "ĠPol", - "ynomial" - ], - [ - "ĠLong", - "itudinal" - ], - [ - "Ġsemicon", - "ductors" - ], - [ - "T", - "op" - ], - [ - "ip", - "tera" - ], - [ - "Ġlack", - "s" - ], - [ - "ro", - "graph" - ], - [ - "Ġselec", - "ts" - ], - [ - "Ġswe", - "et" - ], - [ - "Ġb", - "ac" - ], - [ - "Ġdown", - "loaded" - ], - [ - "ap", - "onic" - ], - [ - "ij", - "k" - ], - [ - "ot", - "onic" - ], - [ - "normal", - "ized" - ], - [ - "ĠVari", - "ability" - ], - [ - "di", - "vision" - ], - [ - "ĠSu", - "pers" - ], - [ - "il", - "ab" - ], - [ - "H", - "uman" - ], - [ - "Ġlept", - "in" - ], - [ - "Ġosm", - "otic" - ], - [ - "Ġh", - "ur" - ], - [ - "ĠSing", - "apore" - ], - [ - "ĠO", - "PT" - ], - [ - "ĠSo", - "viet" - ], - [ - "lit", - "axel" - ], - [ - "ret", - "aceous" - ], - [ - "ĠOn", - "c" - ], - [ - "ĠI", - "X" - ], - [ - "ul", - "as" - ], - [ - "u", - "ent" - ], - [ - "Ġlymph", - "oid" - ], - [ - "T", - "c" - ], - [ - "Ġrational", - "e" - ], - [ - "L", - "ayer" - ], - [ - "os", - "ities" - ], - [ - "Ġdes", - "ire" - ], - [ - "ĠAnn", - "ual" - ], - [ - "ub", - "a" - ], - [ - "ĠCompound", - "s" - ], - [ - "Ġantif", - "ungal" - ], - [ - "Ġcation", - "ic" - ], - [ - "it", - "ems" - ], - [ - "acter", - "ium" - ], - [ - "amil", - "ies" - ], - [ - "Ġelong", - "ated" - ], - [ - "ĠMass", - "achusetts" - ], - [ - "ĠIr", - "ish" - ], - [ - "ass", - "o" - ], - [ - "az", - "o" - ], - [ - "ĠBur", - "k" - ], - [ - "rob", - "enius" - ], - [ - "Ġis", - "instance" - ], - [ - "b", - "ion" - ], - [ - "Ġgre", - "edy" - ], - [ - "Ġnicot", - "ine" - ], - [ - "Ġretrie", - "ve" - ], - [ - "Ġsym", - "pathetic" - ], - [ - "que", - "e" - ], - [ - "Ġfol", - "i" - ], - [ - "Ġsp", - "utter" - ], - [ - "Ġgra", - "ding" - ], - [ - "determ", - "ined" - ], - [ - "Ġab", - "norm" - ], - [ - "Ġman", - "agers" - ], - [ - "Ġtop", - "ical" - ], - [ - "Ġimm", - "ig" - ], - [ - "ĠD", - "NN" - ], - [ - "g", - "tr" - ], - [ - "Ġdet", - "ections" - ], - [ - "ĠOb", - "esity" - ], - [ - "s", - "uc" - ], - [ - "ĠSc", - "he" - ], - [ - "Ġtr", - "unk" - ], - [ - "Ġto", - "ugh" - ], - [ - "ĠB", - "N" - ], - [ - "Ġr", - "u" - ], - [ - "ox", - "if" - ], - [ - "Ġaim", - "ing" - ], - [ - "ĠExt", - "racellular" - ], - [ - "Ġhapl", - "otype" - ], - [ - "D", - "u" - ], - [ - "ĠD", - "ing" - ], - [ - "ĠD", - "ol" - ], - [ - "Ġhum", - "id" - ], - [ - "b", - "rom" - ], - [ - "Ġoff", - "line" - ], - [ - "Comb", - "ining" - ], - [ - "Ġpuls", - "ar" - ], - [ - "Ġpar", - "i" - ], - [ - "part", - "ate" - ], - [ - "im", - "ated" - ], - [ - "Ġwaters", - "hed" - ], - [ - "acryl", - "amide" - ], - [ - "ex", - "ec" - ], - [ - "ĠCom", - "posite" - ], - [ - "Ġdispers", - "ive" - ], - [ - "Ġt", - "ons" - ], - [ - "rom", - "etry" - ], - [ - "ĠJ", - "ud" - ], - [ - "az", - "a" - ], - [ - "Ġchick", - "ens" - ], - [ - "reg", - "ister" - ], - [ - "n", - "z" - ], - [ - "U", - "til" - ], - [ - "ĠV", - "es" - ], - [ - "e", - "V" - ], - [ - "ĠR", - "ule" - ], - [ - "sub", - "stituted" - ], - [ - "Con", - "v" - ], - [ - "qu", - "ery" - ], - [ - "M", - "ac" - ], - [ - "ĠT", - "ar" - ], - [ - "im", - "plies" - ], - [ - "ĠR", - "ates" - ], - [ - "Ġr", - "ins" - ], - [ - "Ġtimes", - "cales" - ], - [ - "ĠCz", - "ech" - ], - [ - "S", - "uch" - ], - [ - "res", - "timate" - ], - [ - "ĠM", - "b" - ], - [ - "ĠFu", - "j" - ], - [ - "ĠI", - "MD" - ], - [ - "c", - "it" - ], - [ - "Ġra", - "ising" - ], - [ - "....", - "...." - ], - [ - "h", - "ome" - ], - [ - "as", - "ted" - ], - [ - "Ġoc", - "ta" - ], - [ - "Ġc", - "admium" - ], - [ - "Ġps", - "ori" - ], - [ - "role", - "um" - ], - [ - "ĠSt", - "ellar" - ], - [ - "ĠKin", - "ase" - ], - [ - "ĠG", - "ard" - ], - [ - "ie", - "u" - ], - [ - "ĠMo", - "S" - ], - [ - "M", - "G" - ], - [ - "ĠG", - "SH" - ], - [ - "Ġhaz", - "ards" - ], - [ - "Ġn", - "ice" - ], - [ - "he", - "ating" - ], - [ - "Ġreproduc", - "ible" - ], - [ - "gen", - "esis" - ], - [ - "ĠIg", - "M" - ], - [ - "Ġbe", - "at" - ], - [ - "onucle", - "ase" - ], - [ - "entral", - "ized" - ], - [ - "ĠL", - "é" - ], - [ - "Ġd", - "ol" - ], - [ - "Ġdeep", - "ly" - ], - [ - "rac", - "tive" - ], - [ - "Ġgl", - "ial" - ], - [ - "i", - "ella" - ], - [ - "Ġinitial", - "ized" - ], - [ - "ĠMethod", - "ology" - ], - [ - "Ġbent", - "hic" - ], - [ - "om", - "i" - ], - [ - "ĠAl", - "ter" - ], - [ - "Or", - "dered" - ], - [ - "ĠL", - "IN" - ], - [ - "Ġun", - "ilateral" - ], - [ - "Ġcortic", - "oster" - ], - [ - "L", - "EN" - ], - [ - "Ġdil", - "ute" - ], - [ - "Ġmetall", - "oprotein" - ], - [ - "ab", - "eth" - ], - [ - "amp", - "ion" - ], - [ - "Ġmor", - "al" - ], - [ - "ĠSi", - "C" - ], - [ - "Ġquadr", - "ature" - ], - [ - "Ġsediment", - "ation" - ], - [ - "et", - "e" - ], - [ - "ĠF", - "rag" - ], - [ - "Ġpeak", - "ed" - ], - [ - "Ġmitig", - "ation" - ], - [ - "Ġsol", - "di" - ], - [ - "Ġdoub", - "ly" - ], - [ - "Ġellip", - "so" - ], - [ - "Ġlnc", - "RNAs" - ], - [ - "Ġâİ", - "¢" - ], - [ - "ĠS", - "ame" - ], - [ - "ĠS", - "ustain" - ], - [ - "ĠCap", - "acity" - ], - [ - "Ġs", - "omat" - ], - [ - "Ġtrans", - "istor" - ], - [ - "Ġassay", - "ed" - ], - [ - "ĠN", - "ur" - ], - [ - "to", - "ols" - ], - [ - "S", - "ing" - ], - [ - "Ġlig", - "ament" - ], - [ - "ate", - "ver" - ], - [ - "Ġper", - "ce" - ], - [ - "hen", - "ce" - ], - [ - "U", - "X" - ], - [ - "s", - "ent" - ], - [ - "EG", - "G" - ], - [ - "th", - "ird" - ], - [ - "end", - "ers" - ], - [ - "the", - "oretic" - ], - [ - "Ġre", - "wards" - ], - [ - "ut", - "o" - ], - [ - "Ġinstall", - "ation" - ], - [ - "ĠKine", - "tic" - ], - [ - "ĠIn", - "nov" - ], - [ - "ĠSol", - "ving" - ], - [ - "ĠS", - "ymmetry" - ], - [ - "Ġr", - "amp" - ], - [ - "Ġneu", - "ropathy" - ], - [ - "omer", - "ization" - ], - [ - "Ġcat", - "ech" - ], - [ - "P", - "red" - ], - [ - "ĠB", - "oh" - ], - [ - "EM", - "ENT" - ], - [ - "Ġarm", - "y" - ], - [ - "ĠYuk", - "awa" - ], - [ - "Ġalign", - "ments" - ], - [ - "ĠDepend", - "ence" - ], - [ - "Ġen", - "v" - ], - [ - "e", - "an" - ], - [ - "s", - "r" - ], - [ - "Ġinterp", - "reting" - ], - [ - "eloc", - "ity" - ], - [ - "Ġpsych", - "ology" - ], - [ - "Ġbiofil", - "ms" - ], - [ - "Ġeccentric", - "ity" - ], - [ - "l", - "ot" - ], - [ - "analy", - "tic" - ], - [ - "Ġperiod", - "icity" - ], - [ - "n", - "ings" - ], - [ - "ĠK", - "ent" - ], - [ - "fl", - "ag" - ], - [ - "Ġm", - "p" - ], - [ - "ĠN", - "ich" - ], - [ - "hi", - "re" - ], - [ - "Ġfl", - "are" - ], - [ - "Ġcit", - "rate" - ], - [ - "Ġp", - "aste" - ], - [ - "Ġdele", - "te" - ], - [ - "zym", - "es" - ], - [ - "orient", - "ation" - ], - [ - "ĠH", - "Y" - ], - [ - "Ġcomm", - "ands" - ], - [ - "Ġstri", - "ke" - ], - [ - "s", - "ymbol" - ], - [ - "ĠM", - "ind" - ], - [ - "Ġoptim", - "isation" - ], - [ - "Ġosteopor", - "osis" - ], - [ - "ĠInf", - "lammation" - ], - [ - "ĠIntellig", - "ence" - ], - [ - "e", - "h" - ], - [ - "ut", - "um" - ], - [ - "Ġv", - "ec" - ], - [ - "ell", - "ation" - ], - [ - "ĠBl", - "och" - ], - [ - "ĠMajor", - "ana" - ], - [ - "en", - "or" - ], - [ - "ĠN", - "gu" - ], - [ - "Ġde", - "uter" - ], - [ - "oped", - "ia" - ], - [ - "Ġ", - "utter" - ], - [ - "Ġrib", - "osome" - ], - [ - "Ġact", - "ors" - ], - [ - "elect", - "ronic" - ], - [ - "é", - "e" - ], - [ - "Ġfeat", - "uring" - ], - [ - "ag", - "le" - ], - [ - "Ġper", - "in" - ], - [ - "ĠC", - "ivil" - ], - [ - "Ġpred", - "efined" - ], - [ - "l", - "ag" - ], - [ - "ĠJ", - "AK" - ], - [ - "j", - "amin" - ], - [ - "in", - "dividual" - ], - [ - "on", - "c" - ], - [ - "Ġf", - "ishing" - ], - [ - "di", - "tive" - ], - [ - "N", - "orm" - ], - [ - "ĠSc", - "anning" - ], - [ - "van", - "ishing" - ], - [ - "Ġc", - "essation" - ], - [ - "ĠH", - "ole" - ], - [ - "rib", - "utes" - ], - [ - "I", - "E" - ], - [ - "ĠM", - "pc" - ], - [ - "weg", - "ian" - ], - [ - "M", - "a" - ], - [ - "Ġrevis", - "ited" - ], - [ - "ĠPl", - "us" - ], - [ - "abil", - "ized" - ], - [ - "Ġsc", - "anned" - ], - [ - "ĠEx", - "change" - ], - [ - "Ġbrom", - "ide" - ], - [ - "L", - "ife" - ], - [ - "ot", - "roph" - ], - [ - "AD", - "S" - ], - [ - "âĭ", - "ħ" - ], - [ - "Ġoper", - "ative" - ], - [ - "ĠB", - "ERT" - ], - [ - "Ġpl", - "ume" - ], - [ - "Ġpo", - "orer" - ], - [ - "Ġtro", - "ut" - ], - [ - "Ġmicrotub", - "ule" - ], - [ - "Ġphosph", - "atidyl" - ], - [ - "radi", - "us" - ], - [ - "ĠMus", - "cle" - ], - [ - "Ġcarcin", - "ogenesis" - ], - [ - "Ġsee", - "ing" - ], - [ - "ucle", - "in" - ], - [ - "f", - "ollow" - ], - [ - "Ġsup", - "plements" - ], - [ - "ol", - "ars" - ], - [ - "spec", - "ially" - ], - [ - "Ġcomple", - "ting" - ], - [ - "Ġna", - "ïve" - ], - [ - "ĠÏ", - "©" - ], - [ - "clero", - "tic" - ], - [ - "D", - "isc" - ], - [ - "ĠF", - "estival" - ], - [ - "Ġcl", - "ick" - ], - [ - "cl", - "usive" - ], - [ - "Ġcatal", - "ogue" - ], - [ - "Ġap", - "ps" - ], - [ - "ĠS", - "ED" - ], - [ - "Ġstack", - "ed" - ], - [ - "Ġtun", - "e" - ], - [ - "ĠDM", - "EM" - ], - [ - "Ġaeros", - "ols" - ], - [ - "Ġg", - "ear" - ], - [ - "ant", - "ine" - ], - [ - "ĠSt", - "one" - ], - [ - "Ġpos", - "itives" - ], - [ - "tri", - "ang" - ], - [ - "prob", - "ability" - ], - [ - "Ġdec", - "oupling" - ], - [ - "ĠÍ", - "ĵ" - ], - [ - "ĠV", - "in" - ], - [ - "Ġsurv", - "ived" - ], - [ - "Ġre", - "plicated" - ], - [ - "ut", - "rient" - ], - [ - "Ġtemper", - "ate" - ], - [ - "Ġens", - "embles" - ], - [ - "Ġmultic", - "enter" - ], - [ - "Ġg", - "aseous" - ], - [ - "ide", - "a" - ], - [ - "class", - "ification" - ], - [ - "ĠOut", - "come" - ], - [ - "cl", - "onal" - ], - [ - "Ġdiscontinu", - "ity" - ], - [ - "Ġadvantage", - "ous" - ], - [ - "Ġdist", - "ricts" - ], - [ - "ĠI", - "BM" - ], - [ - "inguish", - "able" - ], - [ - "Ġcar", - "s" - ], - [ - "c", - "ult" - ], - [ - "en", - "riched" - ], - [ - "arg", - "in" - ], - [ - "nov", - "ae" - ], - [ - "stead", - "y" - ], - [ - "Ġbu", - "y" - ], - [ - "pir", - "ation" - ], - [ - "Ġpartition", - "ed" - ], - [ - "Ġin", - "ability" - ], - [ - "p", - "q" - ], - [ - "Ġb", - "ull" - ], - [ - "od", - "end" - ], - [ - "Ġass", - "istant" - ], - [ - "Ġlum", - "en" - ], - [ - "Ġconver", - "ting" - ], - [ - "P", - "Y" - ], - [ - "z", - "ol" - ], - [ - "ut", - "ors" - ], - [ - "ĠNLR", - "P" - ], - [ - "app", - "ly" - ], - [ - "ĠBon", - "ferroni" - ], - [ - "L", - "s" - ], - [ - "Ġt", - "ips" - ], - [ - "ĠL", - "N" - ], - [ - "rol", - "ase" - ], - [ - "Ġadv", - "is" - ], - [ - "ĠMet", - "ast" - ], - [ - "Ġsaliv", - "a" - ], - [ - "Ġin", - "habit" - ], - [ - "Ġr", - "im" - ], - [ - "de", - "bug" - ], - [ - "An", - "y" - ], - [ - "Ġfor", - "b" - ], - [ - "Ġvers", - "atile" - ], - [ - "ĠComp", - "act" - ], - [ - "v", - "oc" - ], - [ - "ĠI", - "so" - ], - [ - "ĠJ", - "us" - ], - [ - "b", - "odies" - ], - [ - "AR", - "M" - ], - [ - "ĠGW", - "AS" - ], - [ - "he", - "tized" - ], - [ - "Ġmicrofluid", - "ic" - ], - [ - "Ġacet", - "onitrile" - ], - [ - "Ġin", - "hom" - ], - [ - "Ġparen", - "ch" - ], - [ - "Ġins", - "ensitive" - ], - [ - "Ġag", - "ency" - ], - [ - "po", - "or" - ], - [ - "ĠAn", - "gi" - ], - [ - "Ġappro", - "ached" - ], - [ - "Ġem", - "ulsion" - ], - [ - "Ġvol", - "untary" - ], - [ - "ut", - "t" - ], - [ - "ĠRec", - "urrent" - ], - [ - "ric", - "ulum" - ], - [ - "Ã", - "ª" - ], - [ - "Ġt", - "all" - ], - [ - "ĠDep", - "th" - ], - [ - "Ġf", - "f" - ], - [ - "ĠInc", - "idence" - ], - [ - "Ġmanifest", - "ation" - ], - [ - "Ġcomprom", - "ised" - ], - [ - "i", - "aceae" - ], - [ - "ĠM", - "IT" - ], - [ - "otrans", - "fer" - ], - [ - "ĠW", - "D" - ], - [ - "m", - "ov" - ], - [ - "ĠMan", - "ual" - ], - [ - "M", - "edi" - ], - [ - "Ġinterfer", - "ing" - ], - [ - "ĠJacob", - "i" - ], - [ - "K", - "T" - ], - [ - "Ġs", - "arcoma" - ], - [ - "Ġkid", - "neys" - ], - [ - "Ġod", - "or" - ], - [ - "Ġt", - "i" - ], - [ - "yd", - "ay" - ], - [ - "alth", - "ough" - ], - [ - "vis", - "ible" - ], - [ - "Ġd", - "engue" - ], - [ - "ĠC", - "AL" - ], - [ - "str", - "at" - ], - [ - "ĠVari", - "ations" - ], - [ - "in", - "ib" - ], - [ - "comp", - "onents" - ], - [ - "ĠT", - "ob" - ], - [ - "ĠAnti", - "oxidant" - ], - [ - "Í", - "Ķ" - ], - [ - "Ġk", - "iller" - ], - [ - "Ġsubt", - "racted" - ], - [ - "ĠE", - "vents" - ], - [ - "Ġim", - "plements" - ], - [ - "ĠG", - "AN" - ], - [ - "Ġprophyl", - "axis" - ], - [ - "Ġno", - "zz" - ], - [ - "Ġsm", - "oothed" - ], - [ - "Ġdecay", - "ing" - ], - [ - "ĠIniti", - "ally" - ], - [ - "Ġuncom", - "mon" - ], - [ - "Ġconduc", - "tor" - ], - [ - "ĠW", - "OR" - ], - [ - "av", - "ity" - ], - [ - "ĠX", - "ie" - ], - [ - "ĠAc", - "et" - ], - [ - "Ġin", - "e" - ], - [ - "ĠBe", - "am" - ], - [ - "opol", - "ymer" - ], - [ - "ĠX", - "ML" - ], - [ - "ĠW", - "ide" - ], - [ - "Ñ", - "ĥ" - ], - [ - "Ġe", - "jection" - ], - [ - "B", - "MI" - ], - [ - "t", - "c" - ], - [ - "ue", - "z" - ], - [ - "Ġcereb", - "ellar" - ], - [ - "Ġcatch", - "ment" - ], - [ - "cox", - "on" - ], - [ - "ĠSh", - "annon" - ], - [ - "Ġcentral", - "ity" - ], - [ - "Ġsaf", - "ely" - ], - [ - "pro", - "be" - ], - [ - "ĠLabor", - "atories" - ], - [ - "Ġn", - "c" - ], - [ - "Ġsp", - "her" - ], - [ - "Ġprob", - "ing" - ], - [ - "ĠLe", - "v" - ], - [ - "Ġa", - "f" - ], - [ - "ĠM", - "ig" - ], - [ - "ĠV", - "ascular" - ], - [ - "Ġprogram", - "mes" - ], - [ - "Ġcontamin", - "ants" - ], - [ - "sequ", - "ent" - ], - [ - "Ġbond", - "ed" - ], - [ - "integr", - "ation" - ], - [ - "b", - "os" - ], - [ - "ĠF", - "ew" - ], - [ - "ĠIll", - "inois" - ], - [ - "S", - "he" - ], - [ - "W", - "C" - ], - [ - "ĠG", - "PIO" - ], - [ - "o", - "C" - ], - [ - "ĠM", - "aternal" - ], - [ - "erc", - "etin" - ], - [ - "ĠMass", - "ive" - ], - [ - "Ġen", - "orm" - ], - [ - "img", - "ur" - ], - [ - "Ġb", - "idirectional" - ], - [ - "ĠG", - "raphene" - ], - [ - "ins", - "ky" - ], - [ - "ĠObs", - "erve" - ], - [ - "Ġst", - "ops" - ], - [ - "b", - "io" - ], - [ - "ĠL", - "ines" - ], - [ - "ĠG", - "ill" - ], - [ - "Ġeigen", - "vector" - ], - [ - "Sp", - "ace" - ], - [ - "ĠM", - "ining" - ], - [ - "Ġmel", - "atonin" - ], - [ - "ĠS", - "ET" - ], - [ - "onse", - "qu" - ], - [ - "os", - "cale" - ], - [ - "ĠR", - "aw" - ], - [ - "Ġreview", - "ers" - ], - [ - "Ġnan", - "ofib" - ], - [ - "t", - "aking" - ], - [ - "amm", - "ad" - ], - [ - "Ġrecurs", - "ion" - ], - [ - "us", - "al" - ], - [ - "Ġpos", - "itron" - ], - [ - "ĠN", - "IH" - ], - [ - "ĠIN", - "TER" - ], - [ - "ĠDoc", - "ument" - ], - [ - "Ġconstant", - "ly" - ], - [ - "Ġunderg", - "one" - ], - [ - "Ġelect", - "roweak" - ], - [ - "Ġiter", - "atively" - ], - [ - "fol", - "io" - ], - [ - "Ġsub", - "family" - ], - [ - "Ġâİ", - "¥" - ], - [ - "P", - "age" - ], - [ - "f", - "erm" - ], - [ - "av", - "ir" - ], - [ - "Ġag", - "encies" - ], - [ - "Ġpol", - "ys" - ], - [ - "ĠSqu", - "are" - ], - [ - "ym", - "m" - ], - [ - "Ġhydro", - "gels" - ], - [ - "al", - "most" - ], - [ - "ar", - "ter" - ], - [ - "Ġan", - "kle" - ], - [ - "Ġr", - "ises" - ], - [ - "Ġmed", - "ull" - ], - [ - "g", - "ated" - ], - [ - "Ġmon", - "onuclear" - ], - [ - "Ġdiscuss", - "ing" - ], - [ - "Ġprof", - "essor" - ], - [ - "trans", - "formed" - ], - [ - "Ġcol", - "ours" - ], - [ - "rag", - "g" - ], - [ - "emic", - "on" - ], - [ - "Ġsymmet", - "rical" - ], - [ - "Ġplac", - "ental" - ], - [ - "Ġl", - "i" - ], - [ - "Ġstud", - "io" - ], - [ - "sequ", - "ences" - ], - [ - "Ġt", - "am" - ], - [ - "ĠL", - "ap" - ], - [ - "ĠCriter", - "ia" - ], - [ - "Ġhapp", - "ened" - ], - [ - "Ġantifer", - "romagnetic" - ], - [ - "ĠHaus", - "dorff" - ], - [ - "ĠCONCLUS", - "IONS" - ], - [ - "H", - "ER" - ], - [ - "V", - "R" - ], - [ - "ĠK", - "or" - ], - [ - "ĠA", - "PO" - ], - [ - "Ġprot", - "ecting" - ], - [ - "ĠS", - "OL" - ], - [ - "ĠB", - "uck" - ], - [ - "ph", - "ia" - ], - [ - "ĠMul", - "tim" - ], - [ - "on", - "ine" - ], - [ - "uls", - "ions" - ], - [ - "Ġg", - "p" - ], - [ - "benz", - "amide" - ], - [ - "ĠNAD", - "PH" - ], - [ - "ĠOh", - "io" - ], - [ - "ĠM", - "EG" - ], - [ - "CO", - "VID" - ], - [ - "Ġdisplac", - "ed" - ], - [ - "ĠAb", - "b" - ], - [ - "Ġbran", - "ched" - ], - [ - "ĠN", - "avy" - ], - [ - "ĠN", - "rf" - ], - [ - "ĠO", - "DE" - ], - [ - "ach", - "i" - ], - [ - "ĠTrans", - "ient" - ], - [ - "Ġcircum", - "ference" - ], - [ - "Ġbe", - "es" - ], - [ - "ir", - "ation" - ], - [ - "Ġfac", - "ulty" - ], - [ - "IG", - "HT" - ], - [ - "ĠMetabol", - "ism" - ], - [ - "M", - "K" - ], - [ - "ĠIn", - "equ" - ], - [ - "ĠQual", - "itative" - ], - [ - "P", - "BS" - ], - [ - "ter", - "minus" - ], - [ - "k", - "ary" - ], - [ - "o", - "vian" - ], - [ - "ĠT", - "Hz" - ], - [ - "ĠRel", - "iability" - ], - [ - "f", - "uran" - ], - [ - "Ġcor", - "ners" - ], - [ - "Ġattack", - "er" - ], - [ - "Ġmar", - "riage" - ], - [ - "oprec", - "ipitation" - ], - [ - "ĠC", - "ry" - ], - [ - "ĠâĬ", - "Ļ" - ], - [ - "Ġevol", - "ves" - ], - [ - "Ġb", - "an" - ], - [ - "Ġdi", - "urnal" - ], - [ - "oun", - "ce" - ], - [ - "Ġover", - "w" - ], - [ - "ĠH", - "off" - ], - [ - "Ġextr", - "insic" - ], - [ - "am", - "ps" - ], - [ - "UL", - "AR" - ], - [ - "op", - "her" - ], - [ - "Ġlight", - "ing" - ], - [ - "Ġarchitect", - "ural" - ], - [ - "hes", - "ive" - ], - [ - "Ġsav", - "ings" - ], - [ - "Ġglauc", - "oma" - ], - [ - "oz", - "oa" - ], - [ - "ĠO", - "ption" - ], - [ - "cont", - "roll" - ], - [ - "eck", - "er" - ], - [ - "Ġoste", - "ocl" - ], - [ - "Ġglyc", - "ine" - ], - [ - "anal", - "yses" - ], - [ - "ĠAl", - "d" - ], - [ - "ĠS", - "yd" - ], - [ - "ĠC", - "x" - ], - [ - "Ġscal", - "ars" - ], - [ - "Ġknow", - "ing" - ], - [ - "Ġrem", - "ember" - ], - [ - "ĠEmb", - "ry" - ], - [ - "T", - "EM" - ], - [ - "ĠB", - "ran" - ], - [ - "F", - "ORM" - ], - [ - "Ġsurv", - "iving" - ], - [ - "Ġglob", - "ular" - ], - [ - "Ġincl", - "usive" - ], - [ - "sc", - "hed" - ], - [ - "UT", - "ION" - ], - [ - "Ġquadrup", - "ole" - ], - [ - "ĠH", - "ubbard" - ], - [ - "Ġax", - "onal" - ], - [ - "ĠCos", - "mic" - ], - [ - "Ġsl", - "ots" - ], - [ - "ĠProced", - "ure" - ], - [ - "ag", - "in" - ], - [ - "ĠLo", - "op" - ], - [ - "are", - "r" - ], - [ - "Ġbut", - "ter" - ], - [ - "Ġhist", - "opathological" - ], - [ - "f", - "usion" - ], - [ - "AN", - "OVA" - ], - [ - "Ġclos", - "ing" - ], - [ - "ĠL", - "ord" - ], - [ - "ĠB", - "is" - ], - [ - "ĠR", - "AM" - ], - [ - "ID", - "E" - ], - [ - "Ġj", - "ournals" - ], - [ - "Ġmon", - "keys" - ], - [ - "Ġatten", - "uates" - ], - [ - "Ġsegment", - "ed" - ], - [ - "T", - "OF" - ], - [ - "o", - "tional" - ], - [ - "pol", - "ymer" - ], - [ - "ĠSha", - "h" - ], - [ - "A", - "kt" - ], - [ - "W", - "r" - ], - [ - "l", - "ov" - ], - [ - "Ġpolym", - "orphic" - ], - [ - "Ġarrang", - "ements" - ], - [ - "U", - "F" - ], - [ - "l", - "on" - ], - [ - "Ġdep", - "ressed" - ], - [ - "NA", - "T" - ], - [ - "ĠOper", - "ation" - ], - [ - "Î", - "¹" - ], - [ - "ĠR", - "an" - ], - [ - "â", - "IJ" - ], - [ - "Ġthere", - "after" - ], - [ - "Ġmyel", - "oma" - ], - [ - "j", - "or" - ], - [ - "Ã", - "¥" - ], - [ - "ĠW", - "inter" - ], - [ - "pt", - "osis" - ], - [ - "D", - "ir" - ], - [ - "ver", - "ty" - ], - [ - "ĠF", - "inn" - ], - [ - "Ġorth", - "olog" - ], - [ - "Ġmonoton", - "ically" - ], - [ - "Ġtect", - "onic" - ], - [ - "ĠG", - "BM" - ], - [ - "ĠA", - "O" - ], - [ - "Ġgener", - "ative" - ], - [ - "C", - "learly" - ], - [ - "Ġt", - "ile" - ], - [ - "ĠR", - "NN" - ], - [ - "Ġground", - "s" - ], - [ - "Ga", - "As" - ], - [ - "Ġbe", - "e" - ], - [ - "ĠB", - "oy" - ], - [ - "ĠTranscription", - "al" - ], - [ - "ur", - "in" - ], - [ - "ot", - "om" - ], - [ - "Ġsinus", - "oidal" - ], - [ - "ĠA", - "y" - ], - [ - "ĠCl", - "inic" - ], - [ - "ut", - "orial" - ], - [ - "ĠAD", - "C" - ], - [ - "ER", - "IAL" - ], - [ - "c", - "ation" - ], - [ - "ĠAD", - "HD" - ], - [ - "cycl", - "ohex" - ], - [ - "ĠHaw", - "ai" - ], - [ - "ast", - "om" - ], - [ - "Ġmorph", - "ologies" - ], - [ - "Ġrod", - "ents" - ], - [ - "Ġscal", - "ability" - ], - [ - "R", - "OS" - ], - [ - "a", - "emia" - ], - [ - "Ġdecom", - "pose" - ], - [ - "Ġpiv", - "otal" - ], - [ - "Ġdiffus", - "ivity" - ], - [ - "Ġco", - "valent" - ], - [ - "ĠK", - "D" - ], - [ - "ataly", - "st" - ], - [ - "Ġold", - "est" - ], - [ - "Ġsu", - "itability" - ], - [ - "Ġw", - "ants" - ], - [ - "if", - "ts" - ], - [ - "ĠDist", - "ributions" - ], - [ - "ĠQue", - "en" - ], - [ - "l", - "ich" - ], - [ - "Ġpar", - "se" - ], - [ - "ĠM", - "HD" - ], - [ - "Ġrec", - "re" - ], - [ - "Ġhydrox", - "ide" - ], - [ - "e", - "um" - ], - [ - "Ġle", - "v" - ], - [ - "Ġrefer", - "ral" - ], - [ - "plan", - "es" - ], - [ - "ĠEg", - "ypt" - ], - [ - "Ġl", - "enti" - ], - [ - "Ġtrans", - "actions" - ], - [ - "Ġexp", - "ense" - ], - [ - "Ġcy", - "sts" - ], - [ - "Ġabs", - "cess" - ], - [ - "Ġmicro", - "RNAs" - ], - [ - "eff", - "ectiveness" - ], - [ - "ĠDifferenti", - "ation" - ], - [ - "Ġcer", - "tif" - ], - [ - "c", - "ience" - ], - [ - "ĠRE", - "L" - ], - [ - "Ġread", - "out" - ], - [ - "ĠQu", - "asi" - ], - [ - "Ġround", - "ed" - ], - [ - "ot", - "ti" - ], - [ - "e", - "fficients" - ], - [ - "Ġsynchron", - "ized" - ], - [ - "Ġsil", - "ico" - ], - [ - "Ġfore", - "casts" - ], - [ - "Ġd", - "μ" - ], - [ - "Ġex", - "otic" - ], - [ - "ĠO", - "CT" - ], - [ - "x", - "b" - ], - [ - "Ġas", - "ynchronous" - ], - [ - "ne", - "z" - ], - [ - "chi", - "at" - ], - [ - "Ġha", - "emat" - ], - [ - "Ġfulf", - "ill" - ], - [ - "ĠM", - "ix" - ], - [ - "ib", - "li" - ], - [ - "f", - "m" - ], - [ - "Ġj", - "ava" - ], - [ - "sol", - "uble" - ], - [ - "Ġincomp", - "ressible" - ], - [ - "âĨ", - "ij" - ], - [ - "CD", - "M" - ], - [ - "Ġdil", - "ation" - ], - [ - "L", - "YP" - ], - [ - "as", - "hes" - ], - [ - "ĠS", - "ports" - ], - [ - "Ġfund", - "ament" - ], - [ - "ĠSa", - "udi" - ], - [ - "Ġen", - "roll" - ], - [ - "ĠNa", - "OH" - ], - [ - "Ġcrust", - "al" - ], - [ - "ĠInstr", - "uments" - ], - [ - "Ġïģ", - "¡" - ], - [ - "Res", - "ult" - ], - [ - "Ġpref", - "erential" - ], - [ - "Ġsug", - "ars" - ], - [ - "Ġdim", - "ers" - ], - [ - "ĠEmerg", - "ing" - ], - [ - "è", - "re" - ], - [ - "diab", - "etic" - ], - [ - "Ġstrengthen", - "ing" - ], - [ - "ep", - "i" - ], - [ - "ĠM", - "eg" - ], - [ - "ĠY", - "our" - ], - [ - "ĠSet", - "ting" - ], - [ - "le", - "z" - ], - [ - "ĠB", - "ou" - ], - [ - "Ġhist", - "ology" - ], - [ - "Ġol", - "ive" - ], - [ - "ĠDis", - "orders" - ], - [ - "Ġdistor", - "ted" - ], - [ - "Ġcompet", - "e" - ], - [ - "c", - "ens" - ], - [ - "ĠA", - "e" - ], - [ - "ĠG", - "G" - ], - [ - "Ġquantif", - "ying" - ], - [ - "Ġa", - "ur" - ], - [ - "ĠW", - "right" - ], - [ - "Ġsuperconduc", - "tor" - ], - [ - "ed", - "s" - ], - [ - "st", - "alk" - ], - [ - "con", - "cent" - ], - [ - "ĠLim", - "ited" - ], - [ - "Ġst", - "yles" - ], - [ - "des", - "ign" - ], - [ - "ĠE", - "llip" - ], - [ - "PL", - "A" - ], - [ - "mog", - "orov" - ], - [ - "ĠR", - "idge" - ], - [ - "Ġrandom", - "ization" - ], - [ - "a", - "ft" - ], - [ - "ic", - "ially" - ], - [ - "ĠBi", - "otechnology" - ], - [ - "Ġseiz", - "ure" - ], - [ - "K", - "I" - ], - [ - "AV", - "E" - ], - [ - "re", - "ceptor" - ], - [ - "Ġgram", - "mar" - ], - [ - "Ġcr", - "ime" - ], - [ - "n", - "ection" - ], - [ - "in", - "ces" - ], - [ - "ĠCom", - "pton" - ], - [ - "Ġventric", - "le" - ], - [ - "Ġred", - "istribution" - ], - [ - "yn", - "aptic" - ], - [ - "Par", - "ameter" - ], - [ - "N", - "ormal" - ], - [ - "P", - "ack" - ], - [ - "erm", - "ann" - ], - [ - "ul", - "ants" - ], - [ - "de", - "generate" - ], - [ - "ĠNewton", - "ian" - ], - [ - "Ġancest", - "ral" - ], - [ - "ph", - "rag" - ], - [ - "Ġimp", - "ression" - ], - [ - "Ġnormal", - "ize" - ], - [ - "Ġambig", - "uous" - ], - [ - "Ġingredi", - "ent" - ], - [ - "ĠCl", - "aim" - ], - [ - "Ġcle", - "aved" - ], - [ - "ĠAppro", - "aches" - ], - [ - "ĠS", - "PECT" - ], - [ - "cs", - "v" - ], - [ - "ĠReve", - "als" - ], - [ - "ĠW", - "aves" - ], - [ - "Ġdwar", - "fs" - ], - [ - "ĠProg", - "ress" - ], - [ - "Ġa", - "orta" - ], - [ - "Ġn", - "ig" - ], - [ - "ĠAd", - "ams" - ], - [ - "ĠM", - "üller" - ], - [ - "ĠY", - "ellow" - ], - [ - "ĠC", - "ord" - ], - [ - "ĠPh", - "ill" - ], - [ - "ĠF", - "ormal" - ], - [ - "bes", - "gue" - ], - [ - "ter", - "min" - ], - [ - "r", - "n" - ], - [ - "b", - "n" - ], - [ - "k", - "ine" - ], - [ - "r", - "it" - ], - [ - "q", - "i" - ], - [ - "ĠRout", - "e" - ], - [ - "en", - "ol" - ], - [ - "ĠA", - "SC" - ], - [ - "ĠP", - "u" - ], - [ - "m", - "ill" - ], - [ - "um", - "er" - ], - [ - "Ġsuper", - "nova" - ], - [ - "i", - "ative" - ], - [ - "diff", - "erenti" - ], - [ - "Ġto", - "lu" - ], - [ - "op", - "us" - ], - [ - "R", - "M" - ], - [ - "Ġpo", - "verty" - ], - [ - "ĠX", - "X" - ], - [ - "ĠïĤ", - "¶" - ], - [ - "ult", - "ry" - ], - [ - "Op", - "tim" - ], - [ - "Ġgl", - "acial" - ], - [ - "ĠDis", - "pers" - ], - [ - "Ġdifferenti", - "ating" - ], - [ - "á", - "ndez" - ], - [ - "pro", - "ject" - ], - [ - "ĠEl", - "iz" - ], - [ - "scal", - "ing" - ], - [ - "ĠT", - "oll" - ], - [ - "Ġnon", - "empty" - ], - [ - "Ġpredic", - "ate" - ], - [ - "Ġgyr", - "us" - ], - [ - "min", - "ute" - ], - [ - "â", - "ĸ" - ], - [ - "ĠH", - "ind" - ], - [ - "ĠL", - "iving" - ], - [ - "V", - "S" - ], - [ - "pri", - "or" - ], - [ - "ĠVer", - "tical" - ], - [ - "ark", - "s" - ], - [ - "ĠS", - "FR" - ], - [ - "ĠViet", - "nam" - ], - [ - "comp", - "are" - ], - [ - ">>", - ">" - ], - [ - "Ġb", - "anks" - ], - [ - "Ġse", - "ptic" - ], - [ - "ĠB", - "if" - ], - [ - "ĠE", - "PS" - ], - [ - "ĠInt", - "el" - ], - [ - "ĠDis", - "order" - ], - [ - "P", - "N" - ], - [ - "ĠN", - "ord" - ], - [ - "tiv", - "eness" - ], - [ - "Ġdr", - "illing" - ], - [ - "ĠSub", - "ject" - ], - [ - "enari", - "o" - ], - [ - "Ġr", - "ms" - ], - [ - "ph", - "ones" - ], - [ - "h", - "ang" - ], - [ - "ĠTechn", - "ique" - ], - [ - "Ġcl", - "ot" - ], - [ - "Ġinters", - "ections" - ], - [ - "Ġan", - "ions" - ], - [ - "ab", - "ove" - ], - [ - "Ġcl", - "ause" - ], - [ - "Ġgen", - "u" - ], - [ - "oz", - "o" - ], - [ - "rh", - "iz" - ], - [ - "Ġlob", - "es" - ], - [ - "ĠB", - "ian" - ], - [ - "Ġexer", - "ted" - ], - [ - "ure", - "th" - ], - [ - "rom", - "a" - ], - [ - "ĠCh", - "arge" - ], - [ - "ĠSyn", - "chron" - ], - [ - "Ġcont", - "ing" - ], - [ - "othe", - "rapeutic" - ], - [ - "gtr", - "sim" - ], - [ - "ĠReson", - "ance" - ], - [ - "ĠF", - "al" - ], - [ - "und", - "le" - ], - [ - "Ġdrop", - "out" - ], - [ - "ĠPers", - "pective" - ], - [ - "OL", - "OG" - ], - [ - "at", - "ches" - ], - [ - "ĠSequ", - "ences" - ], - [ - "Cons", - "idering" - ], - [ - "Ġprosp", - "ects" - ], - [ - "Ġal", - "iqu" - ], - [ - "Ġstr", - "ata" - ], - [ - "Ġanalog", - "s" - ], - [ - "Ġencour", - "aged" - ], - [ - "ĠP", - "ulmonary" - ], - [ - "Ġch", - "im" - ], - [ - "ĠC", - "FT" - ], - [ - "un", - "ar" - ], - [ - "iz", - "z" - ], - [ - "end", - "ocrine" - ], - [ - "ĠC", - "RE" - ], - [ - "ĠSt", - "roke" - ], - [ - "âĩ", - "Ĵ" - ], - [ - "up", - "uncture" - ], - [ - "trans", - "lational" - ], - [ - "ĠGr", - "iff" - ], - [ - "ĠS", - "ter" - ], - [ - "erg", - "ed" - ], - [ - "ph", - "rine" - ], - [ - "Ġl", - "ivestock" - ], - [ - "ĠH", - "ash" - ], - [ - "Ġdos", - "ing" - ], - [ - "Ġplas", - "mas" - ], - [ - "ĠCompar", - "isons" - ], - [ - "Ġencour", - "aging" - ], - [ - "Ġcompar", - "atively" - ], - [ - "Ġcharacter", - "isation" - ], - [ - "Ġasc", - "ending" - ], - [ - "ĠF", - "ixed" - ], - [ - "Ġveget", - "able" - ], - [ - "es", - "pecially" - ], - [ - "ĠL", - "ange" - ], - [ - "ĠC", - "oding" - ], - [ - "Ġverteb", - "rate" - ], - [ - "F", - "W" - ], - [ - "ĠOR", - "F" - ], - [ - "ĠT", - "ub" - ], - [ - "le", - "e" - ], - [ - "Ġtim", - "ely" - ], - [ - "E", - "p" - ], - [ - "ĠâĪĴ", - "âĪŀ" - ], - [ - "Ġlip", - "osomes" - ], - [ - "Ġextrem", - "al" - ], - [ - "ropol", - "itan" - ], - [ - "ĠC", - "ay" - ], - [ - "ĠB", - "iod" - ], - [ - "o", - "ulli" - ], - [ - "D", - "ri" - ], - [ - "ĠR", - "ats" - ], - [ - "Ġcent", - "roid" - ], - [ - "osp", - "in" - ], - [ - "rosp", - "inal" - ], - [ - "Ġsol", - "itons" - ], - [ - "por", - "tive" - ], - [ - "ĠMc", - "G" - ], - [ - "B", - "bb" - ], - [ - "Ġpar", - "affin" - ], - [ - "lec", - "tively" - ], - [ - "Ġmetast", - "able" - ], - [ - "Ġdissip", - "ative" - ], - [ - "Ġassembl", - "ages" - ], - [ - "Ġcol", - "onic" - ], - [ - "Ġs", - "ized" - ], - [ - "Ġcr", - "yp" - ], - [ - "process", - "or" - ], - [ - "ç", - "ão" - ], - [ - "Ġacknowled", - "ged" - ], - [ - "ĠUncertain", - "ty" - ], - [ - "ĠInd", - "ustrial" - ], - [ - "Ġunc", - "ont" - ], - [ - "Ġref", - "ere" - ], - [ - "ĠN", - "itrogen" - ], - [ - "Ġlif", - "ting" - ], - [ - "Ġfor", - "get" - ], - [ - "Ġfeel", - "ings" - ], - [ - "Ġdig", - "its" - ], - [ - "Ġstrat", - "ig" - ], - [ - "yp", - "es" - ], - [ - "Ġcomposition", - "al" - ], - [ - "Ġsupernat", - "ants" - ], - [ - "Ġconflic", - "ting" - ], - [ - "Ġdisadvant", - "age" - ], - [ - "adel", - "phia" - ], - [ - "P", - "d" - ], - [ - "ĠC", - "oupling" - ], - [ - "Ġexpendit", - "ure" - ], - [ - "ik", - "i" - ], - [ - "des", - "cribed" - ], - [ - "ĠRN", - "ase" - ], - [ - "ĠCon", - "vex" - ], - [ - "ĠB", - "ax" - ], - [ - "ung", - "sten" - ], - [ - "Ġbo", - "iling" - ], - [ - "Ġbas", - "ement" - ], - [ - "ocardi", - "al" - ], - [ - "hist", - "ory" - ], - [ - "int", - "on" - ], - [ - "trim", - "ethyl" - ], - [ - "Ġgraft", - "ing" - ], - [ - "ĠHard", - "y" - ], - [ - "ĠFem", - "ale" - ], - [ - "ĠF", - "ollow" - ], - [ - "ĠE", - "ST" - ], - [ - "tis", - "tic" - ], - [ - "O", - "pen" - ], - [ - "Ġref", - "lux" - ], - [ - "ele", - "ments" - ], - [ - "Ġpol", - "ysaccharide" - ], - [ - "dim", - "s" - ], - [ - "ac", - "ency" - ], - [ - "Ġbi", - "ore" - ], - [ - "cap", - "ac" - ], - [ - "Ġoverex", - "pressed" - ], - [ - "e", - "ither" - ], - [ - "Ġl", - "aid" - ], - [ - "Ġinc", - "ision" - ], - [ - "Ġass", - "ets" - ], - [ - "inf", - "lammation" - ], - [ - "Ġreconstruc", - "tions" - ], - [ - "Ġglomer", - "ular" - ], - [ - "Ġcon", - "vey" - ], - [ - "ĠCX", - "CR" - ], - [ - "or", - "o" - ], - [ - "Ġclass", - "ifying" - ], - [ - "Ġcop", - "e" - ], - [ - "Ġp", - "d" - ], - [ - "lin", - "ic" - ], - [ - "Ġch", - "ord" - ], - [ - "ĠAg", - "ing" - ], - [ - "Ġpal", - "m" - ], - [ - "Ġpermit", - "tivity" - ], - [ - "ĠRever", - "se" - ], - [ - "Ġoff", - "shore" - ], - [ - "Ġdoub", - "t" - ], - [ - "im", - "oto" - ], - [ - "ĠCol", - "omb" - ], - [ - "Ġrod", - "ent" - ], - [ - "ĠElect", - "rochemical" - ], - [ - "ĠImpro", - "vement" - ], - [ - "ines", - "cent" - ], - [ - "ĠTr", - "iton" - ], - [ - "Ġtransf", - "usion" - ], - [ - "Ġlocom", - "otion" - ], - [ - "Ġdanger", - "ous" - ], - [ - "Ġwe", - "ighed" - ], - [ - "ĠH", - "SV" - ], - [ - "t", - "echn" - ], - [ - "ĠDi", - "agram" - ], - [ - "Ġpari", - "etal" - ], - [ - "s", - "ix" - ], - [ - "Ġtit", - "les" - ], - [ - "yl", - "on" - ], - [ - "Ġheur", - "istics" - ], - [ - "Ġj", - "aponic" - ], - [ - "Ġtransl", - "ations" - ], - [ - "Ġtit", - "ers" - ], - [ - "Ġw", - "orms" - ], - [ - "ĠD", - "PP" - ], - [ - "Ġcytos", - "keleton" - ], - [ - "Medi", - "ated" - ], - [ - "ari", - "ance" - ], - [ - "the", - "l" - ], - [ - "Ã", - "ħ" - ], - [ - "ĠInf", - "lammatory" - ], - [ - "Ġoscill", - "ating" - ], - [ - "Ġavoid", - "s" - ], - [ - "Def", - "ine" - ], - [ - "ĠOlymp", - "ics" - ], - [ - "og", - "el" - ], - [ - "Ġhe", - "me" - ], - [ - "Ġmic", - "rop" - ], - [ - "Ġthreat", - "s" - ], - [ - "Q", - "CD" - ], - [ - "X", - "RD" - ], - [ - "ĠC", - "oupled" - ], - [ - "Ġl", - "m" - ], - [ - "ĠHel", - "ic" - ], - [ - "Ġdischarg", - "ed" - ], - [ - "Ġro", - "oted" - ], - [ - "Ġallevi", - "ate" - ], - [ - "Ġcaus", - "ality" - ], - [ - "ĠC", - "row" - ], - [ - "ĠM", - "ack" - ], - [ - "ĠAir", - "port" - ], - [ - "Ġchem", - "okine" - ], - [ - "Ġl", - "l" - ], - [ - "ĠN", - "ar" - ], - [ - "omy", - "ces" - ], - [ - "eth", - "oxyphenyl" - ], - [ - "ĠD", - "aily" - ], - [ - "ĠFin", - "land" - ], - [ - "Ġh", - "orn" - ], - [ - "ĠO", - "rient" - ], - [ - "Ġion", - "ized" - ], - [ - "ĠY", - "ears" - ], - [ - "Ġquas", - "ipar" - ], - [ - "Ġper", - "cutaneous" - ], - [ - "Ph", - "ase" - ], - [ - "Ġfore", - "ground" - ], - [ - "ĠA", - "NAL" - ], - [ - "Ġincre", - "ments" - ], - [ - "st", - "an" - ], - [ - "Ġspec", - "ulate" - ], - [ - "T", - "X" - ], - [ - "Ġp", - "ile" - ], - [ - "Ġd", - "ic" - ], - [ - "ip", - "y" - ], - [ - "wind", - "ow" - ], - [ - "neut", - "ral" - ], - [ - "ĠAtl", - "as" - ], - [ - "ĠM", - "TT" - ], - [ - "ĠN", - "y" - ], - [ - "ĠV", - "III" - ], - [ - "ĠFil", - "ms" - ], - [ - "sing", - "ular" - ], - [ - "rem", - "ove" - ], - [ - "L", - "ength" - ], - [ - "ĠRec", - "e" - ], - [ - "wa", - "it" - ], - [ - "Ġpurch", - "ase" - ], - [ - "ĠWik", - "ipedia" - ], - [ - "ĠL", - "ars" - ], - [ - "Ġsynt", - "actic" - ], - [ - "Ġactu", - "ator" - ], - [ - "ĠAK", - "T" - ], - [ - "ĠB", - "ry" - ], - [ - "ĠRes", - "ult" - ], - [ - "ĠVari", - "ational" - ], - [ - "Ġjudg", - "ment" - ], - [ - "J", - "ECT" - ], - [ - "xim", - "ab" - ], - [ - "Ġtrac", - "ed" - ], - [ - "Ġcardiomy", - "opathy" - ], - [ - "W", - "N" - ], - [ - "ĠRod", - "rig" - ], - [ - "b", - "t" - ], - [ - "Ġb", - "id" - ], - [ - "ac", - "le" - ], - [ - "am", - "ura" - ], - [ - "Ġep", - "ic" - ], - [ - "Ġp", - "uzz" - ], - [ - "ĠS", - "ox" - ], - [ - "Ġinflu", - "x" - ], - [ - "ÃŃ", - "n" - ], - [ - "ulos", - "keletal" - ], - [ - "D", - "im" - ], - [ - "ĠS", - "CC" - ], - [ - "ĠR", - "AS" - ], - [ - "m", - "r" - ], - [ - "U", - "I" - ], - [ - "Ġj", - "un" - ], - [ - "ĠSp", - "earman" - ], - [ - "Ġfair", - "ness" - ], - [ - "et", - "z" - ], - [ - "ĠP", - "PI" - ], - [ - "in", - "ance" - ], - [ - "en", - "ko" - ], - [ - "Ġgal", - "act" - ], - [ - "ö", - "m" - ], - [ - "Ġex", - "ceptions" - ], - [ - "ĠC", - "retaceous" - ], - [ - "M", - "Y" - ], - [ - "Res", - "p" - ], - [ - "Ġp", - "ep" - ], - [ - "ĠOr", - "d" - ], - [ - "ST", - "E" - ], - [ - "Ġhel", - "icity" - ], - [ - "Ġoffic", - "er" - ], - [ - "T", - "arget" - ], - [ - "ĠNor", - "wegian" - ], - [ - "Ġdehyd", - "ration" - ], - [ - "ĠSIR", - "T" - ], - [ - "ĠRob", - "inson" - ], - [ - "ĠBen", - "chmark" - ], - [ - "v", - "iral" - ], - [ - "Re", - "al" - ], - [ - "Ġd", - "oxorubicin" - ], - [ - "Ġestim", - "ations" - ], - [ - "ĠCa", - "uc" - ], - [ - "Ġaddi", - "tives" - ], - [ - "m", - "odes" - ], - [ - "ĠH", - "end" - ], - [ - "Ġacceler", - "ating" - ], - [ - "ĠG", - "ordon" - ], - [ - "ĠMagn", - "et" - ], - [ - "Ġgon", - "ad" - ], - [ - "Ġpyro", - "lysis" - ], - [ - "coh", - "olic" - ], - [ - "ĠPK", - "C" - ], - [ - "S", - "AR" - ], - [ - "Ġw", - "inding" - ], - [ - "ter", - "ious" - ], - [ - "ĠMountain", - "s" - ], - [ - "ĠS", - "ymbol" - ], - [ - "ĠMat", - "the" - ], - [ - "ĠSh", - "in" - ], - [ - "S", - "cript" - ], - [ - "r", - "ug" - ], - [ - "Ġm", - "W" - ], - [ - "ĠI", - "SM" - ], - [ - "ĠN", - "g" - ], - [ - "Ġapp", - "oint" - ], - [ - "ĠA", - "IDS" - ], - [ - "Ġpor", - "ts" - ], - [ - "diff", - "erential" - ], - [ - "ĠJ", - "es" - ], - [ - "ĠN", - "eed" - ], - [ - "Ġlens", - "es" - ], - [ - "ĠAMP", - "K" - ], - [ - "à", - "¤" - ], - [ - "le", - "af" - ], - [ - "ĠB", - "ron" - ], - [ - "Ġprof", - "it" - ], - [ - "L", - "ocal" - ], - [ - "ĠEx", - "amination" - ], - [ - "ĠCh", - "ief" - ], - [ - "Ġopin", - "ions" - ], - [ - "ĠR", - "ound" - ], - [ - "form", - "ations" - ], - [ - "Ġcol", - "linear" - ], - [ - "Ġdig", - "ested" - ], - [ - "lass", - "ical" - ], - [ - "erv", - "ative" - ], - [ - "Ġce", - "phal" - ], - [ - "Ġdisadvant", - "ages" - ], - [ - "Ġïĥ", - "·" - ], - [ - "Ġsubt", - "racting" - ], - [ - "Ġwe", - "igh" - ], - [ - "B", - "ound" - ], - [ - "D", - "G" - ], - [ - "Ġinflu", - "ential" - ], - [ - "Ġtox", - "ins" - ], - [ - "ĠBen", - "jamin" - ], - [ - "ĠNum", - "bers" - ], - [ - "c", - "rystal" - ], - [ - "Ġst", - "ocks" - ], - [ - "ĠB", - "our" - ], - [ - "ĠComp", - "eting" - ], - [ - "Ġac", - "qu" - ], - [ - "t", - "RNA" - ], - [ - "ĠSep", - "aration" - ], - [ - "Ġtag", - "ged" - ], - [ - "Ġcon", - "ject" - ], - [ - "ĠPr", - "ince" - ], - [ - "Ġgra", - "zing" - ], - [ - "Ġrele", - "ases" - ], - [ - "ĠChall", - "enge" - ], - [ - "ATP", - "ase" - ], - [ - "Ġe", - "mail" - ], - [ - "ins", - "ically" - ], - [ - "ĠReg", - "ulatory" - ], - [ - "M", - "essage" - ], - [ - "Ġsl", - "it" - ], - [ - "Ġpolyg", - "on" - ], - [ - "Ġdoubl", - "ing" - ], - [ - "Ġrece", - "ivers" - ], - [ - "Ġtrack", - "ed" - ], - [ - "Ġengine", - "er" - ], - [ - "st", - "ained" - ], - [ - "ĠD", - "anish" - ], - [ - "sh", - "ock" - ], - [ - "ĠM", - "az" - ], - [ - "Ġco", - "ugh" - ], - [ - "ĠImmun", - "ohist" - ], - [ - "C", - "onsequ" - ], - [ - "arm", - "acy" - ], - [ - "Ġchem", - "o" - ], - [ - "ĠM", - "H" - ], - [ - "Ġemerg", - "es" - ], - [ - "Ġanne", - "aled" - ], - [ - "Ġhypot", - "hesize" - ], - [ - "ĠTyp", - "ically" - ], - [ - "ĠB", - "ang" - ], - [ - "ĠP", - "uls" - ], - [ - "Ġgir", - "l" - ], - [ - "Ġherb", - "iv" - ], - [ - "ĠAN", - "N" - ], - [ - "Ġse", - "ism" - ], - [ - "ĠCy", - "tok" - ], - [ - "ĠThrough", - "out" - ], - [ - "Ġadapt", - "ations" - ], - [ - "l", - "ang" - ], - [ - "Ġcl", - "onal" - ], - [ - "um", - "ulation" - ], - [ - "ĠUn", - "iform" - ], - [ - "Ġh", - "i" - ], - [ - "op", - "ent" - ], - [ - "Ġbut", - "ton" - ], - [ - "ten", - "e" - ], - [ - "Ġprote", - "asome" - ], - [ - "b", - "red" - ], - [ - "ĠN", - "elson" - ], - [ - "racycl", - "ine" - ], - [ - "ĠD", - "Y" - ], - [ - "Ġimmun", - "oblot" - ], - [ - "pro", - "l" - ], - [ - "Ġp", - "ic" - ], - [ - "Ġcomp", - "ilation" - ], - [ - "ĠDev", - "ices" - ], - [ - "eterm", - "ined" - ], - [ - "ĠFranc", - "is" - ], - [ - "not", - "ation" - ], - [ - "wr", - "iting" - ], - [ - "ter", - "ase" - ], - [ - "ĠSte", - "phen" - ], - [ - "am", - "el" - ], - [ - "ĠCh", - "u" - ], - [ - "al", - "one" - ], - [ - "Ġexha", - "ust" - ], - [ - "re", - "levant" - ], - [ - "ĠStr", - "at" - ], - [ - "Ġparametri", - "zation" - ], - [ - "ĠB", - "ull" - ], - [ - "ĠRem", - "ote" - ], - [ - "incre", - "asing" - ], - [ - "Ġd", - "d" - ], - [ - "âĢ", - "°" - ], - [ - "yroid", - "ism" - ], - [ - "il", - "in" - ], - [ - "ĠH", - "ip" - ], - [ - "IC", - "A" - ], - [ - "ĠAp", - "optosis" - ], - [ - "Ġmach", - "ining" - ], - [ - "LD", - "L" - ], - [ - "Ġg", - "em" - ], - [ - "ĠF", - "FT" - ], - [ - "ĠGu", - "ang" - ], - [ - "Ġorigin", - "ates" - ], - [ - "d", - "at" - ], - [ - "c", - "one" - ], - [ - "ĠAd", - "oles" - ], - [ - "uc", - "ci" - ], - [ - "av", - "oid" - ], - [ - "ul", - "pt" - ], - [ - "ur", - "ium" - ], - [ - "Ġliter", - "acy" - ], - [ - "Rec", - "ent" - ], - [ - "av", - "g" - ], - [ - "Ġinv", - "ited" - ], - [ - "ĠPe", - "ak" - ], - [ - "ĠEnter", - "obacter" - ], - [ - "Ġaneurys", - "m" - ], - [ - "ĠMor", - "ris" - ], - [ - "ti", - "da" - ], - [ - "ĠS", - "ER" - ], - [ - "ĠMic", - "hel" - ], - [ - "ĠI", - "BD" - ], - [ - "ĠN", - "G" - ], - [ - "Ġscar", - "ce" - ], - [ - "we", - "b" - ], - [ - "Ġexpress", - "es" - ], - [ - "Ġsc", - "hema" - ], - [ - "Ġless", - "ons" - ], - [ - "Ġarg", - "inine" - ], - [ - "Ġphot", - "ographs" - ], - [ - "ĠNe", - "urons" - ], - [ - "ĠATP", - "ase" - ], - [ - "Ġf", - "iller" - ], - [ - "rap", - "ped" - ], - [ - "Ġrandom", - "ness" - ], - [ - "Ġve", - "ins" - ], - [ - "Ġwound", - "s" - ], - [ - "ĠA", - "part" - ], - [ - "Ġr", - "acial" - ], - [ - "Ġnot", - "eworthy" - ], - [ - "Ġremov", - "es" - ], - [ - "Ġgangl", - "ion" - ], - [ - "Ġlamin", - "ar" - ], - [ - "ĠS", - "SR" - ], - [ - "Ġpol", - "ysaccharides" - ], - [ - "Ġbu", - "f" - ], - [ - "Ġendot", - "helium" - ], - [ - "ĠC", - "AS" - ], - [ - "ĠGol", - "gi" - ], - [ - "Ġinher", - "itance" - ], - [ - "is", - "ite" - ], - [ - "CO", - "MP" - ], - [ - "Ġp", - "t" - ], - [ - "Ġmes", - "hes" - ], - [ - "Ġtherap", - "eutics" - ], - [ - "O", - "ST" - ], - [ - "olin", - "ergic" - ], - [ - "U", - "G" - ], - [ - "squ", - "ared" - ], - [ - "Ġdeg", - "rade" - ], - [ - "u", - "um" - ], - [ - "Ġret", - "rosp" - ], - [ - "L", - "oc" - ], - [ - "ĠJ", - "NK" - ], - [ - "O", - "ptions" - ], - [ - "Ġins", - "ulating" - ], - [ - "Ġspec", - "ifies" - ], - [ - "Ġo", - "ven" - ], - [ - "y", - "y" - ], - [ - "ĠCon", - "ver" - ], - [ - "Ġdisapp", - "eared" - ], - [ - "ĠProgn", - "ostic" - ], - [ - "ĠNgu", - "yen" - ], - [ - "Ġperipher", - "y" - ], - [ - "b", - "ank" - ], - [ - "Ġim", - "id" - ], - [ - "Ġassign", - "ing" - ], - [ - "ĠM", - "ess" - ], - [ - "prop", - "an" - ], - [ - "i", - "oma" - ], - [ - "oly", - "b" - ], - [ - "Ġepit", - "ope" - ], - [ - "Ġemit", - "ting" - ], - [ - "D", - "IR" - ], - [ - "yn", - "c" - ], - [ - "Ġimpair", - "ments" - ], - [ - "ĠMic", - "roscopy" - ], - [ - "ĠFW", - "HM" - ], - [ - "g", - "ray" - ], - [ - "Ġf", - "ing" - ], - [ - "uc", - "ial" - ], - [ - "plement", - "ed" - ], - [ - "e", - "as" - ], - [ - "est", - "amp" - ], - [ - "Ġcre", - "st" - ], - [ - "ĠM", - "os" - ], - [ - "Ġneut", - "rons" - ], - [ - "Ġbro", - "th" - ], - [ - "Ġhead", - "ache" - ], - [ - "onge", - "vity" - ], - [ - "Ġre", - "ass" - ], - [ - "ĠP", - "SF" - ], - [ - "ĠB", - "uch" - ], - [ - "vis", - "or" - ], - [ - "Ġden", - "oting" - ], - [ - "in", - "teger" - ], - [ - "ou", - "in" - ], - [ - "eff", - "icacy" - ], - [ - "Ġglut", - "amine" - ], - [ - "Ġpick", - "ed" - ], - [ - "ĠCamp", - "bell" - ], - [ - "ĠK", - "ernel" - ], - [ - "Ġsh", - "ips" - ], - [ - "l", - "t" - ], - [ - "ond", - "yl" - ], - [ - "Ġcre", - "di" - ], - [ - "Ġpepti", - "d" - ], - [ - "ĠEst", - "abl" - ], - [ - "b", - "ons" - ], - [ - "Ġag", - "gl" - ], - [ - "US", - "E" - ], - [ - "sup", - "p" - ], - [ - "ups", - "ilon" - ], - [ - "character", - "ized" - ], - [ - "ishe", - "ries" - ], - [ - "M", - "ay" - ], - [ - "AR", - "C" - ], - [ - "Ġro", - "ads" - ], - [ - "Ġdepar", - "ture" - ], - [ - "ĠMA", - "X" - ], - [ - "ĠT", - "RA" - ], - [ - "im", - "od" - ], - [ - "ĠAl", - "ber" - ], - [ - "Ġterm", - "inated" - ], - [ - "öl", - "der" - ], - [ - "S", - "calar" - ], - [ - "h", - "ash" - ], - [ - "ĠM", - "SS" - ], - [ - "Ġsmooth", - "ness" - ], - [ - "Ġres", - "emble" - ], - [ - "ĠEff", - "ectiveness" - ], - [ - "r", - "x" - ], - [ - "ĠE", - "ye" - ], - [ - "Ġfa", - "ecal" - ], - [ - "Ã", - "¾" - ], - [ - "ĠClostr", - "idium" - ], - [ - "ach", - "ine" - ], - [ - "ĠBD", - "NF" - ], - [ - "Ġc", - "ab" - ], - [ - "ĠW", - "ong" - ], - [ - "ĠDoug", - "las" - ], - [ - "Ġre", - "perfusion" - ], - [ - "ĠX", - "i" - ], - [ - "Ġconf", - "used" - ], - [ - "ĠPhil", - "adelphia" - ], - [ - "Ġap", - "ple" - ], - [ - "Ġi", - "le" - ], - [ - "Ġfav", - "ored" - ], - [ - "Ġpl", - "aques" - ], - [ - "Ġtri", - "vially" - ], - [ - "ĠTyp", - "ical" - ], - [ - "Ġcentral", - "ized" - ], - [ - "ĠFace", - "book" - ], - [ - "Ġnorthe", - "ast" - ], - [ - "Ġnorm", - "ality" - ], - [ - "ĠT", - "b" - ], - [ - "Ġap", - "t" - ], - [ - "Ġfac", - "et" - ], - [ - "ĠRen", - "al" - ], - [ - "cl", - "k" - ], - [ - "Ġlig", - "ation" - ], - [ - "iff", - "erenti" - ], - [ - "Ġput", - "ting" - ], - [ - "Ġintr", - "ig" - ], - [ - "w", - "alled" - ], - [ - "E", - "t" - ], - [ - "ĠC", - "ow" - ], - [ - "ĠN", - "ations" - ], - [ - "Ġcamp", - "us" - ], - [ - "ĠKine", - "tics" - ], - [ - "ĠMex", - "ican" - ], - [ - "ER", - "K" - ], - [ - "Ġlat", - "itudes" - ], - [ - "ĠR", - "oll" - ], - [ - "ĠQ", - "D" - ], - [ - "adap", - "tive" - ], - [ - "Ġquenc", - "hed" - ], - [ - "Ġf", - "ram" - ], - [ - "Q", - "i" - ], - [ - "Ġt", - "ongue" - ], - [ - "ed", - "es" - ], - [ - "Ġasc", - "orb" - ], - [ - "ĠGluc", - "ose" - ], - [ - "our", - "i" - ], - [ - "Ġdef", - "eated" - ], - [ - "ophil", - "us" - ], - [ - "ral", - "ateral" - ], - [ - "x", - "rightarrow" - ], - [ - "ĠJ", - "up" - ], - [ - "ax", - "es" - ], - [ - "eg", - "er" - ], - [ - "MI", - "T" - ], - [ - "ĠM", - "ember" - ], - [ - "ĠN", - "u" - ], - [ - "Ġtransl", - "oc" - ], - [ - "ĠFlu", - "x" - ], - [ - "ĠColor", - "ado" - ], - [ - "Ġre", - "lying" - ], - [ - "at", - "rol" - ], - [ - "Ġcontras", - "ts" - ], - [ - "cent", - "age" - ], - [ - "Ġleuk", - "ocyte" - ], - [ - "Ġcoinc", - "idence" - ], - [ - "Ġcontrac", - "tions" - ], - [ - "og", - "a" - ], - [ - "AN", - "N" - ], - [ - "ĠAbs", - "orption" - ], - [ - "Ret", - "urn" - ], - [ - "rep", - "rene" - ], - [ - "ba", - "um" - ], - [ - "tra", - "umatic" - ], - [ - "inc", - "ial" - ], - [ - "Ġaut", - "ophag" - ], - [ - "Ġalgorithm", - "ic" - ], - [ - "rim", - "p" - ], - [ - "Ġdiv", - "ides" - ], - [ - "ĠR", - "ose" - ], - [ - "ĠE", - "ric" - ], - [ - "Ġadd", - "iction" - ], - [ - "pl", - "ification" - ], - [ - "Ġdiff", - "usive" - ], - [ - "ĠVehic", - "le" - ], - [ - "en", - "erate" - ], - [ - "ti", - "sing" - ], - [ - "Ġstar", - "vation" - ], - [ - "abs", - "orption" - ], - [ - "ĠA", - "ra" - ], - [ - "Ġgra", - "v" - ], - [ - "ĠSub", - "unit" - ], - [ - "Ġam", - "ide" - ], - [ - "Ġenh", - "ancer" - ], - [ - "Ġmer", - "id" - ], - [ - "erm", - "ost" - ], - [ - "Ġal", - "gal" - ], - [ - "ĠQue", - "ens" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠ" - ], - [ - "Ġjud", - "ge" - ], - [ - "ĠGreen", - "land" - ], - [ - "b", - "race" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠĠĠĠĠĠĠ" - ], - [ - "Ġhyper", - "gly" - ], - [ - "Ġemerg", - "ent" - ], - [ - "F", - "isher" - ], - [ - "ĠL", - "as" - ], - [ - "Ġsex", - "es" - ], - [ - "S", - "ep" - ], - [ - "Ġph", - "rases" - ], - [ - "ĠSequ", - "ential" - ], - [ - "ink", - "i" - ], - [ - "Ġaxi", - "oms" - ], - [ - "stud", - "y" - ], - [ - "Ġt", - "iny" - ], - [ - "Ġc", - "d" - ], - [ - "cataly", - "zed" - ], - [ - "as", - "aki" - ], - [ - "ĠW", - "R" - ], - [ - "ĠMin", - "imal" - ], - [ - "Ġsub", - "cellular" - ], - [ - "Ġphosph", - "o" - ], - [ - "ES", - "I" - ], - [ - "Ġv", - "ow" - ], - [ - "Ġsup", - "plies" - ], - [ - "oper", - "and" - ], - [ - "F", - "ix" - ], - [ - "an", - "ian" - ], - [ - "wr", - "iter" - ], - [ - "âĪ", - "¶" - ], - [ - "Ġwin", - "ner" - ], - [ - "ĠP", - "ID" - ], - [ - "ĠLe", - "besgue" - ], - [ - "Ġsimpl", - "ification" - ], - [ - "ĠRelationship", - "s" - ], - [ - "Ġautom", - "ata" - ], - [ - "ĠCont", - "ribution" - ], - [ - "Ġhered", - "itary" - ], - [ - "err", - "in" - ], - [ - "ĠB", - "LAST" - ], - [ - "ae", - "a" - ], - [ - "yle", - "th" - ], - [ - "ĠT", - "c" - ], - [ - "ade", - "h" - ], - [ - "adj", - "uvant" - ], - [ - "W", - "ave" - ], - [ - "c", - "ounter" - ], - [ - "ĠG", - "upta" - ], - [ - "ĠG", - "hana" - ], - [ - "C", - "ho" - ], - [ - "Ġour", - "selves" - ], - [ - "Ġeven", - "ly" - ], - [ - "lym", - "ph" - ], - [ - "Ġcereb", - "ellum" - ], - [ - "Ġcopol", - "ymers" - ], - [ - "mod", - "ular" - ], - [ - "Ġhard", - "er" - ], - [ - "Ġp", - "lease" - ], - [ - "ĠP", - "SD" - ], - [ - "Ġlim", - "bs" - ], - [ - "Ġexplo", - "itation" - ], - [ - "ir", - "y" - ], - [ - "Ġperiodon", - "tal" - ], - [ - "AT", - "CH" - ], - [ - "Ġmal", - "icious" - ], - [ - "ĠSl", - "ov" - ], - [ - "H", - "Y" - ], - [ - "Consequ", - "ently" - ], - [ - "ore", - "n" - ], - [ - "ĠP", - "are" - ], - [ - "ag", - "ine" - ], - [ - "ĠRO", - "I" - ], - [ - "ĠWh", - "ich" - ], - [ - "ĠN", - "ative" - ], - [ - "am", - "en" - ], - [ - "resh", - "ape" - ], - [ - "opl", - "ankton" - ], - [ - "Ġartif", - "act" - ], - [ - "Ġrh", - "in" - ], - [ - "g", - "pu" - ], - [ - "Ġund", - "et" - ], - [ - "Ġspor", - "adic" - ], - [ - "Ġor", - "ally" - ], - [ - "Ġstep", - "wise" - ], - [ - "ĠCoh", - "ort" - ], - [ - "Ġr", - "hod" - ], - [ - "c", - "yt" - ], - [ - "Ġi", - "err" - ], - [ - "Ġmot", - "ors" - ], - [ - "ĠIg", - "E" - ], - [ - "calc", - "ulated" - ], - [ - "ĠChampionship", - "s" - ], - [ - "p", - "el" - ], - [ - "ĠF", - "err" - ], - [ - "Ġis", - "ometric" - ], - [ - "n", - "utrition" - ], - [ - "Ġuns", - "aturated" - ], - [ - "Ġd", - "oll" - ], - [ - "ĠR", - "MSE" - ], - [ - "Ġsol", - "itary" - ], - [ - "approxim", - "ation" - ], - [ - "Ġreper", - "to" - ], - [ - "s", - "ight" - ], - [ - "Ġc", - "ranial" - ], - [ - "il", - "ical" - ], - [ - "ĠO", - "st" - ], - [ - "o", - "ul" - ], - [ - "Ġd", - "g" - ], - [ - "ĠPro", - "ceed" - ], - [ - "Ġmill", - "ing" - ], - [ - "s", - "z" - ], - [ - "Ġmineral", - "ization" - ], - [ - "Ġcig", - "arette" - ], - [ - "Ġp", - "orph" - ], - [ - "Ġsp", - "ons" - ], - [ - "ĠGre", - "ece" - ], - [ - "ip", - "ore" - ], - [ - "ac", - "cept" - ], - [ - "ĠPT", - "SD" - ], - [ - "Å", - "«" - ], - [ - "Ġc", - "ipher" - ], - [ - "Ġfunctional", - "ized" - ], - [ - "P", - "oly" - ], - [ - "Ġab", - "d" - ], - [ - "fl", - "ight" - ], - [ - "ĠSyd", - "ney" - ], - [ - "Ġdis", - "aster" - ], - [ - "ĠH", - "aving" - ], - [ - "Ġdies", - "el" - ], - [ - "ĠG", - "reg" - ], - [ - "Ġsp", - "ans" - ], - [ - "ĠSe", - "asonal" - ], - [ - "ST", - "EM" - ], - [ - "i", - "err" - ], - [ - "ĠI", - "B" - ], - [ - "Ġle", - "mm" - ], - [ - "an", - "um" - ], - [ - "ĠB", - "ottom" - ], - [ - "Ġse", - "al" - ], - [ - "bo", - "ost" - ], - [ - "Ġleg", - "end" - ], - [ - "b", - "ing" - ], - [ - "ab", - "is" - ], - [ - "Ġch", - "itin" - ], - [ - "Ġmaxim", - "ally" - ], - [ - "Ġimmunosup", - "pressive" - ], - [ - "âĪĴ", - "âĪĴ" - ], - [ - "Ġabol", - "ished" - ], - [ - "ig", - "e" - ], - [ - "Ġes", - "ophag" - ], - [ - "Ġlas", - "ted" - ], - [ - "Ġcarbohyd", - "rates" - ], - [ - "Ġch", - "ips" - ], - [ - "ĠFern", - "and" - ], - [ - "f", - "ar" - ], - [ - "ĠPo", - "ints" - ], - [ - "cal", - "ation" - ], - [ - "ĠReg", - "ions" - ], - [ - "CH", - "K" - ], - [ - "ver", - "atrol" - ], - [ - "tr", - "uth" - ], - [ - "Ġst", - "range" - ], - [ - "Int", - "erest" - ], - [ - "s", - "ho" - ], - [ - "ĠInd", - "uc" - ], - [ - "Ġmig", - "raine" - ], - [ - "ĠV", - "ac" - ], - [ - "op", - "hores" - ], - [ - "Ġerr", - "one" - ], - [ - "scripts", - "ize" - ], - [ - "ĠNeut", - "ron" - ], - [ - "Ġindist", - "inguishable" - ], - [ - "ist", - "ine" - ], - [ - "Ġhel", - "per" - ], - [ - "spec", - "ified" - ], - [ - "Ġju", - "ice" - ], - [ - "ox", - "al" - ], - [ - "ĠJ", - "ung" - ], - [ - "Ġmag", - "azine" - ], - [ - "Ġtele", - "phone" - ], - [ - "ĠPh", - "yt" - ], - [ - "Ġ", - "um" - ], - [ - "ĠAvail", - "ability" - ], - [ - "ĠT", - "ropical" - ], - [ - "ĠC", - "ases" - ], - [ - "Ġdesc", - "end" - ], - [ - "H", - "ar" - ], - [ - "âĪ", - "Ĺ" - ], - [ - "ĠâĨ", - "ĵ" - ], - [ - "K", - "s" - ], - [ - "Ġ", - "ê" - ], - [ - "ol", - "uble" - ], - [ - "Ġch", - "ampionship" - ], - [ - "ĠMove", - "ment" - ], - [ - "ĠX", - "Y" - ], - [ - "kappa", - "B" - ], - [ - "year", - "s" - ], - [ - "m", - "emb" - ], - [ - "qu", - "ine" - ], - [ - "Ġlet", - "ting" - ], - [ - "Ġbig", - "gest" - ], - [ - "Ġc", - "ards" - ], - [ - "Ġbi", - "otin" - ], - [ - "ĠA", - "ur" - ], - [ - "mod", - "al" - ], - [ - "Ġvacc", - "inated" - ], - [ - "Ġtransl", - "ates" - ], - [ - "ĠP", - "AC" - ], - [ - "ll", - "i" - ], - [ - "re", - "onine" - ], - [ - "Ġcur", - "cumin" - ], - [ - "ĠCon", - "struct" - ], - [ - "Ġconv", - "inc" - ], - [ - "ĠN", - "at" - ], - [ - "Ġam", - "ygdala" - ], - [ - "Ġprot", - "r" - ], - [ - "ĠSing", - "ular" - ], - [ - "ĠCont", - "act" - ], - [ - "k", - "ind" - ], - [ - "ĠD", - "aw" - ], - [ - "og", - "roup" - ], - [ - "ĠK", - "Cl" - ], - [ - "Ġhy", - "gi" - ], - [ - "eren", - "ced" - ], - [ - "Ġsurvey", - "ed" - ], - [ - "ĠM", - "ull" - ], - [ - "est", - "hetic" - ], - [ - "Ġms", - "g" - ], - [ - "ĠRe", - "quire" - ], - [ - "Ġdistor", - "tions" - ], - [ - "Cont", - "rol" - ], - [ - "B", - "ERT" - ], - [ - "Ġaut", - "onomic" - ], - [ - "Ġhorm", - "onal" - ], - [ - "Ġstri", - "ps" - ], - [ - "Ġt", - "rophic" - ], - [ - "if", - "ting" - ], - [ - "op", - "od" - ], - [ - "ĠSp", - "ontaneous" - ], - [ - "Ġlog", - "s" - ], - [ - "O", - "PT" - ], - [ - "ĠM", - "ot" - ], - [ - "ĠG", - "mb" - ], - [ - "ah", - "aran" - ], - [ - "ĠP", - "OL" - ], - [ - "Ġvis", - "ceral" - ], - [ - "bl", - "ocks" - ], - [ - "Ġsit", - "ting" - ], - [ - "Ġs", - "ine" - ], - [ - "Ġonc", - "ogenic" - ], - [ - "ERR", - "Q" - ], - [ - "quin", - "one" - ], - [ - "Ġsmart", - "phone" - ], - [ - "ĠTan", - "z" - ], - [ - "lact", - "am" - ], - [ - "ĠSignific", - "ance" - ], - [ - "Ġe", - "u" - ], - [ - "ĠI", - "SS" - ], - [ - "ĠTr", - "ig" - ], - [ - "ĠM", - "aj" - ], - [ - "ting", - "ale" - ], - [ - "Ġdil", - "at" - ], - [ - "enn", - "es" - ], - [ - "ĠBelg", - "ium" - ], - [ - "le", - "v" - ], - [ - "ĠCon", - "tr" - ], - [ - "ĠGal", - "ois" - ], - [ - "ĠComb", - "ination" - ], - [ - "ĠTh", - "i" - ], - [ - "ĠAust", - "ria" - ], - [ - "P", - "rom" - ], - [ - "Ġelic", - "it" - ], - [ - "bi", - "osis" - ], - [ - "Ġlymph", - "atic" - ], - [ - "ĠMur", - "ray" - ], - [ - "ĠX", - "PS" - ], - [ - "Ġcon", - "g" - ], - [ - "sc", - "reen" - ], - [ - "ti", - "de" - ], - [ - "am", - "oyl" - ], - [ - "ĠMc", - "D" - ], - [ - "Ġreti", - "red" - ], - [ - "m", - "ixed" - ], - [ - "EL", - "D" - ], - [ - "ĠM", - "aps" - ], - [ - "ĠV", - "E" - ], - [ - "cess", - "ion" - ], - [ - "num", - "er" - ], - [ - "id", - "ated" - ], - [ - "ĠB", - "ishop" - ], - [ - "Ġneon", - "ates" - ], - [ - "Ġlands", - "l" - ], - [ - "ĠFrac", - "tional" - ], - [ - "Ġspec", - "ifying" - ], - [ - "ĠJ", - "r" - ], - [ - "Ġnanow", - "ire" - ], - [ - "Ġconsult", - "ation" - ], - [ - "l", - "anguage" - ], - [ - "Ġp", - "ricing" - ], - [ - "ĠLimit", - "ations" - ], - [ - "ĠP", - "ediatric" - ], - [ - "ĠD", - "imension" - ], - [ - "Ġprepar", - "ing" - ], - [ - "L", - "ag" - ], - [ - "seg", - "ment" - ], - [ - "Ġsp", - "end" - ], - [ - "at", - "he" - ], - [ - "Ġwe", - "ap" - ], - [ - "ĠJ", - "os" - ], - [ - "tex", - "tit" - ], - [ - "output", - "s" - ], - [ - "ord", - "ering" - ], - [ - "Ġplac", - "enta" - ], - [ - "ation", - "ally" - ], - [ - "ĠK", - "un" - ], - [ - "Ġout", - "standing" - ], - [ - "Ġthickness", - "es" - ], - [ - "ĠCh", - "IP" - ], - [ - "de", - "oxy" - ], - [ - "ĠZ", - "o" - ], - [ - "ĠDevelop", - "ing" - ], - [ - "Ġstring", - "ent" - ], - [ - "i", - "ency" - ], - [ - "per", - "se" - ], - [ - "Ġp", - "end" - ], - [ - "ĠDevelopment", - "al" - ], - [ - "Ġex", - "tern" - ], - [ - "Ġinver", - "ter" - ], - [ - "ĠD", - "API" - ], - [ - "lec", - "tivity" - ], - [ - "Ġtable", - "ts" - ], - [ - "Ġprog", - "ester" - ], - [ - "Ġïģ", - "Ń" - ], - [ - "Ġansw", - "ered" - ], - [ - "ent", - "ary" - ], - [ - "OR", - "S" - ], - [ - "Ġd", - "ir" - ], - [ - "Ġdele", - "terious" - ], - [ - "Ġdop", - "aminergic" - ], - [ - "R", - "andom" - ], - [ - "dis", - "s" - ], - [ - "Ġmonol", - "ayers" - ], - [ - "Ġinteg", - "rand" - ], - [ - "ĠComp", - "onents" - ], - [ - "ĠP", - "erc" - ], - [ - "ag", - "it" - ], - [ - "AR", - "N" - ], - [ - "es", - "ophageal" - ], - [ - "iv", - "an" - ], - [ - "ne", - "ider" - ], - [ - "ĠStar", - "ting" - ], - [ - "P", - "ORT" - ], - [ - "y", - "ellow" - ], - [ - "Ġreg", - "isters" - ], - [ - "pair", - "s" - ], - [ - "Ġethn", - "icity" - ], - [ - "Ġb", - "oy" - ], - [ - "au", - "ti" - ], - [ - "Ġchrom", - "ium" - ], - [ - "P", - "OS" - ], - [ - "v", - "ature" - ], - [ - "ay", - "ashi" - ], - [ - "Ġin", - "appropriate" - ], - [ - "ĠS", - "NA" - ], - [ - "D", - "omain" - ], - [ - "ĠP", - "rice" - ], - [ - "Ġmac", - "ular" - ], - [ - "Ġover", - "load" - ], - [ - "ĠUn", - "ified" - ], - [ - "Ġatt", - "ach" - ], - [ - "ĠScot", - "tish" - ], - [ - "m", - "aps" - ], - [ - "ag", - "l" - ], - [ - "em", - "i" - ], - [ - "Ġse", - "am" - ], - [ - "ĠAnal", - "og" - ], - [ - "d", - "ated" - ], - [ - "u", - "o" - ], - [ - "Ġpl", - "ated" - ], - [ - "Ġass", - "et" - ], - [ - "Ġsc", - "reens" - ], - [ - "Ġspur", - "ious" - ], - [ - "B", - "esides" - ], - [ - "Ġbas", - "elines" - ], - [ - "head", - "s" - ], - [ - "Ġco", - "at" - ], - [ - "ĠRem", - "oval" - ], - [ - "Ġinfinites", - "imal" - ], - [ - "ĠTrans", - "formation" - ], - [ - "Ġcomm", - "ens" - ], - [ - "Flo", - "at" - ], - [ - "A", - "UC" - ], - [ - "ĠL", - "ay" - ], - [ - "Ġint", - "ron" - ], - [ - "ĠDet", - "ecting" - ], - [ - "ĠHere", - "in" - ], - [ - "ĠAssoci", - "ations" - ], - [ - "Ġprogester", - "one" - ], - [ - "B", - "acteria" - ], - [ - "Ġs", - "entiment" - ], - [ - "ĠPhen", - "omen" - ], - [ - "m", - "atter" - ], - [ - "Ġcylind", - "ers" - ], - [ - "Ġtolu", - "ene" - ], - [ - "Ġspati", - "otemporal" - ], - [ - "Ġland", - "ing" - ], - [ - "ĠCoron", - "avirus" - ], - [ - "ĠBer", - "ry" - ], - [ - "ĠB", - "ragg" - ], - [ - "Ġreg", - "istry" - ], - [ - "Ġenthal", - "py" - ], - [ - "tic", - "a" - ], - [ - "raz", - "ine" - ], - [ - "Ġc", - "argo" - ], - [ - "ot", - "ation" - ], - [ - "Ġcontrad", - "icts" - ], - [ - "Ġpestic", - "ides" - ], - [ - "ĠF", - "ischer" - ], - [ - "Ġmechan", - "ically" - ], - [ - "ĠInter", - "fer" - ], - [ - "ĠC", - "yp" - ], - [ - "ĠK", - "as" - ], - [ - "Ġmet", - "res" - ], - [ - "Ġanti", - "retroviral" - ], - [ - "Ġtra", - "vers" - ], - [ - "se", - "lection" - ], - [ - "ĠW", - "A" - ], - [ - "Ġdouble", - "t" - ], - [ - "m", - "eta" - ], - [ - "EN", - "TR" - ], - [ - "son", - "ic" - ], - [ - "Ġmark", - "ing" - ], - [ - "ĠO", - "verex" - ], - [ - "Ġpy", - "ruvate" - ], - [ - "Ġextr", - "usion" - ], - [ - "Ġin", - "gestion" - ], - [ - "Ġcoc", - "aine" - ], - [ - "ĠF", - "ellow" - ], - [ - "CN", - "Ts" - ], - [ - "B", - "G" - ], - [ - "ĠMorph", - "ological" - ], - [ - "Ġdef", - "ence" - ], - [ - "ĠY", - "osh" - ], - [ - "mit", - "ter" - ], - [ - "rystall", - "ization" - ], - [ - "STR", - "ACT" - ], - [ - "Ġinflamm", - "asome" - ], - [ - "ĠG", - "d" - ], - [ - "Ġsh", - "aft" - ], - [ - "Ġerup", - "tion" - ], - [ - "ĠOx", - "ide" - ], - [ - "if", - "olds" - ], - [ - "ĠG", - "am" - ], - [ - "ĠG", - "ap" - ], - [ - "com", - "mand" - ], - [ - "ĠIg", - "A" - ], - [ - "Ġshorten", - "ing" - ], - [ - "assemb", - "led" - ], - [ - "is", - "opropyl" - ], - [ - "Ġal", - "umina" - ], - [ - "ĠAT", - "M" - ], - [ - "Ġc", - "t" - ], - [ - "Ġspin", - "ning" - ], - [ - "ĠPet", - "sc" - ], - [ - "pref", - "ix" - ], - [ - "Ġperpet", - "uity" - ], - [ - "P", - "RE" - ], - [ - "Ġfr", - "uct" - ], - [ - "G", - "Hz" - ], - [ - "el", - "ike" - ], - [ - "en", - "yl" - ], - [ - "Ġwhere", - "in" - ], - [ - "U", - "K" - ], - [ - "vis", - "ual" - ], - [ - "lipid", - "emia" - ], - [ - "re", - "duction" - ], - [ - "an", - "in" - ], - [ - "ol", - "as" - ], - [ - "Ġam", - "plic" - ], - [ - "ĠS", - "AT" - ], - [ - "Ġmod", - "ulator" - ], - [ - "for", - "th" - ], - [ - "r", - "l" - ], - [ - "Ġcre", - "w" - ], - [ - "Ġi", - "P" - ], - [ - "Ġx", - "i" - ], - [ - "AD", - "D" - ], - [ - "ĠAlex", - "and" - ], - [ - "const", - "rained" - ], - [ - "r", - "atory" - ], - [ - "Ġk", - "W" - ], - [ - "ĠMD", - "R" - ], - [ - "Ġlnc", - "RNA" - ], - [ - "M", - "ill" - ], - [ - "ĠMg", - "O" - ], - [ - "circ", - "uit" - ], - [ - "Ġpersonal", - "ized" - ], - [ - "ĠOper", - "ator" - ], - [ - "st", - "ock" - ], - [ - "ĠP", - "SA" - ], - [ - "ens", - "able" - ], - [ - "Ġle", - "an" - ], - [ - "y", - "ield" - ], - [ - "Ġop", - "acity" - ], - [ - "ĠComm", - "ons" - ], - [ - "Ġsum", - "med" - ], - [ - "uck", - "er" - ], - [ - "ec", - "ke" - ], - [ - "ep", - "ithelial" - ], - [ - "Ġas", - "king" - ], - [ - "ues", - "e" - ], - [ - "ĠFl", - "av" - ], - [ - "Ġl", - "actic" - ], - [ - "Ġl", - "ubric" - ], - [ - "Ġis", - "n" - ], - [ - "reg", - "ions" - ], - [ - "sup", - "port" - ], - [ - "Bel", - "ow" - ], - [ - "ĠN", - "om" - ], - [ - "Ġhy", - "al" - ], - [ - "ik", - "h" - ], - [ - "b", - "an" - ], - [ - "ĠB", - "G" - ], - [ - "rom", - "eter" - ], - [ - "ind", - "ic" - ], - [ - "oph", - "aryngeal" - ], - [ - "IT", - "ION" - ], - [ - "ĠProp", - "agation" - ], - [ - "ĠPl", - "ace" - ], - [ - "ĠCirc", - "uit" - ], - [ - "ĠCO", - "L" - ], - [ - "G", - "reen" - ], - [ - "I", - "r" - ], - [ - "l", - "av" - ], - [ - "Ġd", - "S" - ], - [ - "ĠM", - "oment" - ], - [ - "Ġinduc", - "ible" - ], - [ - "Ġdischarg", - "es" - ], - [ - "hab", - "di" - ], - [ - "ĠExper", - "ience" - ], - [ - "Ġs", - "g" - ], - [ - "Ġout", - "ward" - ], - [ - "Ġport", - "able" - ], - [ - "ĠOper", - "ators" - ], - [ - "A", - "v" - ], - [ - "ĠD", - "Q" - ], - [ - "ost", - "atin" - ], - [ - "Ġeosin", - "ophil" - ], - [ - "Ġstri", - "atum" - ], - [ - "ĠCons", - "ensus" - ], - [ - "Ġim", - "perfect" - ], - [ - "NO", - "T" - ], - [ - "ĠDem", - "ocratic" - ], - [ - ";", - ";" - ], - [ - "B", - "ody" - ], - [ - "di", - "i" - ], - [ - "H", - "o" - ], - [ - "ĠRail", - "way" - ], - [ - "ĠUg", - "anda" - ], - [ - "Ġunp", - "aired" - ], - [ - "friend", - "ly" - ], - [ - "Ġrepro", - "gramming" - ], - [ - "Altern", - "ative" - ], - [ - "R", - "G" - ], - [ - "im", - "et" - ], - [ - "ene", - "z" - ], - [ - "ĠHyp", - "othesis" - ], - [ - "Ġt", - "on" - ], - [ - "ĠCom", - "bin" - ], - [ - "ĠDel", - "ivery" - ], - [ - "L", - "ast" - ], - [ - "Ġown", - "ers" - ], - [ - "raz", - "ole" - ], - [ - "ĠK", - "ob" - ], - [ - "Ġform", - "ats" - ], - [ - "Ġpoly", - "clonal" - ], - [ - "Ġidentif", - "ier" - ], - [ - "IL", - "L" - ], - [ - "Ġsurge", - "on" - ], - [ - "Ġpost", - "p" - ], - [ - "ĠGener", - "ative" - ], - [ - "ĠM", - "all" - ], - [ - "ab", - "c" - ], - [ - "ĠH", - "az" - ], - [ - "Ġsmooth", - "ly" - ], - [ - "Ġcrystall", - "ographic" - ], - [ - "ĠF", - "DA" - ], - [ - "Ġcoex", - "istence" - ], - [ - "ion", - "ized" - ], - [ - "Ġcomp", - "iler" - ], - [ - "ĠAr", - "ter" - ], - [ - "Ġappear", - "ances" - ], - [ - "amilton", - "ian" - ], - [ - "Ġencaps", - "ulated" - ], - [ - "ati", - "a" - ], - [ - "w", - "i" - ], - [ - "re", - "b" - ], - [ - "Ġwa", - "fer" - ], - [ - "ub", - "s" - ], - [ - "ĠU", - "E" - ], - [ - "ĠGS", - "K" - ], - [ - "Ġv", - "iv" - ], - [ - "Ġflood", - "ing" - ], - [ - "ĠG", - "yr" - ], - [ - "Ġst", - "ably" - ], - [ - "Ġdis", - "locations" - ], - [ - "Ġes", - "cap" - ], - [ - "ĠPhys", - "iological" - ], - [ - "tid", - "al" - ], - [ - "ym", - "e" - ], - [ - "ĠMax", - "im" - ], - [ - "iter", - "ator" - ], - [ - "ord", - "ant" - ], - [ - "Ġatten", - "tional" - ], - [ - "Ġcataly", - "zed" - ], - [ - "ĠTr", - "yp" - ], - [ - "P", - "IN" - ], - [ - "ĠCor", - "relations" - ], - [ - "Ġhyd", - "rological" - ], - [ - "Ġn", - "ose" - ], - [ - "ex", - "port" - ], - [ - "Ġde", - "xt" - ], - [ - "ĠBen", - "ef" - ], - [ - "ĠBios", - "ystems" - ], - [ - "ĠP", - "ars" - ], - [ - "Ġread", - "ings" - ], - [ - "Ġinstrument", - "ation" - ], - [ - "ĠI", - "Q" - ], - [ - "R", - "IC" - ], - [ - "Ġgra", - "fts" - ], - [ - "over", - "s" - ], - [ - "ĠMed", - "ic" - ], - [ - "Ġmon", - "od" - ], - [ - "Ġuniform", - "ity" - ], - [ - "ĠAT", - "LAS" - ], - [ - "Ġmask", - "ed" - ], - [ - "R", - "i" - ], - [ - "ĠPhys", - "ic" - ], - [ - "Ġim", - "posing" - ], - [ - "ĠPar", - "ad" - ], - [ - "ime", - "tic" - ], - [ - "Ġdemand", - "ing" - ], - [ - "un", - "ks" - ], - [ - "Ġfol", - "ds" - ], - [ - "ĠAn", - "c" - ], - [ - "Ġvol", - "atility" - ], - [ - "Ġbring", - "ing" - ], - [ - "ac", - "il" - ], - [ - "ĠN", - "MDA" - ], - [ - "re", - "duced" - ], - [ - "ti", - "i" - ], - [ - "Ġnorth", - "west" - ], - [ - "ĠB", - "essel" - ], - [ - "ven", - "tions" - ], - [ - "Ġconsol", - "idation" - ], - [ - "Me", - "ier" - ], - [ - "Ġmicro", - "f" - ], - [ - "Ġqual", - "ified" - ], - [ - "Ġins", - "ignificant" - ], - [ - "ĠMorph", - "ology" - ], - [ - "Ġpoint", - "wise" - ], - [ - "Ġlear", - "ns" - ], - [ - "Ġgu", - "ard" - ], - [ - "CH", - "ECK" - ], - [ - "phon", - "on" - ], - [ - "ĠEnhance", - "ment" - ], - [ - "Ġz", - "onal" - ], - [ - "ER", - "G" - ], - [ - "St", - "art" - ], - [ - "Ġhistor", - "ic" - ], - [ - "ĠP", - "ure" - ], - [ - "ĠGmb", - "H" - ], - [ - "g", - "lu" - ], - [ - "Ġpattern", - "ing" - ], - [ - "Ġstic", - "k" - ], - [ - "umin", - "osity" - ], - [ - "D", - "ataset" - ], - [ - "Ġover", - "ride" - ], - [ - "ĠSte", - "el" - ], - [ - "Ġfu", - "els" - ], - [ - "m", - "echanical" - ], - [ - "Ġaut", - "ologous" - ], - [ - "Ġdepart", - "ments" - ], - [ - "ĠB", - "lo" - ], - [ - "Ġim", - "ported" - ], - [ - "Ġrestric", - "tive" - ], - [ - "e", - "igen" - ], - [ - "ĠR", - "ome" - ], - [ - "ĠÌ", - "Ĭ" - ], - [ - "Ġepit", - "opes" - ], - [ - "Ġlab", - "elling" - ], - [ - "Ġown", - "ership" - ], - [ - "ĠE", - "specially" - ], - [ - "Ġco", - "ffee" - ], - [ - "ĠGR", - "B" - ], - [ - "H", - "ead" - ], - [ - "ĠV", - "ent" - ], - [ - "es", - "are" - ], - [ - "ĠPar", - "ticles" - ], - [ - "UN", - "CTION" - ], - [ - "j", - "j" - ], - [ - "u", - "ents" - ], - [ - "el", - "ic" - ], - [ - "ĠT", - "at" - ], - [ - "ĠF", - "le" - ], - [ - "Ġg", - "ating" - ], - [ - "Ġref", - "uge" - ], - [ - "Ad", - "ditionally" - ], - [ - "Ġrh", - "s" - ], - [ - "Ġmay", - "be" - ], - [ - "ĠF", - "ang" - ], - [ - "Ġad", - "vent" - ], - [ - "otransfer", - "ase" - ], - [ - "sh", - "ould" - ], - [ - "Ġprote", - "omic" - ], - [ - "Ġleg", - "itim" - ], - [ - "PER", - "IM" - ], - [ - "ĠG", - "iant" - ], - [ - "Ġgraph", - "ics" - ], - [ - "onom", - "ical" - ], - [ - "sc", - "atter" - ], - [ - "Ġsugges", - "tive" - ], - [ - "pl", - "ots" - ], - [ - "Ġmulti", - "drug" - ], - [ - "Ġabsor", - "ber" - ], - [ - "X", - "S" - ], - [ - "cons", - "uming" - ], - [ - "Ġsustain", - "ability" - ], - [ - "op", - "re" - ], - [ - "f", - "ix" - ], - [ - "Ġvol", - "cano" - ], - [ - "ĠTyp", - "es" - ], - [ - "ĠCre", - "ate" - ], - [ - "Ġcho", - "oses" - ], - [ - "Ġstir", - "ring" - ], - [ - "Ġsurge", - "ons" - ], - [ - "d", - "S" - ], - [ - "Ġcharacter", - "izes" - ], - [ - "Ġadjust", - "ments" - ], - [ - "text", - "tt" - ], - [ - "et", - "ra" - ], - [ - "Ġclass", - "ifications" - ], - [ - "sp", - "ots" - ], - [ - "ĠâĻ", - "¯" - ], - [ - "ere", - "x" - ], - [ - "de", - "hyd" - ], - [ - "ĠBr", - "ig" - ], - [ - "ĠSuper", - "conduc" - ], - [ - "Ġgran", - "ts" - ], - [ - "ĠC", - "en" - ], - [ - "ĠY", - "in" - ], - [ - "ĠRe", - "actions" - ], - [ - "des", - "cription" - ], - [ - "trans", - "cription" - ], - [ - "import", - "ant" - ], - [ - "Ġhemod", - "ynamic" - ], - [ - "ĠY", - "i" - ], - [ - "ĠGold", - "en" - ], - [ - "k", - "k" - ], - [ - "al", - "b" - ], - [ - "Ġro", - "oms" - ], - [ - "Ġseg", - "reg" - ], - [ - "Ġsumm", - "ing" - ], - [ - "Ġsuccess", - "ion" - ], - [ - "Ġfollic", - "ular" - ], - [ - "Ġtack", - "le" - ], - [ - "D", - "own" - ], - [ - "Ġevalu", - "ates" - ], - [ - "atic", - "a" - ], - [ - "ann", - "ual" - ], - [ - "ĠAl", - "bert" - ], - [ - "Ġt", - "al" - ], - [ - "orb", - "ital" - ], - [ - "f", - "ted" - ], - [ - "vari", - "ables" - ], - [ - "Ġwet", - "land" - ], - [ - "outhe", - "astern" - ], - [ - "M", - "EM" - ], - [ - "ĠBr", - "ill" - ], - [ - "ĠS", - "odium" - ], - [ - "ĠAlex", - "a" - ], - [ - "um", - "ed" - ], - [ - "BU", - "G" - ], - [ - "ar", - "ine" - ], - [ - "Ġre", - "venue" - ], - [ - "habdi", - "tis" - ], - [ - "Ġdiss", - "ol" - ], - [ - "am", - "plitude" - ], - [ - "Ġar", - "tists" - ], - [ - "Ġnormal", - "ised" - ], - [ - "Ġfluct", - "uating" - ], - [ - "Ġas", - "par" - ], - [ - "ĠF", - "i" - ], - [ - "ol", - "ates" - ], - [ - "isp", - "anic" - ], - [ - "Ġacet", - "ylation" - ], - [ - "ĠConcent", - "ration" - ], - [ - "Ġth", - "ro" - ], - [ - "sh", - "ots" - ], - [ - "Ġnarr", - "ative" - ], - [ - "ĠWa", - "als" - ], - [ - "am", - "monium" - ], - [ - "ure", - "au" - ], - [ - "--------", - "----" - ], - [ - "Ġresearc", - "hes" - ], - [ - "Ġbab", - "y" - ], - [ - "Ġshar", - "ply" - ], - [ - "Ù", - "Ħ" - ], - [ - "ĠC", - "el" - ], - [ - "C", - "X" - ], - [ - "um", - "inal" - ], - [ - "Ġgerm", - "line" - ], - [ - "ĠTransform", - "er" - ], - [ - "p", - "seud" - ], - [ - "H", - "G" - ], - [ - "K", - "a" - ], - [ - "ĠS", - "MC" - ], - [ - "ĠN", - "utrition" - ], - [ - "Ġb", - "arc" - ], - [ - "ĠW", - "rite" - ], - [ - "Ġprote", - "ases" - ], - [ - "Ġswe", - "ep" - ], - [ - "ĠKol", - "mogorov" - ], - [ - "m", - "orph" - ], - [ - "in", - "ducible" - ], - [ - "Ġexc", - "iting" - ], - [ - "le", - "in" - ], - [ - "ĠH", - "ass" - ], - [ - "Ġproduc", - "tive" - ], - [ - "mes", - "h" - ], - [ - "ĠC", - "MS" - ], - [ - "Ġhe", - "avier" - ], - [ - "Ġmeet", - "ings" - ], - [ - "ĠCop", - "per" - ], - [ - "Ġvirt", - "ue" - ], - [ - "as", - "ant" - ], - [ - "ĠD", - "EN" - ], - [ - "Ġinherent", - "ly" - ], - [ - "ri", - "o" - ], - [ - "Ġhous", - "ed" - ], - [ - "Ġintra", - "operative" - ], - [ - "Ġc", - "rown" - ], - [ - "con", - "ditions" - ], - [ - "AN", - "G" - ], - [ - "YS", - "IS" - ], - [ - "im", - "an" - ], - [ - "Ġnm", - "ol" - ], - [ - "ĠRetrie", - "val" - ], - [ - "al", - "gae" - ], - [ - "Ġk", - "appa" - ], - [ - "de", - "ep" - ], - [ - "in", - "ence" - ], - [ - "ĠC", - "arcinoma" - ], - [ - "Ġchromat", - "ographic" - ], - [ - "Ġas", - "cribed" - ], - [ - "Ġle", - "verage" - ], - [ - "ĠK", - "K" - ], - [ - "omy", - "el" - ], - [ - "p", - "et" - ], - [ - "ĠN", - "J" - ], - [ - "com", - "m" - ], - [ - "Ġann", - "ually" - ], - [ - "g", - "ran" - ], - [ - "Ġa", - "val" - ], - [ - "ĠN", - "ish" - ], - [ - "Ġev", - "ac" - ], - [ - "Ġmulti", - "f" - ], - [ - "Ġfund", - "s" - ], - [ - "enn", - "y" - ], - [ - "ĠM", - "ong" - ], - [ - "ĠEx", - "ception" - ], - [ - "path", - "s" - ], - [ - "ym", - "en" - ], - [ - "h", - "pp" - ], - [ - "Ġrestric", - "ting" - ], - [ - "s", - "aturated" - ], - [ - "â", - "Ļ" - ], - [ - "Ġlear", - "ners" - ], - [ - "ĠLank", - "a" - ], - [ - "in", - "ities" - ], - [ - "ĠG", - "DP" - ], - [ - "Ġspec", - "iation" - ], - [ - "Ġens", - "ured" - ], - [ - "Ġneutral", - "izing" - ], - [ - "Ġball", - "oon" - ], - [ - "Compar", - "ison" - ], - [ - "ĠCal", - "ibration" - ], - [ - "ĠInflu", - "enza" - ], - [ - "Ġvap", - "our" - ], - [ - "X", - "A" - ], - [ - "t", - "racking" - ], - [ - "ĠI", - "CD" - ], - [ - "fluor", - "o" - ], - [ - "ĠDam", - "age" - ], - [ - "Ġp", - "ra" - ], - [ - "Ġcon", - "ceived" - ], - [ - "ĠCosm", - "ological" - ], - [ - "Ġlo", - "ose" - ], - [ - "inos", - "itol" - ], - [ - "ĠCliff", - "ord" - ], - [ - "ow", - "a" - ], - [ - "Ġoffset", - "s" - ], - [ - "doc", - "ument" - ], - [ - "Ġenorm", - "ous" - ], - [ - "Ġphoto", - "electron" - ], - [ - "rec", - "ord" - ], - [ - "estic", - "ular" - ], - [ - "Ġvoc", - "als" - ], - [ - "Ġconscious", - "ness" - ], - [ - "Ġtre", - "m" - ], - [ - "Ġlandsc", - "apes" - ], - [ - "ĠFund", - "amental" - ], - [ - "teb", - "rate" - ], - [ - "Ġverteb", - "ral" - ], - [ - "Ġregener", - "ative" - ], - [ - "Ġtro", - "posp" - ], - [ - "In", - "tegr" - ], - [ - "Ġassoci", - "ates" - ], - [ - "ov", - "ed" - ], - [ - "uss", - "ed" - ], - [ - "aw", - "s" - ], - [ - "ĠS", - "ide" - ], - [ - "Ġinter", - "connected" - ], - [ - "Ġsuper", - "family" - ], - [ - "ĠCo", - "ok" - ], - [ - "load", - "er" - ], - [ - "Ġpy", - "thon" - ], - [ - "ĠC", - "ounter" - ], - [ - "bo", - "oks" - ], - [ - "Ġïģ", - "²" - ], - [ - "bre", - "aking" - ], - [ - "g", - "y" - ], - [ - "Ġcar", - "box" - ], - [ - "Ġed", - "ited" - ], - [ - "otyp", - "ed" - ], - [ - "Ġdu", - "oden" - ], - [ - "an", - "ne" - ], - [ - "Ġan", - "astom" - ], - [ - "gin", - "ate" - ], - [ - "ĠBios", - "ciences" - ], - [ - "ra", - "ge" - ], - [ - "ĠCh", - "iral" - ], - [ - "Ġsimpl", - "ifies" - ], - [ - "Ġtes", - "tis" - ], - [ - "str", - "öm" - ], - [ - "ial", - "s" - ], - [ - "Ġmic", - "elles" - ], - [ - "cor", - "rect" - ], - [ - "ĠGene", - "tics" - ], - [ - "al", - "ong" - ], - [ - "R", - "em" - ], - [ - "res", - "istance" - ], - [ - "Ġdr", - "ink" - ], - [ - "orb", - "ed" - ], - [ - "ĠT", - "reat" - ], - [ - "ĠS", - "ho" - ], - [ - "sh", - "ows" - ], - [ - "é", - "r" - ], - [ - "Ġmim", - "ics" - ], - [ - "occ", - "up" - ], - [ - "ec", - "lam" - ], - [ - "ON", - "G" - ], - [ - "Ġmark", - "eting" - ], - [ - "ĠF", - "inding" - ], - [ - "Ġendomet", - "ri" - ], - [ - "âĶ", - "Ģ" - ], - [ - "st", - "rained" - ], - [ - "ĠM", - "uch" - ], - [ - "Ġex", - "ons" - ], - [ - "ĠH", - "il" - ], - [ - "T", - "D" - ], - [ - "ĠW", - "W" - ], - [ - "ĠV", - "ic" - ], - [ - "end", - "a" - ], - [ - "Ġfact", - "ory" - ], - [ - "ĠHep", - "G" - ], - [ - "ĠSt", - "atic" - ], - [ - "blast", - "oma" - ], - [ - "w", - "d" - ], - [ - "ra", - "isal" - ], - [ - "ĠB", - "asis" - ], - [ - "In", - "s" - ], - [ - "ĠUn", - "supervised" - ], - [ - "el", - "o" - ], - [ - "ose", - "lective" - ], - [ - "Ġaccompl", - "ish" - ], - [ - "ĠP", - "rospective" - ], - [ - "Ġuncor", - "related" - ], - [ - "ĠG", - "ate" - ], - [ - "icy", - "cl" - ], - [ - "Ġur", - "gent" - ], - [ - "ĠPath", - "ways" - ], - [ - "Ġobl", - "ique" - ], - [ - "ĠIndividual", - "s" - ], - [ - "Ġiniti", - "ative" - ], - [ - "Ġcat", - "ast" - ], - [ - "j", - "ections" - ], - [ - "Ġaut", - "osomal" - ], - [ - "ĠPhil", - "ip" - ], - [ - "Ġcomprehens", - "ion" - ], - [ - "m", - "M" - ], - [ - "p", - "ain" - ], - [ - "Ġmicro", - "M" - ], - [ - "Ġenc", - "ounters" - ], - [ - "g", - "oto" - ], - [ - "Ġl", - "adder" - ], - [ - "Ġoccup", - "y" - ], - [ - "ĠSur", - "faces" - ], - [ - "D", - "oc" - ], - [ - "ug", - "by" - ], - [ - "Ġexam", - "ines" - ], - [ - "os", - "ynthesis" - ], - [ - "ĠK", - "EGG" - ], - [ - "gl", - "ass" - ], - [ - "sl", - "ice" - ], - [ - "prop", - "agation" - ], - [ - "str", - "y" - ], - [ - "Ġillustr", - "ating" - ], - [ - "im", - "i" - ], - [ - "Ġsp", - "ores" - ], - [ - "Ġast", - "rophysical" - ], - [ - "Ġen", - "closed" - ], - [ - "Ġinf", - "erences" - ], - [ - "Ġbi", - "jection" - ], - [ - "Ġever", - "yday" - ], - [ - "Ġaltern", - "atively" - ], - [ - "re", - "action" - ], - [ - "ian", - "ts" - ], - [ - "cont", - "act" - ], - [ - "Ġg", - "ing" - ], - [ - "ĠBi", - "as" - ], - [ - "Ġautom", - "aton" - ], - [ - "back", - "ground" - ], - [ - "Ġneighbour", - "ing" - ], - [ - "Ġdet", - "ects" - ], - [ - "por", - "ate" - ], - [ - "ĠShar", - "ma" - ], - [ - "H", - "ydro" - ], - [ - "Ġs", - "acc" - ], - [ - "ĠF", - "iber" - ], - [ - "ĠCh", - "lam" - ], - [ - "Ġbuff", - "ers" - ], - [ - "App", - "lying" - ], - [ - "l", - "ceil" - ], - [ - "em", - "ph" - ], - [ - "ĠG", - "SE" - ], - [ - "met", - "ry" - ], - [ - "Ġimmun", - "ost" - ], - [ - "ĠHistor", - "ical" - ], - [ - "ĠD", - "rag" - ], - [ - "Ġtransplant", - "ed" - ], - [ - "Ġf", - "rail" - ], - [ - "Ġanth", - "ocyan" - ], - [ - "in", - "te" - ], - [ - "ĠB", - "hat" - ], - [ - "ĠO", - "g" - ], - [ - "Ġste", - "ering" - ], - [ - "benz", - "ene" - ], - [ - "********************************", - "********************************" - ], - [ - "Ġsynt", - "het" - ], - [ - "A", - "ct" - ], - [ - "Ġc", - "in" - ], - [ - "Ġher", - "bal" - ], - [ - "Ġd", - "yn" - ], - [ - "Ġhyper", - "plasia" - ], - [ - "head", - "er" - ], - [ - "Ġcalc", - "ulates" - ], - [ - "ĠDiff", - "erence" - ], - [ - "Ġb", - "ats" - ], - [ - "duc", - "tivity" - ], - [ - "Ġconform", - "ations" - ], - [ - "c", - "ity" - ], - [ - "Ġsepar", - "ates" - ], - [ - "ĠCD", - "C" - ], - [ - "ĠPr", - "ism" - ], - [ - "ĠBehavi", - "our" - ], - [ - "ĠKel", - "ly" - ], - [ - "ĠS", - "ey" - ], - [ - "ĠÃ", - "ł" - ], - [ - "LE", - "X" - ], - [ - "g", - "kin" - ], - [ - "st", - "rom" - ], - [ - "Ġv", - "om" - ], - [ - "ĠW", - "in" - ], - [ - "ĠW", - "igner" - ], - [ - "Ġcont", - "ralateral" - ], - [ - "ĠMin", - "or" - ], - [ - "Ġstere", - "o" - ], - [ - "ĠApproxim", - "ately" - ], - [ - "L", - "ED" - ], - [ - "s", - "ay" - ], - [ - "ĠJ", - "S" - ], - [ - "Ġalcoh", - "ols" - ], - [ - "Ġs", - "an" - ], - [ - "Ġhard", - "ening" - ], - [ - "IF", - "N" - ], - [ - "Ġretrosp", - "ectively" - ], - [ - "Ġgeneral", - "ised" - ], - [ - "Ġtib", - "ial" - ], - [ - "ĠWe", - "ek" - ], - [ - "Ġar", - "yl" - ], - [ - "ĠPen", - "insula" - ], - [ - "Ġdeterm", - "inations" - ], - [ - "Ġphot", - "ovoltaic" - ], - [ - "Ġsugges", - "tion" - ], - [ - "J", - "ac" - ], - [ - "ĠV", - "itro" - ], - [ - "Ġcycl", - "o" - ], - [ - "Ġfibro", - "us" - ], - [ - "dis", - "ambiguation" - ], - [ - "pro", - "gram" - ], - [ - "Ġgu", - "est" - ], - [ - "ĠD", - "ust" - ], - [ - "r", - "ceil" - ], - [ - "Ġpow", - "ered" - ], - [ - "Ġcardiomy", - "ocytes" - ], - [ - "he", - "at" - ], - [ - "yl", - "ic" - ], - [ - "Ġpresent", - "ations" - ], - [ - "Ġtransmit", - "ting" - ], - [ - "W", - "D" - ], - [ - "add", - "ed" - ], - [ - "In", - "itial" - ], - [ - "D", - "el" - ], - [ - "ĠV", - "elocity" - ], - [ - "Ġmo", - "le" - ], - [ - "Ġo", - "val" - ], - [ - "Ġpl", - "ankton" - ], - [ - "the", - "ir" - ], - [ - "ĠQ", - "ED" - ], - [ - "vol", - "utions" - ], - [ - "Ġmand", - "atory" - ], - [ - "Ġrep", - "ulsive" - ], - [ - "ĉ", - "ĠĠ" - ], - [ - "Ġpost", - "ulated" - ], - [ - "ĠCor", - "tex" - ], - [ - "ĠCar", - "b" - ], - [ - "CHK", - "ERRQ" - ], - [ - "Ġoverl", - "ay" - ], - [ - "ĠF", - "arm" - ], - [ - "enor", - "habditis" - ], - [ - "Ġpos", - "ed" - ], - [ - "Ġinst", - "anti" - ], - [ - "Z", - "T" - ], - [ - "ĠVisual", - "ization" - ], - [ - "ĠGAP", - "DH" - ], - [ - "lec", - "om" - ], - [ - "och", - "ron" - ], - [ - "ĠB", - "j" - ], - [ - "ĠT", - "rib" - ], - [ - "Ġby", - "te" - ], - [ - "Ġsuperim", - "posed" - ], - [ - "Ġund", - "i" - ], - [ - "Ġacceler", - "ator" - ], - [ - "cri", - "ptions" - ], - [ - "ĠSm", - "ooth" - ], - [ - "Ġz", - "ip" - ], - [ - "nes", - "ota" - ], - [ - "ĠE", - "FF" - ], - [ - "ĠC", - "ole" - ], - [ - "ĠB", - "ru" - ], - [ - "re", - "nd" - ], - [ - "ut", - "z" - ], - [ - "Ġdiagn", - "ose" - ], - [ - "b", - "asis" - ], - [ - "di", - "amond" - ], - [ - "ĠIn", - "n" - ], - [ - "ĠMed", - "ian" - ], - [ - "Ġmarg", - "inally" - ], - [ - "Ġlemm", - "as" - ], - [ - "rect", - "omy" - ], - [ - "Ġdial", - "ogue" - ], - [ - "ĠB", - "rid" - ], - [ - "Ġ", - "å" - ], - [ - "ox", - "ane" - ], - [ - "ar", - "is" - ], - [ - "Ġmunicip", - "ality" - ], - [ - "Ġproduc", - "ers" - ], - [ - "Reg", - "arding" - ], - [ - "ĠF", - "V" - ], - [ - "ide", - "al" - ], - [ - "exp", - "onential" - ], - [ - "L", - "abel" - ], - [ - "ĠF", - "robenius" - ], - [ - "Ġe", - "ll" - ], - [ - "ĠL", - "TE" - ], - [ - "Ġlip", - "ase" - ], - [ - "r", - "p" - ], - [ - "Ġd", - "m" - ], - [ - "ot", - "ri" - ], - [ - "cl", - "oud" - ], - [ - "ĠAg", - "ent" - ], - [ - "M", - "SCs" - ], - [ - "os", - "om" - ], - [ - "hyd", - "ropy" - ], - [ - "ne", - "urons" - ], - [ - "Ġsol", - "vable" - ], - [ - "duc", - "ting" - ], - [ - "Ġrend", - "ered" - ], - [ - "Ġattract", - "or" - ], - [ - "Ġb", - "rac" - ], - [ - "Ã", - "ģ" - ], - [ - "Ġhost", - "ed" - ], - [ - "ĠO", - "ct" - ], - [ - "Ġgu", - "iding" - ], - [ - "Ġdiges", - "tive" - ], - [ - "j", - "s" - ], - [ - "Ġint", - "ent" - ], - [ - "flu", - "x" - ], - [ - "Ġbios", - "ynthetic" - ], - [ - "Ġe", - "lections" - ], - [ - "ĠWil", - "coxon" - ], - [ - "Ġspectrophot", - "ometer" - ], - [ - "Ġimpair", - "s" - ], - [ - "Ġabd", - "omen" - ], - [ - "k", - "b" - ], - [ - "ĠW", - "ho" - ], - [ - "ASS", - "ERT" - ], - [ - "Ġel", - "uted" - ], - [ - "Ġmaxim", - "ization" - ], - [ - "Ġcollect", - "or" - ], - [ - "ĠPrevious", - "ly" - ], - [ - "a", - "q" - ], - [ - "am", - "bo" - ], - [ - "ĠO", - "z" - ], - [ - "C", - "ur" - ], - [ - "Ġcaffe", - "ine" - ], - [ - "M", - "ass" - ], - [ - "p", - "al" - ], - [ - "pi", - "ece" - ], - [ - "ou", - "ville" - ], - [ - "ĠM", - "eyer" - ], - [ - "ut", - "a" - ], - [ - "ch", - "an" - ], - [ - "ĠK", - "S" - ], - [ - "om", - "otor" - ], - [ - "ĠG", - "PR" - ], - [ - "Ġev", - "al" - ], - [ - "ĠCo", - "operative" - ], - [ - "ogly", - "can" - ], - [ - "Ġnozz", - "le" - ], - [ - "ĠS", - "hel" - ], - [ - "Ġinter", - "change" - ], - [ - "Ġunderg", - "rad" - ], - [ - "Ġexplan", - "atory" - ], - [ - "Ġphag", - "ocytosis" - ], - [ - "Ġc", - "tx" - ], - [ - "hes", - "s" - ], - [ - "Ġunivers", - "ality" - ], - [ - "ĠK", - "illing" - ], - [ - "ons", - "in" - ], - [ - "Ġlast", - "ing" - ], - [ - "ĠIm", - "m" - ], - [ - "Ġconc", - "ordance" - ], - [ - "y", - "ma" - ], - [ - "Ġaut", - "umn" - ], - [ - "Ġbar", - "ley" - ], - [ - "Ġconsequ", - "ent" - ], - [ - "is", - "i" - ], - [ - "Ġconjug", - "ates" - ], - [ - "Ġta", - "ught" - ], - [ - "Ġcovari", - "ate" - ], - [ - "Ġadoles", - "cence" - ], - [ - "Ġvill", - "ages" - ], - [ - "Ġeigen", - "functions" - ], - [ - "Ġtempor", - "ally" - ], - [ - "ĠMin", - "nesota" - ], - [ - "y", - "rate" - ], - [ - "ies", - "is" - ], - [ - "def", - "inite" - ], - [ - "Ġalph", - "abet" - ], - [ - "ĠY", - "un" - ], - [ - "ĠM", - "AR" - ], - [ - "Ġse", - "aled" - ], - [ - "ron", - "ectin" - ], - [ - "ĠSep", - "ar" - ], - [ - "n", - "x" - ], - [ - "CA", - "A" - ], - [ - "Ġrece", - "ption" - ], - [ - "uck", - "y" - ], - [ - "ĠPT", - "EN" - ], - [ - "ĠM", - "organ" - ], - [ - "Ġdi", - "odes" - ], - [ - "Ġmet", - "formin" - ], - [ - "Ġsynt", - "hes" - ], - [ - "ĠPar", - "ticip" - ], - [ - "ĠJer", - "sey" - ], - [ - "Ġamph", - "ib" - ], - [ - "c", - "hel" - ], - [ - "Ġl", - "amp" - ], - [ - "ĠH", - "els" - ], - [ - "ĠF", - "N" - ], - [ - "Ġexc", - "av" - ], - [ - "is", - "econd" - ], - [ - "int", - "ro" - ], - [ - "Ġnon", - "commutative" - ], - [ - "Ġsubs", - "ystems" - ], - [ - "sum", - "m" - ], - [ - "Ġcontrast", - "ing" - ], - [ - "ĠSil", - "icon" - ], - [ - "ĠPar", - "tition" - ], - [ - "Glc", - "NAc" - ], - [ - "Ġdisc", - "ern" - ], - [ - "ĠBound", - "s" - ], - [ - "ĠR", - "ah" - ], - [ - "Ġapproxim", - "ating" - ], - [ - "ĠHyper", - "t" - ], - [ - "ĠD", - "il" - ], - [ - "Ġcompact", - "ness" - ], - [ - "Ġca", - "ught" - ], - [ - "ĠImpro", - "ve" - ], - [ - "ĠTor", - "onto" - ], - [ - "ĠBiom", - "ark" - ], - [ - "ĠB", - "ag" - ], - [ - "ĠIn", - "vent" - ], - [ - "Ġelabor", - "ate" - ], - [ - "ĠM", - "ott" - ], - [ - "AB", - "C" - ], - [ - "ĠGra", - "ham" - ], - [ - "Ġpo", - "ultry" - ], - [ - "ĠCon", - "jecture" - ], - [ - "ĠAl", - "gebras" - ], - [ - "ĠN", - "LO" - ], - [ - "ap", - "sing" - ], - [ - "path", - "y" - ], - [ - "ĠEliz", - "abeth" - ], - [ - "ĠT", - "it" - ], - [ - "ĠS", - "CI" - ], - [ - "ant", - "on" - ], - [ - "Ġv", - "oting" - ], - [ - "math", - "rel" - ], - [ - "ĠF", - "ord" - ], - [ - "ig", - "ibility" - ], - [ - "Ġall", - "ergy" - ], - [ - "ac", - "oustic" - ], - [ - "ĠD", - "yn" - ], - [ - "ĠD", - "SC" - ], - [ - "ĠG", - "RO" - ], - [ - "ĠTh", - "irty" - ], - [ - "Ġanalys", - "ing" - ], - [ - "ĠEm", - "pire" - ], - [ - "f", - "ire" - ], - [ - "Ġpath", - "ologic" - ], - [ - "Ġpat", - "ent" - ], - [ - "Ġhe", - "ard" - ], - [ - "ĠF", - "ront" - ], - [ - "isc", - "onsin" - ], - [ - "hy", - "pert" - ], - [ - "uz", - "umab" - ], - [ - "ĠMut", - "ation" - ], - [ - "Ġb", - "iliary" - ], - [ - "Ġsuper", - "fluid" - ], - [ - "ĠW", - "C" - ], - [ - "ust", - "om" - ], - [ - "ĠAc", - "tivities" - ], - [ - "Ġpolyp", - "eptide" - ], - [ - "he", - "ets" - ], - [ - "Ġb", - "orders" - ], - [ - "ear", - "ly" - ], - [ - "Ġorth", - "ogon" - ], - [ - "Ġbul", - "ge" - ], - [ - "ï", - "£" - ], - [ - "Ġcon", - "ical" - ], - [ - "ĠL", - "ept" - ], - [ - "Ġelectroly", - "tes" - ], - [ - "ĠÂ", - "«" - ], - [ - "reg", - "ulating" - ], - [ - "Ġviol", - "ated" - ], - [ - "â", - "ĺ" - ], - [ - "AL", - "T" - ], - [ - "ĠWork", - "s" - ], - [ - "ĠHep", - "at" - ], - [ - "ur", - "gical" - ], - [ - "ob", - "ar" - ], - [ - "ĠRe", - "active" - ], - [ - "poss", - "ibly" - ], - [ - "ĠAds", - "orption" - ], - [ - "ĠR", - "io" - ], - [ - "ano", - "ic" - ], - [ - "ĠâĨ", - "ij" - ], - [ - "Ġintrig", - "uing" - ], - [ - "Ġo", - "m" - ], - [ - "her", - "tz" - ], - [ - "ĠApproxim", - "ate" - ], - [ - "ĠP", - "arent" - ], - [ - "Ġco", - "in" - ], - [ - "exp", - "and" - ], - [ - "Ð", - "²" - ], - [ - "Ġnon", - "parametric" - ], - [ - "ex", - "tern" - ], - [ - "ae", - "us" - ], - [ - "gly", - "cerol" - ], - [ - "Ġc", - "p" - ], - [ - "Ġbat", - "ches" - ], - [ - "Ġnanom", - "aterials" - ], - [ - "U", - "se" - ], - [ - "ĠV", - "ivo" - ], - [ - "R", - "h" - ], - [ - "Ġt", - "iles" - ], - [ - "Ġdep", - "ict" - ], - [ - "Ġsouth", - "west" - ], - [ - "ĠCas", - "imir" - ], - [ - "lay", - "ered" - ], - [ - "ĠLe", - "af" - ], - [ - "f", - "em" - ], - [ - "b", - "ered" - ], - [ - "Ġsub", - "algebra" - ], - [ - "Ġdet", - "achment" - ], - [ - "ĠLe", - "uk" - ], - [ - "ol", - "us" - ], - [ - "ĠR", - "ick" - ], - [ - "Ġab", - "ortion" - ], - [ - "Ġclar", - "ified" - ], - [ - "Ġgangl", - "ia" - ], - [ - "Q", - "S" - ], - [ - "o", - "ising" - ], - [ - "ĠFor", - "ward" - ], - [ - "ĠPer", - "ipheral" - ], - [ - "shif", - "ted" - ], - [ - "b", - "ula" - ], - [ - "ram", - "olecular" - ], - [ - "ĠF", - "EM" - ], - [ - "ĠPro", - "ton" - ], - [ - "AM", - "E" - ], - [ - "Ġsched", - "ules" - ], - [ - "Ġa", - "a" - ], - [ - "ĠU", - "DP" - ], - [ - "st", - "ere" - ], - [ - "Ġmorph", - "ine" - ], - [ - "Ġspecial", - "ist" - ], - [ - "ĠAnd", - "roid" - ], - [ - "Id", - "entif" - ], - [ - "Ġun", - "expl" - ], - [ - "Ġheter", - "ozyg" - ], - [ - "Ġf", - "id" - ], - [ - "pyrid", - "yl" - ], - [ - "ĠW", - "y" - ], - [ - "phosph", - "or" - ], - [ - "Ġfriend", - "ly" - ], - [ - "Ġmic", - "rol" - ], - [ - "ĠS", - "plit" - ], - [ - "agn", - "er" - ], - [ - "crib", - "e" - ], - [ - "Ġm", - "oth" - ], - [ - "ĠEu", - "ro" - ], - [ - "ig", - "s" - ], - [ - "ĠCon", - "ditional" - ], - [ - "ĠSte", - "wart" - ], - [ - "pro", - "perties" - ], - [ - "AS", - "C" - ], - [ - "ĠTra", - "ditional" - ], - [ - "ĠPortug", - "al" - ], - [ - "Ġear", - "ned" - ], - [ - "Ġcat", - "he" - ], - [ - "Cre", - "ate" - ], - [ - "ici", - "encies" - ], - [ - "Ġsph", - "ing" - ], - [ - "x", - "ml" - ], - [ - "Ġimmun", - "omod" - ], - [ - "Ġcomm", - "ute" - ], - [ - "Ġselen", - "ium" - ], - [ - "ang", - "es" - ], - [ - "ho", - "ok" - ], - [ - "den", - "oted" - ], - [ - "Ġjus", - "tify" - ], - [ - "ĠP", - "ool" - ], - [ - "Ġgu", - "inea" - ], - [ - "Ġcont", - "ra" - ], - [ - "Ġfol", - "ded" - ], - [ - "Ġlist", - "ing" - ], - [ - "ĠL", - "G" - ], - [ - "ĠL", - "ane" - ], - [ - "Ġsure", - "ly" - ], - [ - "v", - "et" - ], - [ - "fluor", - "ophenyl" - ], - [ - "Ġcoron", - "a" - ], - [ - "ĠAb", - "und" - ], - [ - "ĠOb", - "jects" - ], - [ - "Ġt", - "rough" - ], - [ - "ch", - "t" - ], - [ - "Ġdis", - "h" - ], - [ - "ith", - "i" - ], - [ - "ĠMat", - "lab" - ], - [ - "w", - "orm" - ], - [ - "Ġprote", - "omics" - ], - [ - "Ġinter", - "molecular" - ], - [ - "ĠPet", - "ers" - ], - [ - "Ġmir", - "rors" - ], - [ - "quin", - "oline" - ], - [ - "art", - "ens" - ], - [ - "ĠJew", - "ish" - ], - [ - "k", - "B" - ], - [ - "ĠD", - "egradation" - ], - [ - "Ġrele", - "asing" - ], - [ - "V", - "EGF" - ], - [ - "Ġsub", - "populations" - ], - [ - "ĠTra", - "ffic" - ], - [ - "Ġpro", - "line" - ], - [ - "ĠH", - "f" - ], - [ - "Ġad", - "ren" - ], - [ - "b", - "irth" - ], - [ - "Ġs", - "ender" - ], - [ - "Ġat", - "las" - ], - [ - "Ġwork", - "place" - ], - [ - "Ġreflec", - "tivity" - ], - [ - "ĠEx", - "istence" - ], - [ - "cl", - "s" - ], - [ - "Ġfin", - "er" - ], - [ - "Ġbreast", - "feeding" - ], - [ - "on", - "ectin" - ], - [ - "Ġc", - "ogn" - ], - [ - "ell", - "ate" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" - ], - [ - "by", - "te" - ], - [ - "Ġsk", - "et" - ], - [ - "N", - "ULL" - ], - [ - "s", - "ystems" - ], - [ - "ĠB", - "ranch" - ], - [ - "ĠPro", - "posed" - ], - [ - "lear", - "n" - ], - [ - "Ġtoler", - "ant" - ], - [ - "Ġver", - "tebrates" - ], - [ - "Ġmulti", - "level" - ], - [ - "ĠPA", - "H" - ], - [ - "Ġaud", - "ience" - ], - [ - "ĠW", - "L" - ], - [ - "nit", - "rop" - ], - [ - "ĠC", - "t" - ], - [ - "Ġsati", - "va" - ], - [ - "e", - "ight" - ], - [ - "Ġme", - "g" - ], - [ - "oc", - "ell" - ], - [ - "Ġst", - "ating" - ], - [ - "dom", - "inant" - ], - [ - "b", - "ytes" - ], - [ - "Ġp", - "u" - ], - [ - "ĠB", - "atter" - ], - [ - "ot", - "axis" - ], - [ - "ĠE", - "BV" - ], - [ - "Ġnanoc", - "rystals" - ], - [ - "Ġmonop", - "ole" - ], - [ - "Ġdia", - "phrag" - ], - [ - "ĠV", - "el" - ], - [ - "Ap", - "pendix" - ], - [ - "at", - "ten" - ], - [ - "im", - "pl" - ], - [ - "Ġland", - "mark" - ], - [ - "encl", - "ature" - ], - [ - "ĠST", - "AR" - ], - [ - "Ġprost", - "agland" - ], - [ - "oprot", - "ective" - ], - [ - "Ġload", - "ings" - ], - [ - "ĠPres", - "ence" - ], - [ - "ĠN", - "SF" - ], - [ - "ress", - "es" - ], - [ - "F", - "U" - ], - [ - "il", - "ers" - ], - [ - "Ġeryth", - "rocytes" - ], - [ - "t", - "rac" - ], - [ - "is", - "lation" - ], - [ - "ĠN", - "ight" - ], - [ - "Ġster", - "oids" - ], - [ - "ti", - "z" - ], - [ - "ĠD", - "MA" - ], - [ - "Ġr", - "ic" - ], - [ - "Ġsal", - "ient" - ], - [ - "ĠF", - "ur" - ], - [ - "spec", - "ial" - ], - [ - "Ġbio", - "informatics" - ], - [ - "ign", - "ant" - ], - [ - "ĠEX", - "PERIM" - ], - [ - "avor", - "able" - ], - [ - "dis", - "k" - ], - [ - "Ġcur", - "riculum" - ], - [ - "imid", - "azol" - ], - [ - "hig", - "her" - ], - [ - "Ġdesign", - "er" - ], - [ - "ĠSt", - "rength" - ], - [ - "Ġcytos", - "ol" - ], - [ - "ĠCh", - "annels" - ], - [ - "L", - "and" - ], - [ - "s", - "par" - ], - [ - "Ex", - "pression" - ], - [ - "Ġday", - "time" - ], - [ - "merc", - "ial" - ], - [ - "v", - "box" - ], - [ - "in", - "ar" - ], - [ - "ie", - "ving" - ], - [ - "ce", - "in" - ], - [ - "ĠNC", - "BI" - ], - [ - "R", - "AN" - ], - [ - "¸", - "Ģ" - ], - [ - "H", - "ig" - ], - [ - "ĠD", - "HA" - ], - [ - "Ġsub", - "script" - ], - [ - "ĠÂ", - "¢" - ], - [ - "or", - "ange" - ], - [ - "Ġknow", - "s" - ], - [ - "ĠN", - "AF" - ], - [ - "pro", - "duced" - ], - [ - "ep", - "id" - ], - [ - "Ġdex", - "amethasone" - ], - [ - "Ġformal", - "dehyde" - ], - [ - "yl", - "l" - ], - [ - "Ġec", - "topic" - ], - [ - "ĠVer", - "ification" - ], - [ - "activ", - "ating" - ], - [ - "ĠI", - "G" - ], - [ - "ĠP", - "av" - ], - [ - "Ġtra", - "ding" - ], - [ - "Ġgrad", - "uate" - ], - [ - "ĠF", - "IR" - ], - [ - "enc", - "il" - ], - [ - "ever", - "y" - ], - [ - "Ġradi", - "ological" - ], - [ - "ĠMamm", - "alian" - ], - [ - "M", - "ES" - ], - [ - "in", - "ium" - ], - [ - "ĠS", - "AS" - ], - [ - "ĠW", - "H" - ], - [ - "Over", - "ride" - ], - [ - "ĠSched", - "uling" - ], - [ - "ĠB", - "es" - ], - [ - "ĠY", - "ao" - ], - [ - "Ġgl", - "ad" - ], - [ - "ĠStandard", - "s" - ], - [ - "Ġprov", - "inces" - ], - [ - "en", - "ers" - ], - [ - "Ġn", - "r" - ], - [ - "Ġtrans", - "pos" - ], - [ - "ĠCar", - "ib" - ], - [ - "Ġfa", - "una" - ], - [ - "um", - "i" - ], - [ - "res", - "et" - ], - [ - "Ġsup", - "ra" - ], - [ - "Ġdiv", - "isions" - ], - [ - "Ġbiod", - "egrad" - ], - [ - "metric", - "s" - ], - [ - "og", - "rafts" - ], - [ - "Ġfunc", - "tors" - ], - [ - "Ġsup", - "portive" - ], - [ - "Ġcaud", - "al" - ], - [ - "Ġexer", - "ts" - ], - [ - "Ġc", - "ub" - ], - [ - "od", - "imer" - ], - [ - "Ġair", - "borne" - ], - [ - "Ġdeliver", - "ing" - ], - [ - "Ġmultiv", - "ariable" - ], - [ - "Ġfurn", - "ace" - ], - [ - "Ġremn", - "ant" - ], - [ - "Ġinc", - "o" - ], - [ - "ĠElect", - "romagnetic" - ], - [ - "m", - "apping" - ], - [ - "Ġdecl", - "ines" - ], - [ - "c", - "old" - ], - [ - "ĠS", - "eed" - ], - [ - "con", - "version" - ], - [ - "Ġglyc", - "ogen" - ], - [ - "d", - "T" - ], - [ - "aw", - "i" - ], - [ - "AP", - "P" - ], - [ - "H", - "ol" - ], - [ - "ataly", - "sts" - ], - [ - "ĠSat", - "ellite" - ], - [ - "gar", - "is" - ], - [ - "c", - "ard" - ], - [ - "ĠBre", - "ak" - ], - [ - "ĠAgain", - "st" - ], - [ - "d", - "dot" - ], - [ - "Ġpr", - "uning" - ], - [ - "ĠCa", - "enorhabditis" - ], - [ - "Ġsucceed", - "ed" - ], - [ - "ub", - "ert" - ], - [ - "ĠÏ", - "ħ" - ], - [ - "ID", - "s" - ], - [ - "Ġasympt", - "otics" - ], - [ - "Ġauto", - "anti" - ], - [ - "ĠScal", - "ar" - ], - [ - "Ġnemat", - "ode" - ], - [ - "h", - "d" - ], - [ - "Ġg", - "yn" - ], - [ - "ist", - "ocene" - ], - [ - "Ġunderg", - "round" - ], - [ - "ĠEth", - "ical" - ], - [ - "Ġs", - "ial" - ], - [ - "ĠM", - "igration" - ], - [ - "cop", - "e" - ], - [ - "Ġstig", - "ma" - ], - [ - "Ġele", - "ven" - ], - [ - "Ġcolor", - "ing" - ], - [ - "in", - "itions" - ], - [ - "ĠJ", - "ay" - ], - [ - "ob", - "a" - ], - [ - "ĠL", - "DA" - ], - [ - "Ġbuild", - "s" - ], - [ - "g", - "ences" - ], - [ - "ĠEc", - "ology" - ], - [ - "schem", - "e" - ], - [ - "ĠUltr", - "as" - ], - [ - "Ġmedi", - "ation" - ], - [ - "ĠTa", - "q" - ], - [ - "Ġf", - "lying" - ], - [ - "ĠEqu", - "ilibrium" - ], - [ - "ophosph", - "ate" - ], - [ - "ĠArgent", - "ina" - ], - [ - "ps", - "ia" - ], - [ - "tt", - "es" - ], - [ - "Ġdispar", - "ity" - ], - [ - "Ġadver", - "tis" - ], - [ - "agg", - "reg" - ], - [ - "I", - "SA" - ], - [ - "od", - "em" - ], - [ - "ĠR", - "ational" - ], - [ - "Ġsil", - "ent" - ], - [ - "divid", - "ed" - ], - [ - "P", - "an" - ], - [ - "J", - "A" - ], - [ - "cl", - "aim" - ], - [ - "Ġradio", - "active" - ], - [ - "Ġp", - "ink" - ], - [ - "Ġcon", - "verse" - ], - [ - "ĠM", - "ell" - ], - [ - "en", - "ib" - ], - [ - "rus", - "kal" - ], - [ - "sl", - "ope" - ], - [ - "hen", - "ol" - ], - [ - "ĠP", - "on" - ], - [ - "par", - "tition" - ], - [ - "SM", - "GR" - ], - [ - "tit", - "led" - ], - [ - "ĠInter", - "ference" - ], - [ - "t", - "osecond" - ], - [ - "Ġse", - "q" - ], - [ - "Ġtrans", - "itive" - ], - [ - "ĠW", - "id" - ], - [ - "review", - "ed" - ], - [ - "×", - "¥" - ], - [ - "ĠV", - "C" - ], - [ - "rec", - "all" - ], - [ - "ogene", - "ic" - ], - [ - "ĠOverex", - "pression" - ], - [ - "Ġcom", - "mitted" - ], - [ - "Ġsyn", - "apse" - ], - [ - "Sh", - "ort" - ], - [ - "ĠNeut", - "ral" - ], - [ - "ic", - "les" - ], - [ - "IS", - "M" - ], - [ - "Ġintr", - "insically" - ], - [ - "Ġmicros", - "atellite" - ], - [ - "R", - "N" - ], - [ - "ĠâĪ", - "ĥ" - ], - [ - "det", - "ection" - ], - [ - "Ġcod", - "imension" - ], - [ - "Ġdrawback", - "s" - ], - [ - "ĠTurn", - "er" - ], - [ - "Ġsputter", - "ing" - ], - [ - "Ġdis", - "mut" - ], - [ - "Ġhyp", - "ogly" - ], - [ - "Ġspe", - "ak" - ], - [ - "J", - "D" - ], - [ - "Ġs", - "ul" - ], - [ - "Ġperin", - "atal" - ], - [ - "Ġin", - "k" - ], - [ - "ies", - "t" - ], - [ - "Ġoffic", - "ers" - ], - [ - "tic", - "k" - ], - [ - "Ġre", - "taining" - ], - [ - "ĠN", - "ET" - ], - [ - "Ġexchang", - "es" - ], - [ - "Ġany", - "one" - ], - [ - "ĠEnd", - "othelial" - ], - [ - "s", - "end" - ], - [ - "in", - "jection" - ], - [ - "ĠPer", - "u" - ], - [ - "Ġcl", - "ades" - ], - [ - "uct", - "uations" - ], - [ - "Ġsulph", - "ate" - ], - [ - "pi", - "o" - ], - [ - "Ġphys", - "i" - ], - [ - "ĠMi", - "y" - ], - [ - "ĠB", - "AS" - ], - [ - "ari", - "us" - ], - [ - "Ġlip", - "opolysaccharide" - ], - [ - "Ġneurode", - "generation" - ], - [ - "ĠTurk", - "ish" - ], - [ - "Ġo", - "phthal" - ], - [ - "Ġac", - "ted" - ], - [ - "ent", - "re" - ], - [ - "Ġsh", - "aking" - ], - [ - "Ġchlor", - "oplast" - ], - [ - "ĠS", - "id" - ], - [ - "regn", - "ancy" - ], - [ - "as", - "ion" - ], - [ - "ĠH", - "s" - ], - [ - "Ġiniti", - "ating" - ], - [ - "Ġflex", - "ural" - ], - [ - "Ï", - "ª" - ], - [ - "Ġpar", - "ac" - ], - [ - "Ġinter", - "layer" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" - ], - [ - "c", - "ause" - ], - [ - "rac", - "tions" - ], - [ - "Ġval", - "uation" - ], - [ - "SY", - "SMGR" - ], - [ - "ĠGarc", - "ia" - ], - [ - "ar", - "rays" - ], - [ - "Ġcast", - "ing" - ], - [ - "ĠP", - "FN" - ], - [ - "ĠL", - "anc" - ], - [ - "ĠGl", - "ob" - ], - [ - "Ġd", - "enti" - ], - [ - "Ġport", - "folio" - ], - [ - "ĠHol", - "ocene" - ], - [ - "ĠMAT", - "ERIAL" - ], - [ - "Ġs", - "arc" - ], - [ - "L", - "ear" - ], - [ - "Ġt", - "in" - ], - [ - "ĠC", - "lear" - ], - [ - "bel", - "ow" - ], - [ - "Ġadv", - "ection" - ], - [ - "Ġoverl", - "aps" - ], - [ - "Ġarth", - "roplasty" - ], - [ - "comput", - "e" - ], - [ - "Ġglycol", - "ysis" - ], - [ - "he", - "pt" - ], - [ - "lor", - "a" - ], - [ - "f", - "rames" - ], - [ - "ĠH", - "ern" - ], - [ - "pro", - "to" - ], - [ - "Ġsw", - "ine" - ], - [ - "Ġje", - "jun" - ], - [ - "Ġrepe", - "ating" - ], - [ - "ancre", - "atic" - ], - [ - "ĠColl", - "ins" - ], - [ - "ĠPrinc", - "iple" - ], - [ - "Ġnan", - "of" - ], - [ - "Ġadj", - "acency" - ], - [ - "Ġsyn", - "ov" - ], - [ - "che", - "t" - ], - [ - "ĠAl", - "most" - ], - [ - "Ġintr", - "usion" - ], - [ - "Ġechocardi", - "ography" - ], - [ - "lif", - "eration" - ], - [ - "Ġquies", - "cent" - ], - [ - "ĠM", - "uk" - ], - [ - "Ġlife", - "times" - ], - [ - "grad", - "ed" - ], - [ - "Ġoverw", - "hel" - ], - [ - "z", - "el" - ], - [ - "Ġnit", - "ride" - ], - [ - "Ġdisturb", - "ed" - ], - [ - "Ġfast", - "est" - ], - [ - "gra", - "bility" - ], - [ - "Ġtoler", - "ated" - ], - [ - "f", - "rag" - ], - [ - "ĠExt", - "ension" - ], - [ - "ano", - "ate" - ], - [ - "ifer", - "ous" - ], - [ - "Ġhydro", - "dynamics" - ], - [ - "IO", - "NAL" - ], - [ - "ĠT", - "oday" - ], - [ - "ĠExp", - "ansion" - ], - [ - "Ġven", - "om" - ], - [ - "ĠHep", - "atitis" - ], - [ - "ñ", - "o" - ], - [ - "on", - "ation" - ], - [ - "syn", - "uclein" - ], - [ - "Ġbasket", - "ball" - ], - [ - "cl", - "usions" - ], - [ - "Ġsett", - "led" - ], - [ - "I", - "QR" - ], - [ - "ĠC", - "ra" - ], - [ - "Ġautom", - "ation" - ], - [ - "ĠHealth", - "y" - ], - [ - "ĠPortug", - "uese" - ], - [ - "ĠAb", - "elian" - ], - [ - "Ġg", - "ad" - ], - [ - "ĠH", - "G" - ], - [ - "ĠR", - "oth" - ], - [ - "Ġcons", - "ume" - ], - [ - "F", - "G" - ], - [ - "in", - "als" - ], - [ - "ĠM", - "CMC" - ], - [ - "Ġpregn", - "ancies" - ], - [ - "D", - "ES" - ], - [ - "por", - "tional" - ], - [ - "ĠBi", - "ochemical" - ], - [ - "Ġmiss", - "ions" - ], - [ - "ĠAnti", - "body" - ], - [ - "ĠB", - "CG" - ], - [ - "ĠL", - "AS" - ], - [ - "mar", - "ine" - ], - [ - "D", - "MA" - ], - [ - "Ġl", - "ongevity" - ], - [ - "ĠD", - "ry" - ], - [ - "ĠR", - "ao" - ], - [ - "Ġinterfer", - "ometer" - ], - [ - "Ġdiscre", - "tized" - ], - [ - "osens", - "ory" - ], - [ - "s", - "it" - ], - [ - "et", - "ta" - ], - [ - "tain", - "er" - ], - [ - "other", - "wise" - ], - [ - "AK", - "T" - ], - [ - "ĠFac", - "ulty" - ], - [ - "Ġas", - "certain" - ], - [ - "ĠSim", - "ulated" - ], - [ - "Ġpay", - "load" - ], - [ - "O", - "UT" - ], - [ - "Ġsuff", - "ers" - ], - [ - "Ġt", - "ungsten" - ], - [ - "ĠAn", - "xiety" - ], - [ - "ĠHeter", - "ogeneous" - ], - [ - "ling", - "ual" - ], - [ - "Ġphe", - "rom" - ], - [ - "b", - "ors" - ], - [ - "l", - "inux" - ], - [ - "Ġmon", - "key" - ], - [ - "Â", - "£" - ], - [ - "ur", - "l" - ], - [ - "ĠAc", - "ross" - ], - [ - "ĠAK", - "I" - ], - [ - "Ġop", - "p" - ], - [ - "ocal", - "ization" - ], - [ - "Ġmorph", - "ogenesis" - ], - [ - "g", - "ic" - ], - [ - "ĠP", - "CM" - ], - [ - "Ġolig", - "omers" - ], - [ - "Ġexhaus", - "tive" - ], - [ - "ĠG", - "IS" - ], - [ - "Ġpr", - "istine" - ], - [ - "ĠAc", - "tiv" - ], - [ - "ĠSc", - "ilab" - ], - [ - "ĠAc", - "oustic" - ], - [ - "ĠP", - "ick" - ], - [ - "integr", - "al" - ], - [ - "Ġphilos", - "ophy" - ], - [ - "ĠD", - "eng" - ], - [ - "ĠH", - "ab" - ], - [ - "sc", - "ape" - ], - [ - "ĠEmerg", - "ency" - ], - [ - "Ġe", - "pi" - ], - [ - "ĠB", - "ET" - ], - [ - "ric", - "ket" - ], - [ - "Ġann", - "ulus" - ], - [ - "Ġlys", - "osomal" - ], - [ - "Ġstrand", - "s" - ], - [ - "C", - "AP" - ], - [ - "ĠAmin", - "o" - ], - [ - "ĠSt", - "ri" - ], - [ - "epend", - "ence" - ], - [ - "Ġfoot", - "print" - ], - [ - "ĠFat", - "ty" - ], - [ - "ĠN", - "az" - ], - [ - "n", - "est" - ], - [ - "ĠEx", - "plicit" - ], - [ - "plan", - "etary" - ], - [ - "le", - "ad" - ], - [ - "Ġg", - "rip" - ], - [ - "ne", - "ed" - ], - [ - "AT", - "T" - ], - [ - "ER", - "V" - ], - [ - "ĠTarget", - "ed" - ], - [ - "CR", - "P" - ], - [ - "Ġparam", - "agnetic" - ], - [ - "ĠT", - "yr" - ], - [ - "ĠMicro", - "RNA" - ], - [ - "h", - "line" - ], - [ - "g", - "h" - ], - [ - "p", - "it" - ], - [ - "ĠIs", - "olated" - ], - [ - "ject", - "ory" - ], - [ - "Ġclean", - "ed" - ], - [ - "ost", - "e" - ], - [ - "Ġpath", - "ologies" - ], - [ - "prop", - "ylene" - ], - [ - "ĠRe", - "ason" - ], - [ - "ĠIN", - "FO" - ], - [ - "RA", - "Y" - ], - [ - "Val", - "ues" - ], - [ - "Ġal", - "ive" - ], - [ - "Ġbi", - "of" - ], - [ - "ew", - "icz" - ], - [ - "Ġcrack", - "ing" - ], - [ - "go", - "ogle" - ], - [ - "lock", - "ed" - ], - [ - "c", - "rop" - ], - [ - "ec", - "a" - ], - [ - "ur", - "ane" - ], - [ - "SV", - "M" - ], - [ - "ut", - "ta" - ], - [ - "ĠMet", - "ric" - ], - [ - "ĠEn", - "cycl" - ], - [ - "ĠMod", - "ule" - ], - [ - "Ġwarrant", - "ed" - ], - [ - "Ġmulti", - "disciplinary" - ], - [ - "ĠEl", - "astic" - ], - [ - "lab", - "elled" - ], - [ - "ĠSchwarz", - "schild" - ], - [ - "ĠP", - "CC" - ], - [ - "ma", - "jor" - ], - [ - "v", - "ideo" - ], - [ - "Ġst", - "oring" - ], - [ - "ĠM", - "ake" - ], - [ - "ak", - "o" - ], - [ - "ĠJ", - "ia" - ], - [ - "Ġtor", - "oidal" - ], - [ - "ĠH", - "MM" - ], - [ - "Ġmask", - "ing" - ], - [ - "Ag", - "ain" - ], - [ - "Ġneph", - "ropathy" - ], - [ - "g", - "f" - ], - [ - "Ġdom", - "inating" - ], - [ - "er", - "kin" - ], - [ - "ĠFabric", - "ation" - ], - [ - "ĠF", - "el" - ], - [ - "DE", - "F" - ], - [ - "c", - "ulture" - ], - [ - "ĠI", - "ra" - ], - [ - "ĠRE", - "G" - ], - [ - "iling", - "ual" - ], - [ - "Ġm", - "uss" - ], - [ - "pl", - "ain" - ], - [ - "z", - "h" - ], - [ - "ist", - "on" - ], - [ - "ĠÎ", - "¥" - ], - [ - "min", - "imal" - ], - [ - "c", - "mp" - ], - [ - "Ga", - "N" - ], - [ - "Ġmonot", - "onic" - ], - [ - "Ġinv", - "olution" - ], - [ - "Ġwh", - "atever" - ], - [ - "ĠInstr", - "ument" - ], - [ - "im", - "ple" - ], - [ - "ĠPC", - "I" - ], - [ - "ĠNe", - "uronal" - ], - [ - "Ġfac", - "ets" - ], - [ - "Ġhemod", - "ialysis" - ], - [ - "ap", - "atite" - ], - [ - "ĠK", - "il" - ], - [ - "ont", - "ally" - ], - [ - "Ġinser", - "ting" - ], - [ - "ĠR", - "IP" - ], - [ - "Ġconn", - "ective" - ], - [ - "ĠFed", - "eration" - ], - [ - "n", - "ut" - ], - [ - "ĠG", - "un" - ], - [ - "inu", - "ous" - ], - [ - "M", - "or" - ], - [ - "ĠW", - "isconsin" - ], - [ - "Ġmus", - "h" - ], - [ - "IT", - "S" - ], - [ - "Ġe", - "ject" - ], - [ - "ĠB", - "PS" - ], - [ - "ĠH", - "orn" - ], - [ - "ĠEmbed", - "ding" - ], - [ - "Ġr", - "aces" - ], - [ - "ĠJ", - "am" - ], - [ - "Ġpost", - "ure" - ], - [ - "ĠIn", - "vol" - ], - [ - "ĠIMD", - "b" - ], - [ - "ĠP", - "lease" - ], - [ - "pro", - "portion" - ], - [ - "ĠInter", - "leukin" - ], - [ - "Ġar", - "te" - ], - [ - "Ġsub", - "sp" - ], - [ - "oder", - "ma" - ], - [ - "F", - "ind" - ], - [ - "im", - "it" - ], - [ - "ĠCl", - "in" - ], - [ - "H", - "el" - ], - [ - "FI", - "LE" - ], - [ - "orig", - "inal" - ], - [ - "erv", - "oir" - ], - [ - "Ġple", - "ural" - ], - [ - "clip", - "se" - ], - [ - "enc", - "er" - ], - [ - "in", - "aries" - ], - [ - "Ġv", - "ictory" - ], - [ - "Ġinvestig", - "ates" - ], - [ - "ĠImport", - "ance" - ], - [ - "ĠM", - "IN" - ], - [ - "Ġphon", - "ons" - ], - [ - "integr", - "ated" - ], - [ - "Ġex", - "changed" - ], - [ - "ys", - "tis" - ], - [ - "Ġmig", - "rate" - ], - [ - "R", - "ob" - ], - [ - "el", - "and" - ], - [ - "pro", - "of" - ], - [ - "ĠIntegr", - "al" - ], - [ - "Ġmerg", - "ers" - ], - [ - "Ġpolyphen", - "ols" - ], - [ - "ĠF", - "ully" - ], - [ - "Ġu", - "ro" - ], - [ - "Ġhom", - "ogenous" - ], - [ - "Ġrecogn", - "izing" - ], - [ - "ĠSign", - "als" - ], - [ - "v", - "at" - ], - [ - "ig", - "ms" - ], - [ - "Ġaccur", - "acies" - ], - [ - "Sub", - "stituting" - ], - [ - "Ġpoison", - "ing" - ], - [ - "Ġsh", - "rimp" - ], - [ - "ĠH", - "ölder" - ], - [ - "ĠTanz", - "ania" - ], - [ - "J", - "S" - ], - [ - "M", - "ENT" - ], - [ - "ĠTop", - "ology" - ], - [ - "Ġin", - "vers" - ], - [ - "ĠD", - "U" - ], - [ - "Ġun", - "iaxial" - ], - [ - "ĠS", - "EC" - ], - [ - "par", - "ty" - ], - [ - "Ġcontroll", - "able" - ], - [ - "Ġf", - "um" - ], - [ - "os", - "tics" - ], - [ - "Ġmanif", - "ested" - ], - [ - "Ġpropag", - "ated" - ], - [ - "Ġsuff", - "ix" - ], - [ - "ĠC", - "AN" - ], - [ - "ĠP", - "ret" - ], - [ - "ke", - "eping" - ], - [ - "Assum", - "ing" - ], - [ - "Ġs", - "uture" - ], - [ - "Ġp", - "est" - ], - [ - "Ġg", - "amet" - ], - [ - "ĠAl", - "ignment" - ], - [ - "esare", - "an" - ], - [ - "t", - "um" - ], - [ - "Ġref", - "ine" - ], - [ - "Ġpop", - "ulated" - ], - [ - "Ġest", - "u" - ], - [ - "ĠDef", - "ense" - ], - [ - "ĠPri", - "vacy" - ], - [ - "ĠWe", - "in" - ], - [ - "ĠSen", - "ate" - ], - [ - "Ġazim", - "uth" - ], - [ - "ĠProf", - "essional" - ], - [ - "Ġlab", - "our" - ], - [ - "Ġsem", - "inal" - ], - [ - "ĠInter", - "vention" - ], - [ - "ĠOl", - "der" - ], - [ - "A", - "U" - ], - [ - "W", - "ind" - ], - [ - "d", - "ynamical" - ], - [ - "ĠV", - "eter" - ], - [ - "aci", - "ón" - ], - [ - "Ġco", - "oking" - ], - [ - "Ġâī", - "ª" - ], - [ - "Ġbe", - "ad" - ], - [ - "Ġdens", - "ely" - ], - [ - "Ġpall", - "iative" - ], - [ - "m", - "ort" - ], - [ - "ĠA", - "AV" - ], - [ - "ĠR", - "yan" - ], - [ - "P", - "rim" - ], - [ - "g", - "alax" - ], - [ - "mu", - "ir" - ], - [ - "st", - "ers" - ], - [ - "ĠSal", - "t" - ], - [ - "quee", - "ze" - ], - [ - "ĠPlate", - "au" - ], - [ - "Ġ", - "í" - ], - [ - "Ġl", - "ighter" - ], - [ - "ord", - "inary" - ], - [ - "formal", - "dehyde" - ], - [ - "ĠW", - "er" - ], - [ - "Ġb", - "ark" - ], - [ - "Ġhomogen", - "ized" - ], - [ - "Ġpyram", - "idal" - ], - [ - "Ġin", - "ert" - ], - [ - "ĠA", - "PC" - ], - [ - "ĠMic", - "ros" - ], - [ - "ĠProte", - "obacteria" - ], - [ - "ĠPur", - "ification" - ], - [ - "Ġparametri", - "zed" - ], - [ - "Ġ", - "ille" - ], - [ - "acc", - "uracy" - ], - [ - "embed", - "ding" - ], - [ - "Ġtough", - "ness" - ], - [ - "Ġis", - "ometry" - ], - [ - "back", - "s" - ], - [ - "ĠF", - "IG" - ], - [ - "ĠR", - "on" - ], - [ - "ĠE", - "SP" - ], - [ - "Ġmicrogl", - "ial" - ], - [ - "inter", - "p" - ], - [ - "ĠIntegr", - "ating" - ], - [ - "ĠReduc", - "ing" - ], - [ - "Ġhe", - "arts" - ], - [ - "Ġserious", - "ly" - ], - [ - "Ġspec", - "ially" - ], - [ - "CT", - "RL" - ], - [ - "ĠSur", - "prisingly" - ], - [ - "Ġhyper", - "plane" - ], - [ - "pol", - "ynomial" - ], - [ - "Ġrecon", - "c" - ], - [ - "Ġpharmacokine", - "tic" - ], - [ - "M", - "art" - ], - [ - "ĠB", - "right" - ], - [ - "m", - "able" - ], - [ - "Ġion", - "izing" - ], - [ - "Ġtr", - "ich" - ], - [ - "zym", - "atic" - ], - [ - "Ġlept", - "ons" - ], - [ - "et", - "ting" - ], - [ - "ĠH", - "ex" - ], - [ - "Ġneu", - "rop" - ], - [ - "Ġadip", - "ocytes" - ], - [ - "Ġro", - "ds" - ], - [ - "Ġsuper", - "critical" - ], - [ - "Ġsuc", - "cin" - ], - [ - "Ġan", - "ter" - ], - [ - "ĠN", - "AC" - ], - [ - "ĠSub", - "sequent" - ], - [ - "IG", - "H" - ], - [ - "Ġs", - "outheast" - ], - [ - "Ġend", - "owed" - ], - [ - "Ġconver", - "ging" - ], - [ - "Ġspati", - "o" - ], - [ - "Ġcele", - "br" - ], - [ - "hel", - "ix" - ], - [ - "Ġaccess", - "ions" - ], - [ - "Ġimmobil", - "ization" - ], - [ - "ĠE", - "Q" - ], - [ - "sp", - "atial" - ], - [ - "Ġinform", - "al" - ], - [ - "Ġd", - "ere" - ], - [ - "ĠEn", - "zyme" - ], - [ - "ĠB", - "BC" - ], - [ - "ĠE", - "PR" - ], - [ - "Ġelect", - "rically" - ], - [ - "Ġleuk", - "ocytes" - ], - [ - "Ġal", - "anine" - ], - [ - "Ġmit", - "ogen" - ], - [ - "Ġintram", - "olecular" - ], - [ - "ĠN", - "I" - ], - [ - "Ġpro", - "kary" - ], - [ - "IS", - "O" - ], - [ - "Ġd", - "odec" - ], - [ - "ĠTra", - "de" - ], - [ - "ĠD", - "ai" - ], - [ - "cc", - "c" - ], - [ - "ĠWal", - "ter" - ], - [ - "ĠNe", - "ither" - ], - [ - "Ġvul", - "garis" - ], - [ - "Ġlong", - "itude" - ], - [ - "ĠInt", - "ro" - ], - [ - "op", - "tion" - ], - [ - "ĠQ", - "C" - ], - [ - "Ġâ", - "Ŀ" - ], - [ - "prot", - "ection" - ], - [ - "ĠI", - "MF" - ], - [ - "ap", - "rote" - ], - [ - "Ġlink", - "er" - ], - [ - "Ġfound", - "er" - ], - [ - "Ġaspir", - "ation" - ], - [ - "clust", - "ers" - ], - [ - "ĠP", - "ay" - ], - [ - "ĠR", - "oles" - ], - [ - "Ġac", - "yclic" - ], - [ - "over", - "ing" - ], - [ - "Ġrem", - "ind" - ], - [ - "ĠT", - "ong" - ], - [ - "ĠAt", - "ten" - ], - [ - "Ġengine", - "ers" - ], - [ - "Ġdys", - "regulation" - ], - [ - "ĠFour", - "th" - ], - [ - "Ġfil", - "ename" - ], - [ - "ĠCo", - "ol" - ], - [ - "prot", - "ected" - ], - [ - "Ġnil", - "potent" - ], - [ - "ĠH", - "K" - ], - [ - "cl", - "one" - ], - [ - "ĠSt", - "adium" - ], - [ - "a", - "is" - ], - [ - "os", - "amine" - ], - [ - "AB", - "ILITY" - ], - [ - "rov", - "ascular" - ], - [ - "ĠA", - "H" - ], - [ - "ĠCon", - "cept" - ], - [ - "Ġcereb", - "rospinal" - ], - [ - "ow", - "itz" - ], - [ - "Ġresol", - "ving" - ], - [ - "Ġw", - "ings" - ], - [ - "ĠE", - "GF" - ], - [ - "ĠCom", - "mand" - ], - [ - "iaz", - "ep" - ], - [ - "Ġbe", - "ef" - ], - [ - "Ġsp", - "ines" - ], - [ - "Ġprior", - "ities" - ], - [ - "Ġattempt", - "ing" - ], - [ - "Ġtel", - "omere" - ], - [ - "B", - "QU" - ], - [ - "Ġviol", - "ations" - ], - [ - "L", - "B" - ], - [ - "om", - "nia" - ], - [ - "os", - "m" - ], - [ - "ir", - "q" - ], - [ - "Ġdivers", - "ification" - ], - [ - "al", - "t" - ], - [ - "ĠB", - "RAF" - ], - [ - "Ġorgan", - "isation" - ], - [ - "di", - "e" - ], - [ - "Ġaut", - "oreg" - ], - [ - "ick", - "ed" - ], - [ - "ĠEc", - "ological" - ], - [ - "ĠT", - "rain" - ], - [ - "ĠP", - "Y" - ], - [ - "Ġmusc", - "uloskeletal" - ], - [ - "Ġhoriz", - "ons" - ], - [ - "Ġo", - "mega" - ], - [ - "Ġquas", - "ars" - ], - [ - "ep", - "tion" - ], - [ - "Ġer", - "ad" - ], - [ - "Ġlum", - "inal" - ], - [ - "Interest", - "ingly" - ], - [ - "Ġpay", - "ment" - ], - [ - "c", - "nt" - ], - [ - "Ġdi", - "pl" - ], - [ - "Ġrecogn", - "ised" - ], - [ - "C", - "at" - ], - [ - "ĠCh", - "l" - ], - [ - "Ġmill", - "ions" - ], - [ - "Ġdisappear", - "ance" - ], - [ - "G", - "AP" - ], - [ - "Ġradi", - "ographic" - ], - [ - "Ġpost", - "partum" - ], - [ - "develop", - "ed" - ], - [ - "x", - "ual" - ], - [ - "Ġhe", - "d" - ], - [ - "id", - "ered" - ], - [ - "ĠC", - "ertain" - ], - [ - "Ġdys", - "plasia" - ], - [ - "____", - "____" - ], - [ - "ĠHal", - "f" - ], - [ - "Ġas", - "ymmetries" - ], - [ - "ĠAl", - "cohol" - ], - [ - "S", - "um" - ], - [ - "Ġf", - "m" - ], - [ - "Ġch", - "ap" - ], - [ - "Ġpre", - "treated" - ], - [ - "ĠGall", - "ery" - ], - [ - "Ġoutper", - "form" - ], - [ - "Ġbreed", - "s" - ], - [ - "Ġt", - "ied" - ], - [ - "Ġdiffe", - "omorphism" - ], - [ - "Ġcaus", - "ative" - ], - [ - "Ġcollec", - "tively" - ], - [ - "Ġsub", - "optimal" - ], - [ - "Ġins", - "ulation" - ], - [ - "Ġmanip", - "ulate" - ], - [ - "Ġkil", - "omet" - ], - [ - "Ġrep", - "ulsion" - ], - [ - "Ġchloro", - "form" - ], - [ - "Ġbe", - "an" - ], - [ - "Ġhe", - "ro" - ], - [ - "rophys", - "ics" - ], - [ - "ĠP", - "eptide" - ], - [ - "Ġout", - "lier" - ], - [ - "Der", - "ived" - ], - [ - "iss", - "er" - ], - [ - "ĠInf", - "ant" - ], - [ - "sulf", - "onyl" - ], - [ - "Ġrecurs", - "ively" - ], - [ - "H", - "u" - ], - [ - "ĠK", - "oh" - ], - [ - "pyrid", - "ine" - ], - [ - "Ġs", - "quad" - ], - [ - "Ġth", - "irty" - ], - [ - "Ġsp", - "oken" - ], - [ - "ĠZ", - "ar" - ], - [ - "other", - "mic" - ], - [ - "Ġcalc", - "ification" - ], - [ - "ĠHels", - "inki" - ], - [ - "Ġbe", - "ach" - ], - [ - "ĠF", - "DR" - ], - [ - "Ġprob", - "iotic" - ], - [ - "Ġfin", - "ishing" - ], - [ - "ymmet", - "rical" - ], - [ - "Ġvac", - "ancy" - ], - [ - "Ġthrom", - "bo" - ], - [ - "Comp", - "ared" - ], - [ - "A", - "ST" - ], - [ - "st", - "ed" - ], - [ - "othe", - "rap" - ], - [ - "Ġiod", - "ide" - ], - [ - "Ġt", - "t" - ], - [ - "al", - "ignment" - ], - [ - "Ġmicro", - "vascular" - ], - [ - "Ġinitial", - "ize" - ], - [ - "ĠANAL", - "YSIS" - ], - [ - "Ġtop", - "ographic" - ], - [ - "ĠReport", - "ing" - ], - [ - "Ġunderestim", - "ated" - ], - [ - "put", - "ed" - ], - [ - "Ġatheros", - "clerotic" - ], - [ - "Qi", - "agen" - ], - [ - "g", - "ut" - ], - [ - "ĠCor", - "tical" - ], - [ - "Ġdisrup", - "t" - ], - [ - "es", - "te" - ], - [ - "Ġgl", - "ue" - ], - [ - "Ġnarrow", - "er" - ], - [ - "Ġin", - "patient" - ], - [ - "Ġsch", - "olars" - ], - [ - "Ġb", - "c" - ], - [ - "ĠPsych", - "ological" - ], - [ - "ĠHamilton", - "ians" - ], - [ - "Ġhon", - "or" - ], - [ - "tib", - "ular" - ], - [ - "Ġinser", - "tions" - ], - [ - "oscop", - "e" - ], - [ - "Ġpharmacokine", - "tics" - ], - [ - "Ġmathem", - "atically" - ], - [ - "Ġfor", - "k" - ], - [ - "ip", - "ital" - ], - [ - "ĠAr", - "gs" - ], - [ - "abol", - "ism" - ], - [ - "Ġâİ", - "ł" - ], - [ - "ĠRob", - "ot" - ], - [ - "ĠC", - "asc" - ], - [ - "Ġle", - "aching" - ], - [ - "ĠL", - "ack" - ], - [ - "Ġend", - "ocytosis" - ], - [ - "Ġtr", - "is" - ], - [ - "Ġsensiti", - "vities" - ], - [ - "Ġlic", - "ensed" - ], - [ - "Ġsp", - "onge" - ], - [ - "carbon", - "yl" - ], - [ - "fe", - "at" - ], - [ - "Ġpre", - "cl" - ], - [ - "Ġwa", - "ist" - ], - [ - "tif", - "ications" - ], - [ - "Ġol", - "iv" - ], - [ - "b", - "inary" - ], - [ - "at", - "ri" - ], - [ - "ĠBi", - "ot" - ], - [ - "T", - "Z" - ], - [ - "Ġf", - "ake" - ], - [ - "ĠM", - "osc" - ], - [ - "ĠH", - "PS" - ], - [ - "ĠVol", - "tage" - ], - [ - "Ġâİ", - "Ŀ" - ], - [ - "ĠAh", - "med" - ], - [ - "ĠSex", - "ual" - ], - [ - "dehyd", - "es" - ], - [ - "ĠC", - "ot" - ], - [ - "Ġmag", - "ma" - ], - [ - "oxyl", - "in" - ], - [ - "Ð", - "Ī" - ], - [ - "amet", - "hyl" - ], - [ - "ĠL", - "OS" - ], - [ - "di", - "phenyl" - ], - [ - "experim", - "ental" - ], - [ - "Ġpluripot", - "ent" - ], - [ - "agit", - "tal" - ], - [ - "w", - "alk" - ], - [ - "Ġplas", - "monic" - ], - [ - "Ġcontrac", - "ts" - ], - [ - "Ġexp", - "ed" - ], - [ - "ĠArab", - "ia" - ], - [ - "Ġshoot", - "s" - ], - [ - "ĠR", - "AN" - ], - [ - "ustr", - "ated" - ], - [ - "Ġconvex", - "ity" - ], - [ - "Ġm", - "J" - ], - [ - "ĠAbs", - "olute" - ], - [ - "ĠS", - "EL" - ], - [ - "MI", - "P" - ], - [ - "ĠAct", - "ually" - ], - [ - "so", - "le" - ], - [ - "Q", - "I" - ], - [ - "ĠTGF", - "β" - ], - [ - "Ġâİ", - "ŀ" - ], - [ - "Ġrearrang", - "ements" - ], - [ - "Ġc", - "uring" - ], - [ - "exp", - "ensive" - ], - [ - "cepti", - "bility" - ], - [ - "Ġour", - "s" - ], - [ - "ĠKid", - "ney" - ], - [ - "Ġassign", - "s" - ], - [ - "Ġvox", - "els" - ], - [ - "ore", - "al" - ], - [ - "Ġeven", - "ing" - ], - [ - "h", - "us" - ], - [ - "Ġ", - "ãĢ" - ], - [ - "or", - "adi" - ], - [ - "ĠCor", - "rection" - ], - [ - "Ġnanofib", - "ers" - ], - [ - "Ġcan", - "tile" - ], - [ - "big", - "oplus" - ], - [ - "umin", - "ous" - ], - [ - "eclam", - "psia" - ], - [ - "ĠC", - "ult" - ], - [ - "EC", - "H" - ], - [ - "at", - "ology" - ], - [ - "Ġj", - "i" - ], - [ - "cr", - "yp" - ], - [ - "ĠAsp", - "ects" - ], - [ - "en", - "i" - ], - [ - "Ġsem", - "is" - ], - [ - "IR", - "S" - ], - [ - "ĠP", - "ho" - ], - [ - "enc", - "oding" - ], - [ - "ĠJus", - "tice" - ], - [ - "ococc", - "i" - ], - [ - "Ġhypoth", - "alamic" - ], - [ - "ract", - "able" - ], - [ - "ĠOr", - "b" - ], - [ - "Sim", - "ons" - ], - [ - "Ġmanip", - "ulated" - ], - [ - "att", - "ribute" - ], - [ - "on", - "ov" - ], - [ - "or", - "ously" - ], - [ - "end", - "ar" - ], - [ - "ud", - "er" - ], - [ - "ins", - "ert" - ], - [ - "Ġlys", - "ed" - ], - [ - "ĠHod", - "ge" - ], - [ - "Ġfootball", - "er" - ], - [ - "Dev", - "ice" - ], - [ - "ĠLe", - "ast" - ], - [ - "Ġstrat", - "um" - ], - [ - "Ġmit", - "ral" - ], - [ - "Ġs", - "ell" - ], - [ - "ĠM", - "uc" - ], - [ - "gly", - "cer" - ], - [ - "o", - "j" - ], - [ - "Ġpathogen", - "icity" - ], - [ - "ĠDecl", - "aration" - ], - [ - "op", - "ause" - ], - [ - "ĠAr", - "ticle" - ], - [ - "Ġrins", - "ed" - ], - [ - "ĠLé", - "vy" - ], - [ - "re", - "ment" - ], - [ - "Ġan", - "ts" - ], - [ - "ĠD", - "ic" - ], - [ - "Ġk", - "Pa" - ], - [ - "ur", - "ry" - ], - [ - "mo", - "tion" - ], - [ - "cl", - "ient" - ], - [ - "Ġaccess", - "ory" - ], - [ - "Ġdepolar", - "ization" - ], - [ - "nam", - "ely" - ], - [ - "Ġdispar", - "ities" - ], - [ - "Ġfavour", - "able" - ], - [ - "ĠTib", - "et" - ], - [ - "Ġo", - "ocyte" - ], - [ - "ist", - "ration" - ], - [ - "Ġun", - "resolved" - ], - [ - "cri", - "ptive" - ], - [ - "phys", - "ics" - ], - [ - "Ġben", - "zo" - ], - [ - "Ġcrystall", - "inity" - ], - [ - "Ġpay", - "off" - ], - [ - "Ġumb", - "ilical" - ], - [ - "os", - "il" - ], - [ - "ĠSystem", - "ic" - ], - [ - "ĠST", - "M" - ], - [ - "Ġstabil", - "izer" - ], - [ - "U", - "SA" - ], - [ - "ĠJ", - "ensen" - ], - [ - "A", - "ug" - ], - [ - "ĠH", - "at" - ], - [ - "AG", - "G" - ], - [ - "under", - "brace" - ], - [ - "Ġmanip", - "ulations" - ], - [ - "ĠM", - "anc" - ], - [ - "ned", - "y" - ], - [ - "Ġscr", - "atch" - ], - [ - "C", - "herry" - ], - [ - "osacchar", - "ides" - ], - [ - "Ġprecipit", - "ate" - ], - [ - "quar", - "ters" - ], - [ - "ic", - "ul" - ], - [ - "Ġoptim", - "ally" - ], - [ - "man", - "y" - ], - [ - "Ġneoplas", - "ms" - ], - [ - "Ġin", - "ward" - ], - [ - "ary", - "ng" - ], - [ - "Ġm", - "oll" - ], - [ - "ĠW", - "el" - ], - [ - "ĠW", - "iley" - ], - [ - "Ġnewsp", - "aper" - ], - [ - "Ġinhabit", - "ants" - ], - [ - "ĠS", - "uccess" - ], - [ - "Ġbrid", - "ging" - ], - [ - "Ġdis", - "connected" - ], - [ - "Ġhygi", - "ene" - ], - [ - "D", - "ist" - ], - [ - "Ġsc", - "ripts" - ], - [ - "Ġmes", - "oporous" - ], - [ - "Ġrestric", - "ts" - ], - [ - "act", - "one" - ], - [ - "Ġaqu", - "ifer" - ], - [ - "ĠïĤ", - "·" - ], - [ - "Ġp", - "lex" - ], - [ - "Ġpresum", - "ed" - ], - [ - "Ġ", - "ips" - ], - [ - "ĠM", - "ilitary" - ], - [ - "Ġjud", - "ged" - ], - [ - "Ġal", - "d" - ], - [ - "Ġsequ", - "est" - ], - [ - "comp", - "ared" - ], - [ - "UL", - "ATION" - ], - [ - "adap", - "ted" - ], - [ - "Ġinstruc", - "ted" - ], - [ - "p", - "ulse" - ], - [ - "Ġc", - "usp" - ], - [ - "mat", - "ching" - ], - [ - "car", - "rier" - ], - [ - "Ġenfor", - "ce" - ], - [ - "ĠInter", - "view" - ], - [ - "ometric", - "s" - ], - [ - "Ġnull", - "ptr" - ], - [ - "Ġflav", - "our" - ], - [ - "ĠPare", - "to" - ], - [ - "ĠB", - "ER" - ], - [ - "Ġu", - "v" - ], - [ - "Ġcr", - "ash" - ], - [ - "ĠC", - "ann" - ], - [ - "ĠMin", - "eral" - ], - [ - "ĠOlymp", - "ic" - ], - [ - "Ġpolyc", - "rystalline" - ], - [ - "le", - "tt" - ], - [ - "T", - "ables" - ], - [ - "requ", - "ent" - ], - [ - "Ġsed", - "entary" - ], - [ - "uns", - "aturated" - ], - [ - "ĠBern", - "oulli" - ], - [ - "Ġad", - "missions" - ], - [ - "itor", - "ial" - ], - [ - "ac", - "ute" - ], - [ - "Ġad", - "ditions" - ], - [ - "we", - "et" - ], - [ - "AL", - "E" - ], - [ - "ĠMan", - "ip" - ], - [ - "tok", - "ens" - ], - [ - "prec", - "ed" - ], - [ - "d", - "k" - ], - [ - "cons", - "ider" - ], - [ - "Ġïĺ", - "¹" - ], - [ - "Ġwr", - "ites" - ], - [ - "car", - "dia" - ], - [ - "ct", - "omy" - ], - [ - "omat", - "ous" - ], - [ - "S", - "ymbol" - ], - [ - "ust", - "en" - ], - [ - "Ġprote", - "olytic" - ], - [ - "c", - "ategories" - ], - [ - "Ġf", - "ic" - ], - [ - "Ġsw", - "ing" - ], - [ - "Ġpass", - "enger" - ], - [ - "Ġoverl", - "apped" - ], - [ - "if", - "i" - ], - [ - "Ġmut", - "ational" - ], - [ - "ĠJoseph", - "son" - ], - [ - "Ġreg", - "ret" - ], - [ - "ĠAr", - "k" - ], - [ - "ĠCF", - "D" - ], - [ - "Ġman", - "eu" - ], - [ - "enc", - "oded" - ], - [ - "texts", - "c" - ], - [ - "Ġdecom", - "positions" - ], - [ - "ĠDe", - "b" - ], - [ - "Ġmand", - "ibular" - ], - [ - "d", - "U" - ], - [ - "ĠP", - "IC" - ], - [ - "Ġtranscript", - "omic" - ], - [ - "Ġtel", - "escop" - ], - [ - "ĠSant", - "os" - ], - [ - "o", - "E" - ], - [ - "ĠM", - "CP" - ], - [ - "Ġind", - "igenous" - ], - [ - "Ġmicrosp", - "heres" - ], - [ - "Ġcod", - "ew" - ], - [ - "z", - "ip" - ], - [ - "Ġfing", - "ers" - ], - [ - "Ġcampaign", - "s" - ], - [ - "¸Ģ", - "ł" - ], - [ - "Ġacc", - "idents" - ], - [ - "ĠTo", - "ols" - ], - [ - "Pl", - "anck" - ], - [ - "Â", - "»" - ], - [ - "ed", - "er" - ], - [ - "ing", - "ham" - ], - [ - "oxid", - "ase" - ], - [ - "Ġancest", - "or" - ], - [ - "wh", - "ose" - ], - [ - "Ġphosph", - "olipid" - ], - [ - "Ġconvers", - "ation" - ], - [ - "ĠH", - "of" - ], - [ - "cor", - "tical" - ], - [ - "gly", - "cos" - ], - [ - "Ġmanufacture", - "rs" - ], - [ - "op", - "ulmonary" - ], - [ - "Ġincl", - "ined" - ], - [ - "ĠBet", - "he" - ], - [ - "Ġsp", - "ending" - ], - [ - "ĠFus", - "arium" - ], - [ - "u", - "itively" - ], - [ - "Ġfem", - "ur" - ], - [ - "ĠL", - "inks" - ], - [ - "Ġnit", - "rite" - ], - [ - "M", - "ain" - ], - [ - "Ġfl", - "ora" - ], - [ - "ĠPh", - "D" - ], - [ - "ĠWr", - "iting" - ], - [ - "ĠHess", - "ian" - ], - [ - "Ġμ", - "s" - ], - [ - "ool", - "s" - ], - [ - "Ġvictim", - "s" - ], - [ - "ĠR", - "ew" - ], - [ - "ans", - "en" - ], - [ - "E", - "ar" - ], - [ - "Ġor", - "n" - ], - [ - "Ġthermo", - "electric" - ], - [ - "EN", - "SE" - ], - [ - "ĠWeight", - "ed" - ], - [ - "h", - "oles" - ], - [ - "Ġc", - "en" - ], - [ - "Ġac", - "uity" - ], - [ - "Ġvac", - "ancies" - ], - [ - "ĠDu", - "ke" - ], - [ - "Ġpac", - "litaxel" - ], - [ - "Ġconver", - "ts" - ], - [ - "bour", - "ne" - ], - [ - "ĠA", - "CS" - ], - [ - "os", - "i" - ], - [ - "Ġcrim", - "inal" - ], - [ - "ĠI", - "b" - ], - [ - "un", - "es" - ], - [ - "ĠNan", - "oc" - ], - [ - "P", - "ost" - ], - [ - "ĠMD", - "S" - ], - [ - "Ġecon", - "omics" - ], - [ - "Ġthough", - "ts" - ], - [ - "Ġneuro", - "protective" - ], - [ - "Ġinters", - "ects" - ], - [ - "c", - "ers" - ], - [ - "at", - "id" - ], - [ - "us", - "a" - ], - [ - "ĠAn", - "s" - ], - [ - "Ġafter", - "wards" - ], - [ - "ĠOF", - "DM" - ], - [ - "ĠCM", - "V" - ], - [ - "ĠC", - "um" - ], - [ - "AT", - "G" - ], - [ - "ĠImage", - "Net" - ], - [ - "ĠAtt", - "ack" - ], - [ - "ogene", - "ities" - ], - [ - "Ġcouns", - "eling" - ], - [ - "ĠCON", - "TR" - ], - [ - "á", - "lez" - ], - [ - "ĠD", - "h" - ], - [ - "ĠG", - "V" - ], - [ - "Ġposition", - "al" - ], - [ - "Ġg", - "ang" - ], - [ - "ĠInter", - "active" - ], - [ - "w", - "ig" - ], - [ - "ĠT", - "race" - ], - [ - "ĠD", - "SS" - ], - [ - "Ġsynthet", - "ase" - ], - [ - "ĠGal", - "ile" - ], - [ - "us", - "ually" - ], - [ - "ĠB", - "ass" - ], - [ - "ard", - "less" - ], - [ - "Ġexec", - "uting" - ], - [ - "K", - "P" - ], - [ - "ĠNep", - "al" - ], - [ - "RE", - "AD" - ], - [ - "ĠL", - "ock" - ], - [ - "oh", - "ydro" - ], - [ - "rot", - "ation" - ], - [ - "d", - "il" - ], - [ - "roscop", - "ically" - ], - [ - "re", - "perfusion" - ], - [ - "Ġdis", - "hes" - ], - [ - "ĠProceed", - "ings" - ], - [ - "ĠN", - "PC" - ], - [ - "Ġmon", - "soon" - ], - [ - "ĠLem", - "mas" - ], - [ - "ĠChand", - "ra" - ], - [ - "Ġre", - "actors" - ], - [ - "Ġtr", - "yptophan" - ], - [ - "ĠV", - "T" - ], - [ - "ĠD", - "EM" - ], - [ - "Ġleg", - "islation" - ], - [ - "m", - "k" - ], - [ - "Ġtor", - "ic" - ], - [ - "ĠProgram", - "s" - ], - [ - "ĠPub", - "Med" - ], - [ - "Ġr", - "DNA" - ], - [ - "Ġpost", - "s" - ], - [ - "Ġâİ", - "Ľ" - ], - [ - "Ġshed", - "ding" - ], - [ - "toler", - "ant" - ], - [ - "Ġv", - "oids" - ], - [ - "ĠCarib", - "bean" - ], - [ - "C", - "ODE" - ], - [ - "T", - "ube" - ], - [ - "AL", - "SE" - ], - [ - "Ġchlor", - "ine" - ], - [ - "Ġco", - "erc" - ], - [ - "ĠRh", - "iz" - ], - [ - "ĠKir", - "k" - ], - [ - "ĠÃ", - "ĸ" - ], - [ - "ro", - "ut" - ], - [ - "ic", - "ides" - ], - [ - "ag", - "u" - ], - [ - "ĠK", - "w" - ], - [ - "Ġcr", - "u" - ], - [ - "Obs", - "erve" - ], - [ - "ĠRe", - "vis" - ], - [ - "Ġan", - "onym" - ], - [ - "Ġpre", - "requ" - ], - [ - "ocor", - "tical" - ], - [ - "Ġrest", - "aur" - ], - [ - "ĠPop", - "ulations" - ], - [ - "d", - "st" - ], - [ - "Ġfor", - "t" - ], - [ - "reg", - "s" - ], - [ - "ĠPolar", - "ization" - ], - [ - "Ġpancre", - "atitis" - ], - [ - "a", - "ph" - ], - [ - "th", - "reat" - ], - [ - "ft", - "en" - ], - [ - "ĠAl", - "aska" - ], - [ - "ĠFlex", - "ible" - ], - [ - "Ġreperto", - "ire" - ], - [ - "k", - "an" - ], - [ - "math", - "choice" - ], - [ - "Ġmit", - "osis" - ], - [ - "Ġe", - "at" - ], - [ - "ut", - "in" - ], - [ - "Ġr", - "t" - ], - [ - "Ġd", - "ummy" - ], - [ - "ĠC", - "ys" - ], - [ - "ĠG", - "or" - ], - [ - "ear", - "chers" - ], - [ - "H", - "PLC" - ], - [ - "Ġb", - "ay" - ], - [ - "ĠNi", - "elsen" - ], - [ - "ĠR", - "oc" - ], - [ - "ian", - "i" - ], - [ - "ic", - "it" - ], - [ - "rag", - "ue" - ], - [ - "Ġcour", - "ts" - ], - [ - "test", - "ing" - ], - [ - "Ġampl", - "ify" - ], - [ - "Ġtu", - "ples" - ], - [ - "prol", - "iferative" - ], - [ - "ĠPar", - "as" - ], - [ - "Ġmagn", - "ets" - ], - [ - "Ġchem", - "okines" - ], - [ - "ĠMit", - "chell" - ], - [ - "ĠPet", - "ri" - ], - [ - "hol", - "tz" - ], - [ - "y", - "ch" - ], - [ - "mat", - "rices" - ], - [ - "Ġcorrec", - "ting" - ], - [ - "ĠPC", - "a" - ], - [ - "ynam", - "ically" - ], - [ - "ĠNAF", - "LD" - ], - [ - "Ġeff", - "luent" - ], - [ - "it", - "um" - ], - [ - "Ġth", - "rows" - ], - [ - "ĠGu", - "id" - ], - [ - "och", - "romatic" - ], - [ - "ĠF", - "ro" - ], - [ - "id", - "ad" - ], - [ - "rom", - "agnetism" - ], - [ - "H", - "erm" - ], - [ - "ĠS", - "pi" - ], - [ - "ĠQu", - "as" - ], - [ - "dom", - "ains" - ], - [ - "Ġquad", - "rant" - ], - [ - "ĠSO", - "X" - ], - [ - "ĠGover", - "nor" - ], - [ - "Ġam", - "enable" - ], - [ - "he", - "ld" - ], - [ - "ĠC", - "ul" - ], - [ - "Ġunder", - "water" - ], - [ - "ĠK", - "ron" - ], - [ - "ĠSp", - "ati" - ], - [ - "ano", - "yl" - ], - [ - "C", - "U" - ], - [ - "ov", - "ir" - ], - [ - "Ġdem", - "ographics" - ], - [ - "With", - "in" - ], - [ - "ĠM", - "é" - ], - [ - "texts", - "f" - ], - [ - "ĠLab", - "el" - ], - [ - "Ġgenu", - "ine" - ], - [ - "Ġh", - "ill" - ], - [ - "ĠL", - "az" - ], - [ - "Ġt", - "esticular" - ], - [ - "ĠB", - "row" - ], - [ - "IC", - "ATION" - ], - [ - "Â", - "¡" - ], - [ - "ĠA", - "IC" - ], - [ - "anc", - "omycin" - ], - [ - "str", - "ual" - ], - [ - "Ġarrest", - "ed" - ], - [ - "ĠS", - "om" - ], - [ - "ĠI", - "HC" - ], - [ - "ĠP", - "ose" - ], - [ - "ĠM", - "ö" - ], - [ - "ist", - "ar" - ], - [ - "ĠP", - "AM" - ], - [ - "ĠH", - "CT" - ], - [ - "Ġtyp", - "edef" - ], - [ - "ĠMor", - "se" - ], - [ - "ĠLe", - "ishman" - ], - [ - "lim", - "b" - ], - [ - "Ġsphe", - "roid" - ], - [ - "os", - "ely" - ], - [ - "ĠGu", - "inea" - ], - [ - "re", - "new" - ], - [ - "Ġpsori", - "asis" - ], - [ - "ist", - "a" - ], - [ - "ĠCh", - "ung" - ], - [ - "orth", - "ogonal" - ], - [ - "ĠShe", - "ar" - ], - [ - "ĠMus", - "lim" - ], - [ - "ĠP", - "ict" - ], - [ - "In", - "teger" - ], - [ - "Ġspac", - "er" - ], - [ - "L", - "y" - ], - [ - "Ġd", - "ermal" - ], - [ - "Ġonc", - "ology" - ], - [ - "Ġd", - "p" - ], - [ - "Ġphot", - "oluminescence" - ], - [ - "reg", - "on" - ], - [ - "amin", - "ase" - ], - [ - "Ġáº", - "ĭ" - ], - [ - "Inst", - "ance" - ], - [ - "ver", - "b" - ], - [ - "Ġmethyl", - "ated" - ], - [ - "ĠG", - "em" - ], - [ - "ist", - "ently" - ], - [ - "ĠMg", - "Cl" - ], - [ - "ĠEle", - "vated" - ], - [ - "âŁ", - "©" - ], - [ - "onstr", - "uct" - ], - [ - "Ġsnap", - "shot" - ], - [ - "en", - "em" - ], - [ - "ĠD", - "isk" - ], - [ - "Ġhydro", - "static" - ], - [ - "Ġïĥ", - "ª" - ], - [ - "v", - "or" - ], - [ - "ĠI", - "E" - ], - [ - "ĠL", - "Y" - ], - [ - "OR", - "F" - ], - [ - "Ġfo", - "il" - ], - [ - "m", - "ale" - ], - [ - "Ġdepend", - "ed" - ], - [ - "s", - "parse" - ], - [ - "Ġmet", - "as" - ], - [ - "Ġtext", - "ures" - ], - [ - "Ġstack", - "s" - ], - [ - "M", - "Hz" - ], - [ - "Ġf", - "n" - ], - [ - "Ġult", - "rac" - ], - [ - "ĠSh", - "ould" - ], - [ - "V", - "ec" - ], - [ - "n", - "ine" - ], - [ - "inf", - "inite" - ], - [ - "ĠLaw", - "rence" - ], - [ - "ĠInvent", - "ory" - ], - [ - "ĠPro", - "state" - ], - [ - "Ġgest", - "ure" - ], - [ - "ĠSuz", - "uki" - ], - [ - "A", - "bs" - ], - [ - "ric", - "ane" - ], - [ - "ĠPeriod", - "ic" - ], - [ - "M", - "yc" - ], - [ - "if", - "iable" - ], - [ - "Ġin", - "efficient" - ], - [ - "Ġcoll", - "apsed" - ], - [ - "Ġtopological", - "ly" - ], - [ - "Ġprefer", - "able" - ], - [ - "Ġbronch", - "ial" - ], - [ - "ust", - "on" - ], - [ - "Ġflex", - "ion" - ], - [ - "our", - "ney" - ], - [ - "trans", - "lation" - ], - [ - "Ġepit", - "axial" - ], - [ - "Ġirradi", - "ance" - ], - [ - "Ġneighb", - "ours" - ], - [ - "sw", - "itch" - ], - [ - "Ġactu", - "ators" - ], - [ - "S", - "OD" - ], - [ - "m", - "ir" - ], - [ - "di", - "es" - ], - [ - "ik", - "awa" - ], - [ - "ĠAL", - "L" - ], - [ - "ĠR", - "SV" - ], - [ - "ĠH", - "EP" - ], - [ - "Ġend", - "urance" - ], - [ - "conn", - "ection" - ], - [ - "Ġgest", - "ures" - ], - [ - "odon", - "tic" - ], - [ - "ĠUn", - "c" - ], - [ - "Ġdismut", - "ase" - ], - [ - "H", - "aving" - ], - [ - "m", - "ix" - ], - [ - "Ġneuro", - "genesis" - ], - [ - "Ġmyocardi", - "um" - ], - [ - "ĠRuss", - "ell" - ], - [ - "H", - "ist" - ], - [ - "ĠS", - "PI" - ], - [ - "tri", - "azol" - ], - [ - "ag", - "ulant" - ], - [ - "ĠRe", - "quired" - ], - [ - "Ġsh", - "RNA" - ], - [ - "ĠArth", - "ur" - ], - [ - "Ġspaw", - "ning" - ], - [ - "d", - "ried" - ], - [ - "Ġrec", - "tif" - ], - [ - "ĠÃ", - "ī" - ], - [ - "Ġoste", - "ogenic" - ], - [ - "re", - "place" - ], - [ - "Ġgain", - "ing" - ], - [ - "Ġneutral", - "ization" - ], - [ - "ĠHart", - "ree" - ], - [ - "Ġfollic", - "les" - ], - [ - "Ġrelig", - "ion" - ], - [ - "Ġd", - "uplex" - ], - [ - "Ġtrans", - "ients" - ], - [ - "amp", - "ed" - ], - [ - "Ġmicrotub", - "ules" - ], - [ - "int", - "erest" - ], - [ - "Ġste", - "els" - ], - [ - "B", - "atch" - ], - [ - "Ġden", - "aturation" - ], - [ - "ĠPhill", - "ips" - ], - [ - "Ġqu", - "iet" - ], - [ - "ĠB", - "ureau" - ], - [ - "ĠR", - "are" - ], - [ - "Ġqu", - "ercetin" - ], - [ - "a", - "ults" - ], - [ - "Ġel", - "ution" - ], - [ - "uk", - "a" - ], - [ - "ĠInter", - "pretation" - ], - [ - "R", - "V" - ], - [ - "ĠE", - "SC" - ], - [ - "ĠK", - "om" - ], - [ - "are", - "ttes" - ], - [ - "Ġï", - "ģĦ" - ], - [ - "Ġtra", - "dition" - ], - [ - "Ġdiss", - "ected" - ], - [ - "Ne", - "igh" - ], - [ - "Ġshe", - "aves" - ], - [ - "Ġbelong", - "ed" - ], - [ - "ĠHist", - "oric" - ], - [ - "ĠO", - "E" - ], - [ - "Ġj", - "son" - ], - [ - "lem", - "ma" - ], - [ - "ĠY", - "AP" - ], - [ - "ode", - "xt" - ], - [ - "inter", - "face" - ], - [ - "Ġextrem", - "ity" - ], - [ - "cross", - "ing" - ], - [ - "preced", - "ented" - ], - [ - "acc", - "ording" - ], - [ - "Ġconstruc", - "tive" - ], - [ - "ĠStim", - "ulation" - ], - [ - "ĠHF", - "D" - ], - [ - "Ġwaven", - "umber" - ], - [ - "Ġh", - "rs" - ], - [ - "Ġpapill", - "omavirus" - ], - [ - "Ġvom", - "iting" - ], - [ - "Ġre", - "activation" - ], - [ - "omet", - "rically" - ], - [ - "ĠDim", - "ensions" - ], - [ - "ob", - "jects" - ], - [ - "ort", - "on" - ], - [ - "ĠMat", - "hem" - ], - [ - "ĠOl", - "ive" - ], - [ - "Ġcros", - "stalk" - ], - [ - "par", - "tite" - ], - [ - "opath", - "ies" - ], - [ - "ĠCN", - "Ts" - ], - [ - "rous", - "al" - ], - [ - "Ġcrow", - "d" - ], - [ - "ĠLang", - "muir" - ], - [ - "ĠT", - "ox" - ], - [ - "echan", - "ics" - ], - [ - "im", - "us" - ], - [ - "ĠSh", - "ock" - ], - [ - "tan", - "h" - ], - [ - "ĠBrill", - "ouin" - ], - [ - "Ġtransf", - "erring" - ], - [ - "Ġellip", - "se" - ], - [ - "ĠAd", - "dition" - ], - [ - "ĠR", - "ural" - ], - [ - "Ġgeodes", - "ics" - ], - [ - "G", - "EM" - ], - [ - "ĠP", - "OS" - ], - [ - "ĠM", - "ission" - ], - [ - "oc", - "arp" - ], - [ - "ĠJ", - "ane" - ], - [ - "L", - "ie" - ], - [ - "f", - "req" - ], - [ - "op", - "ot" - ], - [ - "ĠV", - "ibrio" - ], - [ - "ĠOb", - "j" - ], - [ - "er", - "ts" - ], - [ - "ĠTri", - "als" - ], - [ - "C", - "FT" - ], - [ - "ĠC", - "odes" - ], - [ - "μ", - "g" - ], - [ - "Ref", - "erence" - ], - [ - "ĠF", - "ung" - ], - [ - "ĠSup", - "pression" - ], - [ - "h", - "og" - ], - [ - "Ġresis", - "tive" - ], - [ - "C", - "hi" - ], - [ - "int", - "ered" - ], - [ - "Ġpost", - "menopausal" - ], - [ - "St", - "atistical" - ], - [ - "ĠEd", - "wards" - ], - [ - "Ġs", - "es" - ], - [ - "Ġfarm", - "ing" - ], - [ - "quar", - "tile" - ], - [ - "cool", - "ed" - ], - [ - "Ġnan", - "op" - ], - [ - "ĠProb", - "ing" - ], - [ - "ĠBern", - "ard" - ], - [ - "un", - "i" - ], - [ - "ie", - "ties" - ], - [ - "ĠMark", - "et" - ], - [ - "os", - "um" - ], - [ - "ĠM", - "essage" - ], - [ - "Ġaxi", - "om" - ], - [ - "c", - "g" - ], - [ - "ĠM", - "oving" - ], - [ - "Res", - "olution" - ], - [ - "Ġadsorb", - "ent" - ], - [ - "Ġmult", - "in" - ], - [ - "Ġin", - "effective" - ], - [ - "prop", - "ag" - ], - [ - "hard", - "t" - ], - [ - "S", - "aharan" - ], - [ - "W", - "il" - ], - [ - "ĠI", - "van" - ], - [ - "ir", - "ubin" - ], - [ - "Ġtra", - "bec" - ], - [ - "all", - "i" - ], - [ - "ĠCD", - "Cl" - ], - [ - "Ġse", - "w" - ], - [ - "ĠIs", - "s" - ], - [ - "Ġagg", - "ression" - ], - [ - "ĠJ", - "uan" - ], - [ - "Ġdispers", - "ions" - ], - [ - "Ġaux", - "in" - ], - [ - "F", - "ET" - ], - [ - "l", - "p" - ], - [ - "re", - "ach" - ], - [ - "ĠP", - "GE" - ], - [ - "che", - "str" - ], - [ - "Ġlect", - "ure" - ], - [ - "ĠD", - "onald" - ], - [ - "sl", - "ip" - ], - [ - "ĠHb", - "A" - ], - [ - "ĠSec", - "ure" - ], - [ - "ĠBe", - "h" - ], - [ - "Ġdam", - "ages" - ], - [ - "W", - "H" - ], - [ - "alk", - "yl" - ], - [ - "H", - "a" - ], - [ - "ĠTh", - "anks" - ], - [ - "Ġsensiti", - "zation" - ], - [ - "Ġwat", - "erm" - ], - [ - "Ġtw", - "ins" - ], - [ - "Ġcultiv", - "ar" - ], - [ - "Ġze", - "olite" - ], - [ - "V", - "ariable" - ], - [ - "ĠB", - "ent" - ], - [ - "Ġanti", - "sense" - ], - [ - "ĠHans", - "en" - ], - [ - "reprene", - "ur" - ], - [ - "ĠSN", - "e" - ], - [ - "ĠEM", - "G" - ], - [ - "Ġre", - "acted" - ], - [ - "Ġover", - "flow" - ], - [ - "Ġformal", - "in" - ], - [ - "ĠUs", - "ually" - ], - [ - "olyb", - "den" - ], - [ - "Ġac", - "ad" - ], - [ - "AT", - "URE" - ], - [ - "Ġwavegu", - "ides" - ], - [ - "Ġch", - "unk" - ], - [ - "Ġmod", - "ifies" - ], - [ - "Ġer", - "yt" - ], - [ - "ĠZh", - "ong" - ], - [ - "Ġgran", - "ule" - ], - [ - "Ġc", - "s" - ], - [ - "ĠGra", - "de" - ], - [ - "Ġland", - "marks" - ], - [ - "ur", - "istic" - ], - [ - "Ġam", - "ines" - ], - [ - "ĠIntr", - "insic" - ], - [ - "Ġerrone", - "ous" - ], - [ - "Ġlock", - "down" - ], - [ - "yp", - "ti" - ], - [ - "Ch", - "ild" - ], - [ - "Ġunivers", - "ities" - ], - [ - "Ġparas", - "it" - ], - [ - "Ġign", - "ition" - ], - [ - "T", - "im" - ], - [ - "ar", - "aj" - ], - [ - "ra", - "vel" - ], - [ - "ĠL", - "ands" - ], - [ - "ĠCirc", - "ular" - ], - [ - "Ġrot", - "ate" - ], - [ - "Pati", - "ents" - ], - [ - "ĠW", - "B" - ], - [ - "Ġmyel", - "in" - ], - [ - "ĠWe", - "iss" - ], - [ - "Ġdip", - "olar" - ], - [ - "Ġfollic", - "le" - ], - [ - "ĠWat", - "son" - ], - [ - "ĠIn", - "cor" - ], - [ - "Ġfound", - "ations" - ], - [ - "ĠP", - "ip" - ], - [ - "Ġpress", - "ing" - ], - [ - "Ġforb", - "idden" - ], - [ - "av", - "an" - ], - [ - "Ġm", - "Ab" - ], - [ - "un", - "ion" - ], - [ - "ĠF", - "resh" - ], - [ - "ĠCor", - "p" - ], - [ - "fl", - "oxacin" - ], - [ - "co", - "ordinate" - ], - [ - "Ġsh", - "unt" - ], - [ - "Ġconstit", - "uted" - ], - [ - "anil", - "ine" - ], - [ - "Ġtwe", - "ets" - ], - [ - "ĠCh", - "ow" - ], - [ - "Ġmob", - "ilization" - ], - [ - "zy", - "k" - ], - [ - "E", - "ST" - ], - [ - "ne", - "igh" - ], - [ - "ĠM", - "eng" - ], - [ - "ĠRes", - "Net" - ], - [ - "ĠJ", - "et" - ], - [ - "Ġlumin", - "ous" - ], - [ - "Ġstress", - "ors" - ], - [ - "do", - "es" - ], - [ - "trifluor", - "omethyl" - ], - [ - "Ġconcer", - "t" - ], - [ - "ĠCho", - "ice" - ], - [ - "ph", - "im" - ], - [ - "al", - "coholic" - ], - [ - "oc", - "hem" - ], - [ - "ilt", - "ered" - ], - [ - "Ġpredict", - "able" - ], - [ - "Ġt", - "ran" - ], - [ - "ĠP", - "ra" - ], - [ - "Ġval", - "ves" - ], - [ - "Ġaut", - "onomy" - ], - [ - "reg", - "ulate" - ], - [ - "ĠBe", - "ach" - ], - [ - "ĠOnt", - "ology" - ], - [ - "Ġis", - "ofl" - ], - [ - "Ġqu", - "oted" - ], - [ - "ĠL", - "ex" - ], - [ - "th", - "y" - ], - [ - "Ġcompl", - "aints" - ], - [ - "ĠT", - "rees" - ], - [ - "Ġop", - "posing" - ], - [ - "ĠAcc", - "eler" - ], - [ - "con", - "trast" - ], - [ - "Ġcompet", - "ed" - ], - [ - "O", - "E" - ], - [ - "ĠR", - "oche" - ], - [ - "iss", - "ance" - ], - [ - "Ġpe", - "ace" - ], - [ - "ĠA", - "im" - ], - [ - "Ġinfer", - "tility" - ], - [ - "ĠAntarctic", - "a" - ], - [ - "th", - "ien" - ], - [ - "S", - "umm" - ], - [ - "Ġjudg", - "ments" - ], - [ - "am", - "ides" - ], - [ - "Ġsp", - "ill" - ], - [ - "Ġhere", - "after" - ], - [ - "ĠCons", - "tit" - ], - [ - "comput", - "er" - ], - [ - "Ġbeg", - "un" - ], - [ - "ocent", - "ric" - ], - [ - "Ġp", - "umps" - ], - [ - "med", - "ium" - ], - [ - "ch", - "ol" - ], - [ - "met", - "allic" - ], - [ - "Ġfl", - "ares" - ], - [ - "Ġpet", - "roleum" - ], - [ - "Ġwith", - "d" - ], - [ - "ĠThe", - "atre" - ], - [ - "Ġun", - "labeled" - ], - [ - "Ġregular", - "ized" - ], - [ - "oster", - "ic" - ], - [ - "ĠP", - "FS" - ], - [ - "Ġun", - "em" - ], - [ - "Ġpresent", - "ly" - ], - [ - "Ġbuff", - "ered" - ], - [ - "aff", - "inity" - ], - [ - "ĠDem", - "ographic" - ], - [ - "ĠK", - "ondo" - ], - [ - "Ġcent", - "uries" - ], - [ - "Ġmig", - "ratory" - ], - [ - "aryn", - "x" - ], - [ - "Ass", - "ociated" - ], - [ - "anil", - "ino" - ], - [ - "g", - "rown" - ], - [ - "ĠEx", - "ecutive" - ], - [ - "ĠE", - "k" - ], - [ - "ĠH", - "emat" - ], - [ - "ĠPl", - "ayer" - ], - [ - "ĠCH", - "D" - ], - [ - "f", - "lex" - ], - [ - "ĠS", - "ever" - ], - [ - "alth", - "am" - ], - [ - "im", - "pro" - ], - [ - "an", - "et" - ], - [ - "ocy", - "st" - ], - [ - "ĠA", - "ster" - ], - [ - "CO", - "L" - ], - [ - "ĠSimilar", - "ity" - ], - [ - "ĠHow", - "ard" - ], - [ - "Ġmultic", - "ast" - ], - [ - "ĠEns", - "emble" - ], - [ - "ì", - "Ĺ" - ], - [ - "ol", - "ys" - ], - [ - "ĠGen", - "omics" - ], - [ - "Ġreson", - "ators" - ], - [ - "Ġfist", - "ula" - ], - [ - "on", - "en" - ], - [ - "us", - "ers" - ], - [ - "Ġhyp", - "o" - ], - [ - "rog", - "ens" - ], - [ - "Ġmed", - "al" - ], - [ - "ĠM", - "IP" - ], - [ - "Ġvolt", - "am" - ], - [ - "Ġappreci", - "ated" - ], - [ - "ĠP", - "é" - ], - [ - "ĠGa", - "ia" - ], - [ - "Ġbuck", - "ling" - ], - [ - "Ġcongru", - "ence" - ], - [ - "fur", - "yl" - ], - [ - "ĠEp", - "stein" - ], - [ - "Ġcasc", - "ades" - ], - [ - "g", - "old" - ], - [ - "Ġan", - "hyd" - ], - [ - "Ġgrad", - "uated" - ], - [ - "M", - "emory" - ], - [ - "ĠInd", - "ustry" - ], - [ - "ĠSch", - "neider" - ], - [ - "Ġemploy", - "ee" - ], - [ - "ĠCor", - "n" - ], - [ - "M", - "AC" - ], - [ - "ro", - "ve" - ], - [ - "rop", - "od" - ], - [ - "s", - "ervice" - ], - [ - "ĠOx", - "idation" - ], - [ - "Ġenum", - "eration" - ], - [ - "m", - "ad" - ], - [ - "ĠCl", - "ose" - ], - [ - "ĠMod", - "ular" - ], - [ - "Ġprogen", - "y" - ], - [ - "Ġg", - "t" - ], - [ - "read", - "ing" - ], - [ - "ĠInd", - "ic" - ], - [ - "opath", - "ologic" - ], - [ - "ĠPFN", - "GL" - ], - [ - "X", - "L" - ], - [ - "c", - "is" - ], - [ - "ĠM", - "ike" - ], - [ - "ĠB", - "BB" - ], - [ - "ĠExt", - "reme" - ], - [ - "ĠCho", - "ose" - ], - [ - "Ġhoriz", - "ontally" - ], - [ - "ĠASS", - "ERT" - ], - [ - "Ġglucocortic", - "oid" - ], - [ - "B", - "ay" - ], - [ - "Ġp", - "df" - ], - [ - "Ġcontain", - "ers" - ], - [ - "ĠL", - "OC" - ], - [ - "ĠY", - "ield" - ], - [ - "opro", - "te" - ], - [ - "Ġfruct", - "ose" - ], - [ - "ĠI", - "CC" - ], - [ - "Ġdec", - "id" - ], - [ - "rim", - "idine" - ], - [ - "Ġfrag", - "mented" - ], - [ - "Ġisomorphism", - "s" - ], - [ - "Ð", - "¼" - ], - [ - "Ġintegr", - "ates" - ], - [ - "Ġfib", - "ration" - ], - [ - "ĠâĬ", - "¤" - ], - [ - "Ġxen", - "ograft" - ], - [ - "nucle", - "on" - ], - [ - "ĠC", - "SP" - ], - [ - "Ġs", - "ut" - ], - [ - "ĠSp", - "ir" - ], - [ - "Ġdiss", - "oci" - ], - [ - "ĠT", - "BI" - ], - [ - "ĠFor", - "ces" - ], - [ - "Ġhyper", - "surface" - ], - [ - "Ġmy", - "osin" - ], - [ - "ĠQueens", - "land" - ], - [ - "N", - "eg" - ], - [ - "ĠU", - "RL" - ], - [ - "b", - "ind" - ], - [ - "Ap", - "plied" - ], - [ - "ĠD", - "ob" - ], - [ - "ĠK", - "E" - ], - [ - "Ġmem", - "or" - ], - [ - "ĠArab", - "ic" - ], - [ - "ĠL", - "ateral" - ], - [ - "ĠSt", - "art" - ], - [ - "n", - "ose" - ], - [ - "ti", - "bility" - ], - [ - "as", - "ters" - ], - [ - "Ġus", - "ability" - ], - [ - "Ġinc", - "enti" - ], - [ - "ym", - "n" - ], - [ - "ĠAnaly", - "tic" - ], - [ - "P", - "et" - ], - [ - "ĠM", - "ask" - ], - [ - "W", - "orld" - ], - [ - "b", - "rand" - ], - [ - "Ġelim", - "inates" - ], - [ - "Ġmer", - "it" - ], - [ - "ĠPhilipp", - "ines" - ], - [ - "ĠB", - "CL" - ], - [ - "ĠO", - "ri" - ], - [ - "Ġparad", - "igms" - ], - [ - "ĠIn", - "ters" - ], - [ - "riz", - "ona" - ], - [ - "Ġcon", - "ception" - ], - [ - "Ġrel", - "ied" - ], - [ - "ĠJ", - "oe" - ], - [ - "ĠAp", - "ple" - ], - [ - "Ġlight", - "weight" - ], - [ - "mort", - "em" - ], - [ - "ol", - "ig" - ], - [ - "Ġv", - "iz" - ], - [ - "Ġst", - "ones" - ], - [ - "Ġkey", - "words" - ], - [ - "ĠSecret", - "ary" - ], - [ - "T", - "N" - ], - [ - "old", - "er" - ], - [ - "ĠInt", - "estinal" - ], - [ - "Ġpossess", - "ed" - ], - [ - "Ġmonoton", - "icity" - ], - [ - "em", - "itting" - ], - [ - "ĠDef", - "ining" - ], - [ - "ĠPar", - "ticularly" - ], - [ - "Ġautomorphism", - "s" - ], - [ - "Ġeryt", - "hemat" - ], - [ - "ĠW", - "aters" - ], - [ - "ĠCycl", - "ic" - ], - [ - "maxim", - "al" - ], - [ - "xt", - "y" - ], - [ - "ĠS", - "ad" - ], - [ - "Ġur", - "anium" - ], - [ - "Ġhypoth", - "alamus" - ], - [ - "ĠSU", - "MO" - ], - [ - "Ġdeal", - "t" - ], - [ - "Ġk", - "its" - ], - [ - "Ġpain", - "ting" - ], - [ - "ĠS", - "ier" - ], - [ - "ch", - "ool" - ], - [ - "OD", - "O" - ], - [ - "sur", - "faces" - ], - [ - "ĠP", - "neum" - ], - [ - "organ", - "ized" - ], - [ - "ĠC", - "PT" - ], - [ - "Ġins", - "oluble" - ], - [ - "ĠCo", - "herent" - ], - [ - "Ġrecess", - "ive" - ], - [ - "Ġb", - "ivariate" - ], - [ - "Ġed", - "it" - ], - [ - "Ġnation", - "wide" - ], - [ - "M", - "ODE" - ], - [ - "c", - "hest" - ], - [ - "ĠS", - "LC" - ], - [ - "Ġintra", - "peritoneal" - ], - [ - "ĠDis", - "ordered" - ], - [ - "Ġinsu", - "fficiency" - ], - [ - "ie", - "v" - ], - [ - "iaz", - "ole" - ], - [ - "W", - "rite" - ], - [ - "ĠD", - "ATA" - ], - [ - "tor", - "al" - ], - [ - "Ġqual", - "ities" - ], - [ - "Ġpossess", - "ing" - ], - [ - "ĠM", - "ats" - ], - [ - "Ġretin", - "opathy" - ], - [ - "ĠB", - "K" - ], - [ - "Ġnovel", - "ty" - ], - [ - "ce", - "ans" - ], - [ - "Ġreserv", - "es" - ], - [ - "ĠNAD", - "H" - ], - [ - "Ġisother", - "m" - ], - [ - "Ġsoldi", - "ers" - ], - [ - "p", - "b" - ], - [ - "iter", - "pen" - ], - [ - "ĠAg", - "ents" - ], - [ - "z", - "u" - ], - [ - "Ġunw", - "anted" - ], - [ - "Ġhyper", - "parameters" - ], - [ - "ec", - "an" - ], - [ - "ĠS", - "ES" - ], - [ - "ĠF", - "G" - ], - [ - "ĠN", - "avig" - ], - [ - "Ġtriang", - "ulation" - ], - [ - "Ġnetwork", - "ing" - ], - [ - "Ġpoly", - "styrene" - ], - [ - "Ġinduc", - "tively" - ], - [ - "brevi", - "ations" - ], - [ - "Ġneurom", - "uscular" - ], - [ - "ĠL", - "inux" - ], - [ - "stud", - "ied" - ], - [ - "ĠBe", - "ing" - ], - [ - "Ġdef", - "iciencies" - ], - [ - "ĠMat", - "rices" - ], - [ - "Ġwe", - "aring" - ], - [ - "Ġhad", - "rons" - ], - [ - "am", - "yl" - ], - [ - "Ġdisc", - "ourse" - ], - [ - "och", - "lor" - ], - [ - "ĠMel", - "an" - ], - [ - "ĠL", - "an" - ], - [ - "V", - "L" - ], - [ - "Ġmunic", - "ipal" - ], - [ - "Ġenroll", - "ment" - ], - [ - "ĠS", - "ymmetric" - ], - [ - "Ġdiscipl", - "ines" - ], - [ - "ĠBar", - "on" - ], - [ - "Res", - "earch" - ], - [ - "Ġmagne", - "tite" - ], - [ - "om", - "ide" - ], - [ - "polar", - "ization" - ], - [ - "le", - "ys" - ], - [ - "Ġseem", - "ingly" - ], - [ - "hep", - "atic" - ], - [ - "Ġcl", - "o" - ], - [ - "ĠQu", - "atern" - ], - [ - "Ġcompe", - "tit" - ], - [ - "R", - "equ" - ], - [ - "ga", - "uge" - ], - [ - "Ġhydro", - "chloride" - ], - [ - "drop", - "out" - ], - [ - "pan", - "el" - ], - [ - "Ġaspir", - "in" - ], - [ - "ĠR", - "UN" - ], - [ - "Ġrib", - "bon" - ], - [ - "Ġinacc", - "urate" - ], - [ - "ĠP", - "all" - ], - [ - "duc", - "ers" - ], - [ - "Through", - "out" - ], - [ - "Ġcell", - "ul" - ], - [ - "Ġsusp", - "ect" - ], - [ - "Ġalle", - "lic" - ], - [ - "Ġsn", - "ake" - ], - [ - "ordin", - "ated" - ], - [ - "ĠAut", - "ophagy" - ], - [ - "Ġe", - "ig" - ], - [ - "Ġr", - "if" - ], - [ - "ĠKen", - "nedy" - ], - [ - "Ġbot", - "tle" - ], - [ - "ĠY", - "outh" - ], - [ - "aw", - "ed" - ], - [ - "linear", - "ity" - ], - [ - "uk", - "er" - ], - [ - "ĠO", - "X" - ], - [ - "ext", - "ension" - ], - [ - "Ġw", - "ard" - ], - [ - "ĠComplex", - "es" - ], - [ - "Ġbios", - "ensor" - ], - [ - "ĠCart", - "an" - ], - [ - "d", - "n" - ], - [ - "Ġs", - "onic" - ], - [ - "Ġindex", - "ing" - ], - [ - "Ġd", - "v" - ], - [ - "rel", - "iable" - ], - [ - "p", - "k" - ], - [ - "RE", - "NT" - ], - [ - "Ġt", - "anks" - ], - [ - "ĠH", - "et" - ], - [ - "ĠW", - "ing" - ], - [ - "ĠCu", - "O" - ], - [ - "Ġprint", - "f" - ], - [ - "Ġlumin", - "osities" - ], - [ - "c", - "ourse" - ], - [ - "Ġsc", - "ram" - ], - [ - "Ġsam", - "pler" - ], - [ - "Ġmulti", - "pliers" - ], - [ - "Def", - "ault" - ], - [ - "od", - "il" - ], - [ - "int", - "r" - ], - [ - "sequ", - "encing" - ], - [ - "Ġtrans", - "missions" - ], - [ - "ĠWh", - "it" - ], - [ - "ĠOp", - "portun" - ], - [ - "Ġintern", - "ally" - ], - [ - "Ġacknowled", - "ges" - ], - [ - "ĠE", - "dition" - ], - [ - "Ġarter", - "i" - ], - [ - "Ġalb", - "edo" - ], - [ - "ĠNucle", - "otide" - ], - [ - "Ġy", - "es" - ], - [ - "ĠRel", - "ativistic" - ], - [ - "Ġv", - "otes" - ], - [ - "ĠForm", - "ulation" - ], - [ - "usc", - "itation" - ], - [ - "Ġconcurrent", - "ly" - ], - [ - "u", - "in" - ], - [ - "Ġnon", - "invasive" - ], - [ - "Ġprim", - "ates" - ], - [ - "μ", - "l" - ], - [ - "Ġsubt", - "ropical" - ], - [ - "g", - "un" - ], - [ - "ĠS", - "outheast" - ], - [ - "ö", - "n" - ], - [ - "Ġequ", - "ator" - ], - [ - "Ġwork", - "shop" - ], - [ - "Ġsch", - "ist" - ], - [ - "und", - "ant" - ], - [ - "ĠMOD", - "IS" - ], - [ - "t", - "ar" - ], - [ - "Ġa", - "eg" - ], - [ - "Ġplot", - "ting" - ], - [ - "ĠD", - "ET" - ], - [ - "Man", - "ager" - ], - [ - "un", - "ed" - ], - [ - "oxif", - "en" - ], - [ - "ĠIn", - "ver" - ], - [ - "Ġx", - "anth" - ], - [ - "ĠSer", - "ver" - ], - [ - "Ġstret", - "ched" - ], - [ - "Gl", - "obal" - ], - [ - "C", - "ore" - ], - [ - "ĠWe", - "ber" - ], - [ - "y", - "ard" - ], - [ - "Ġexpl", - "ores" - ], - [ - "ĠBi", - "ography" - ], - [ - "SN", - "P" - ], - [ - "ĠNeut", - "rino" - ], - [ - "Ġkilomet", - "res" - ], - [ - "Ġcomm", - "utes" - ], - [ - "Ġaccept", - "ability" - ], - [ - "ĠAntib", - "odies" - ], - [ - "ic", - "ol" - ], - [ - "Ġmus", - "eum" - ], - [ - "Ġden", - "it" - ], - [ - "Ġextrap", - "olated" - ], - [ - "Ġacetyl", - "choline" - ], - [ - "T", - "oken" - ], - [ - "ĠF", - "ock" - ], - [ - "ond", - "e" - ], - [ - "Ġdiscrimin", - "ative" - ], - [ - "ĠM", - "ant" - ], - [ - "Ġess", - "ence" - ], - [ - "cel", - "and" - ], - [ - "ĠCh", - "air" - ], - [ - "Ġintegr", - "ative" - ], - [ - "ĠS", - "PD" - ], - [ - "hen", - "ium" - ], - [ - "arbon", - "ate" - ], - [ - "B", - "ASE" - ], - [ - "reg", - "ulates" - ], - [ - "p", - "atch" - ], - [ - "Ġd", - "ib" - ], - [ - "Ġanti", - "symmetric" - ], - [ - "Ġwear", - "able" - ], - [ - "Ed", - "ge" - ], - [ - "re", - "ts" - ], - [ - "Ġperce", - "ive" - ], - [ - "ĠMagn", - "esium" - ], - [ - "ad", - "ows" - ], - [ - "Ġdis", - "posal" - ], - [ - "Ġair", - "port" - ], - [ - "ause", - "a" - ], - [ - "f", - "its" - ], - [ - "Ġnec", - "ro" - ], - [ - "ĠS", - "IN" - ], - [ - "ĠD", - "uc" - ], - [ - "ĠRe", - "ading" - ], - [ - "b", - "ys" - ], - [ - "Ġreflec", - "tive" - ], - [ - "h", - "is" - ], - [ - "omet", - "ries" - ], - [ - "Ġvi", - "rial" - ], - [ - "Ġartif", - "icially" - ], - [ - "child", - "ren" - ], - [ - "ĠUltras", - "ound" - ], - [ - "VI", - "EW" - ], - [ - "Ġsc", - "ulpt" - ], - [ - "Ġsur", - "f" - ], - [ - "Ġsex", - "ually" - ], - [ - "Ġgeomet", - "rically" - ], - [ - "Ġdivis", - "ors" - ], - [ - "Ġiniti", - "atives" - ], - [ - "acc", - "i" - ], - [ - "Ġkeratin", - "ocytes" - ], - [ - "a", - "R" - ], - [ - "aro", - "t" - ], - [ - "Ġïĥ", - "¨" - ], - [ - "comput", - "ed" - ], - [ - "ĠTC", - "GA" - ], - [ - "psych", - "ological" - ], - [ - "ĠM", - "AN" - ], - [ - "ĠM", - "PC" - ], - [ - "tic", - "ing" - ], - [ - "lim", - "iting" - ], - [ - "am", - "ins" - ], - [ - "Ġsurfact", - "ants" - ], - [ - "ĠSer", - "b" - ], - [ - "Ġrhyth", - "ms" - ], - [ - "ĠRout", - "ing" - ], - [ - "w", - "ang" - ], - [ - "Ġmicro", - "structures" - ], - [ - "oph", - "ytes" - ], - [ - "Ġanalges", - "ic" - ], - [ - "F", - "OR" - ], - [ - "qu", - "al" - ], - [ - "Ġpubl", - "ish" - ], - [ - "ĠTim", - "ing" - ], - [ - "por", - "ous" - ], - [ - "rang", - "ing" - ], - [ - "er", - "on" - ], - [ - "ĠZ", - "i" - ], - [ - "ĠMarsh", - "all" - ], - [ - "Wid", - "th" - ], - [ - "Ġis", - "omers" - ], - [ - "ĠÂ", - "·" - ], - [ - "phen", - "oxy" - ], - [ - "Ġure", - "th" - ], - [ - "ro", - "bl" - ], - [ - "Ġmention", - "ing" - ], - [ - "o", - "zyme" - ], - [ - "ĠL", - "ud" - ], - [ - "Ġop", - "position" - ], - [ - "Ġaband", - "oned" - ], - [ - "Ġrout", - "ines" - ], - [ - "ĠH", - "ST" - ], - [ - "mut", - "ex" - ], - [ - "c", - "oded" - ], - [ - "e", - "ating" - ], - [ - "ter", - "t" - ], - [ - "emicon", - "ductor" - ], - [ - "d", - "w" - ], - [ - "Ġbary", - "ons" - ], - [ - "Ġleuc", - "ine" - ], - [ - "ot", - "ron" - ], - [ - "Ġend", - "os" - ], - [ - "Ġreproduc", - "es" - ], - [ - "Ġanalges", - "ia" - ], - [ - "Ġimmunore", - "activity" - ], - [ - "ĠPre", - "p" - ], - [ - "ĠGarc", - "ÃŃa" - ], - [ - "Ġinco", - "herent" - ], - [ - "an", - "ed" - ], - [ - "le", - "pton" - ], - [ - "and", - "ra" - ], - [ - "ul", - "ae" - ], - [ - "ĠH", - "idden" - ], - [ - "F", - "V" - ], - [ - "Ġgeneral", - "izes" - ], - [ - "ĠSte", - "vens" - ], - [ - "ĠF", - "oster" - ], - [ - "Ġfresh", - "ly" - ], - [ - "Ġh", - "f" - ], - [ - "Den", - "ote" - ], - [ - "o", - "es" - ], - [ - "ĠD", - "in" - ], - [ - "Ġdet", - "ox" - ], - [ - "Ġdec", - "oupled" - ], - [ - "Ġsepar", - "ations" - ], - [ - "ucle", - "otide" - ], - [ - "Ġelect", - "rophysiological" - ], - [ - "ĠBAL", - "B" - ], - [ - "Q", - "TL" - ], - [ - "ĠA", - "Ch" - ], - [ - "ĠRe", - "le" - ], - [ - "que", - "z" - ], - [ - "Mn", - "O" - ], - [ - "ect", - "ures" - ], - [ - "Ġis", - "cha" - ], - [ - "Ġins", - "ulators" - ], - [ - "cell", - "ulose" - ], - [ - "ĠFL", - "AG" - ], - [ - "omb", - "ic" - ], - [ - "ĠUs", - "ed" - ], - [ - "j", - "iang" - ], - [ - "exp", - "ansion" - ], - [ - "ĠRep", - "eat" - ], - [ - "ĠRes", - "erve" - ], - [ - "ab", - "elian" - ], - [ - "ĠH", - "unting" - ], - [ - "G", - "RO" - ], - [ - "ly", - "te" - ], - [ - "ĠB", - "ark" - ], - [ - "Ġcre", - "ative" - ], - [ - "Ġb", - "end" - ], - [ - "el", - "erated" - ], - [ - "dis", - "h" - ], - [ - "Ġhigh", - "way" - ], - [ - "Ġcross", - "ings" - ], - [ - "j", - "ust" - ], - [ - "on", - "o" - ], - [ - "ull", - "ivan" - ], - [ - "ĠDe", - "ad" - ], - [ - "Ġtrade", - "off" - ], - [ - "e", - "on" - ], - [ - "og", - "ical" - ], - [ - "experim", - "ent" - ], - [ - "Ġconf", - "ers" - ], - [ - "ĠD", - "ot" - ], - [ - "Ġco", - "ils" - ], - [ - "Ġax", - "ion" - ], - [ - "ĠIR", - "S" - ], - [ - "ĠÅ", - "©" - ], - [ - "Ġglac", - "ier" - ], - [ - "ĠMosc", - "ow" - ], - [ - "ĠS", - "pringer" - ], - [ - "Ġinv", - "is" - ], - [ - "ĠArn", - "old" - ], - [ - "Un", - "iversity" - ], - [ - "at", - "tern" - ], - [ - "per", - "or" - ], - [ - "ĠLim", - "its" - ], - [ - "Ġincomp", - "atible" - ], - [ - "r", - "ather" - ], - [ - "ĠT", - "es" - ], - [ - "Ġfail", - "ing" - ], - [ - "Ġthick", - "ening" - ], - [ - "Ġest", - "radiol" - ], - [ - "as", - "se" - ], - [ - "Ġnecess", - "it" - ], - [ - "Ġsacrific", - "ed" - ], - [ - "ĠS", - "ear" - ], - [ - "ĠNor", - "the" - ], - [ - "raise", - "box" - ], - [ - "ĠS", - "low" - ], - [ - "ĠM", - "unic" - ], - [ - "Ġlear", - "ner" - ], - [ - "igen", - "ic" - ], - [ - "Ġderm", - "atitis" - ], - [ - "ut", - "en" - ], - [ - "Ġde", - "er" - ], - [ - "Ġhist", - "amine" - ], - [ - "L", - "at" - ], - [ - "M", - "al" - ], - [ - "il", - "ly" - ], - [ - "Ġge", - "ochemical" - ], - [ - "Ġspermat", - "ozoa" - ], - [ - "Ġv", - "inyl" - ], - [ - "em", - "et" - ], - [ - "Ġeffect", - "ors" - ], - [ - "ĠEncycl", - "opedia" - ], - [ - "Ġord", - "inal" - ], - [ - "Ġcontrovers", - "y" - ], - [ - "ĠPers", - "pectives" - ], - [ - "ovirus", - "es" - ], - [ - "mark", - "ed" - ], - [ - "ĠS", - "PE" - ], - [ - "ĠN", - "utri" - ], - [ - "Ġad", - "here" - ], - [ - "ĠHigh", - "way" - ], - [ - "Ġdistill", - "ation" - ], - [ - "MR", - "T" - ], - [ - "ple", - "tion" - ], - [ - "Ġannih", - "il" - ], - [ - "Ġwave", - "function" - ], - [ - "Ġconfig", - "ured" - ], - [ - "Ġmeth", - "ionine" - ], - [ - "L", - "ow" - ], - [ - "s", - "ensor" - ], - [ - "ĠS", - "now" - ], - [ - "S", - "ample" - ], - [ - "Ġdef", - "initely" - ], - [ - "ĠMet", - "h" - ], - [ - "r", - "ypt" - ], - [ - "Ġprom", - "pted" - ], - [ - "Ġmonol", - "ith" - ], - [ - "ĠEn", - "vironments" - ], - [ - "t", - "m" - ], - [ - "ĠCO", - "D" - ], - [ - "or", - "is" - ], - [ - "equ", - "ations" - ], - [ - "âĺ", - "Ĩ" - ], - [ - "ĠNe", - "ighbor" - ], - [ - "Ġimag", - "ine" - ], - [ - "ĠUs", - "ers" - ], - [ - "ĠCam", - "era" - ], - [ - "ĠMod", - "ification" - ], - [ - "ĠAtt", - "acks" - ], - [ - "Ġinhal", - "ation" - ], - [ - "á", - "º" - ], - [ - "Ġventi", - "l" - ], - [ - "ĠN", - "U" - ], - [ - "ĠCon", - "trast" - ], - [ - "Ġconf", - "ining" - ], - [ - "S", - "ervice" - ], - [ - "W", - "allis" - ], - [ - "ĠA", - "TR" - ], - [ - "Ġsub", - "duction" - ], - [ - "Ġïģ", - "¢" - ], - [ - "Ġtit", - "ration" - ], - [ - "R", - "oche" - ], - [ - "v", - "iv" - ], - [ - "Ġbe", - "ars" - ], - [ - "bol", - "a" - ], - [ - "Ġblind", - "ed" - ], - [ - "meas", - "ures" - ], - [ - "ĠSt", - "ack" - ], - [ - "occ", - "urrence" - ], - [ - "Ġperme", - "ation" - ], - [ - "l", - "ar" - ], - [ - "ept", - "ors" - ], - [ - "ĠD", - "IF" - ], - [ - "cor", - "rhiz" - ], - [ - "ĠV", - "isc" - ], - [ - "fig", - "urable" - ], - [ - "Ġschedul", - "er" - ], - [ - "Ġoccas", - "ions" - ], - [ - "ambo", - "o" - ], - [ - "Ġam", - "p" - ], - [ - "g", - "ain" - ], - [ - "ĠC", - "it" - ], - [ - "Ġpreced", - "ed" - ], - [ - "Ġtac", - "tile" - ], - [ - "Ġïĥ", - "¦" - ], - [ - "gener", - "ic" - ], - [ - "Ġretro", - "grade" - ], - [ - "Ġf", - "ans" - ], - [ - "Ġf", - "isher" - ], - [ - "Ġl", - "ights" - ], - [ - "ee", - "per" - ], - [ - "Ġundes", - "irable" - ], - [ - "w", - "ald" - ], - [ - "emb", - "ol" - ], - [ - "Ġwr", - "ist" - ], - [ - "Ġauthor", - "ized" - ], - [ - "Ġchond", - "rocytes" - ], - [ - "ĠE", - "PA" - ], - [ - "ne", - "u" - ], - [ - "ĠOper", - "ations" - ], - [ - "Ġche", - "ap" - ], - [ - "Ġan", - "ionic" - ], - [ - "ĠO", - "regon" - ], - [ - "c", - "ot" - ], - [ - "re", - "ason" - ], - [ - "ex", - "istence" - ], - [ - "ĠFin", - "ancial" - ], - [ - "olybden", - "um" - ], - [ - "c", - "us" - ], - [ - "ĠN", - "ON" - ], - [ - "Ġlock", - "ed" - ], - [ - "B", - "it" - ], - [ - "S", - "il" - ], - [ - "m", - "ixing" - ], - [ - "ĠS", - "ites" - ], - [ - "aprote", - "obacteria" - ], - [ - "ĠIn", - "ner" - ], - [ - "Ġcar", - "c" - ], - [ - "Ġbi", - "otic" - ], - [ - "ĠFl", - "ag" - ], - [ - "Ġmag", - "ic" - ], - [ - "kine", - "tic" - ], - [ - "ic", - "ted" - ], - [ - "Ġbul", - "b" - ], - [ - "sup", - "set" - ], - [ - "pe", - "z" - ], - [ - "deriv", - "ative" - ], - [ - "Ġe", - "IF" - ], - [ - "ĠR", - "ough" - ], - [ - "di", - "rectional" - ], - [ - "ex", - "it" - ], - [ - "ax", - "y" - ], - [ - "xt", - "ures" - ], - [ - "phim", - "urium" - ], - [ - "ĠT", - "Fs" - ], - [ - "ath", - "in" - ], - [ - "Ġor", - "ch" - ], - [ - "Ġspect", - "ro" - ], - [ - "duct", - "ase" - ], - [ - "quin", - "olin" - ], - [ - "Ġgras", - "p" - ], - [ - "Ġpar", - "sing" - ], - [ - "Ġdiffic", - "ile" - ], - [ - "ĠLD", - "H" - ], - [ - "ĠJup", - "iter" - ], - [ - "ĠF", - "IF" - ], - [ - "ĠPri", - "ze" - ], - [ - "Ġinten", - "tions" - ], - [ - "s", - "ession" - ], - [ - "pow", - "ered" - ], - [ - "ĠB", - "am" - ], - [ - "ph", - "asic" - ], - [ - "Ġign", - "oring" - ], - [ - "ĠRichard", - "son" - ], - [ - "princ", - "iples" - ], - [ - "Ġoffic", - "ially" - ], - [ - "C", - "t" - ], - [ - "Ġinc", - "on" - ], - [ - "ĠReg", - "ulates" - ], - [ - "Ġm", - "isc" - ], - [ - "ĠE", - "Z" - ], - [ - "Ġsyn", - "onym" - ], - [ - "Ġunfold", - "ing" - ], - [ - "ĠD", - "EC" - ], - [ - "ĠR", - "X" - ], - [ - "PD", - "F" - ], - [ - "Ġbran", - "es" - ], - [ - "typ", - "ically" - ], - [ - "Ġc", - "ages" - ], - [ - "if", - "olia" - ], - [ - "ug", - "u" - ], - [ - "oll", - "en" - ], - [ - "Ġtable", - "t" - ], - [ - "ĠS", - "ah" - ], - [ - "ĠP", - "VD" - ], - [ - "Ġal", - "ert" - ], - [ - "Ġformer", - "ly" - ], - [ - "ĠKR", - "AS" - ], - [ - "s", - "un" - ], - [ - "Ġde", - "acetyl" - ], - [ - "M", - "er" - ], - [ - "Ġskew", - "ed" - ], - [ - "ĠPle", - "istocene" - ], - [ - "ĠB", - "etter" - ], - [ - "ĠH", - "ud" - ], - [ - "ĠBro", - "ok" - ], - [ - "Ġp", - "ts" - ], - [ - "ĠH", - "U" - ], - [ - "om", - "o" - ], - [ - "ag", - "rass" - ], - [ - "Ġenvironment", - "ally" - ], - [ - "Ġhon", - "est" - ], - [ - "ĠN", - "ine" - ], - [ - "Ġpig", - "ments" - ], - [ - "l", - "inks" - ], - [ - "ĠT", - "OP" - ], - [ - "ĠCytoplas", - "m" - ], - [ - "G", - "ib" - ], - [ - "Ġaccess", - "ing" - ], - [ - "mi", - "as" - ], - [ - "Ġexplos", - "ive" - ], - [ - "Ġres", - "ide" - ], - [ - "art", - "an" - ], - [ - "Ġtransition", - "al" - ], - [ - "Ġun", - "precedented" - ], - [ - "Ġ", - "rom" - ], - [ - "ĠTNF", - "α" - ], - [ - "Ġprecipit", - "ated" - ], - [ - "Ġt", - "ie" - ], - [ - "IS", - "S" - ], - [ - "Ġthick", - "er" - ], - [ - "ĠLat", - "ent" - ], - [ - "ĠValue", - "Error" - ], - [ - "d", - "q" - ], - [ - "d", - "ma" - ], - [ - "Ġchrom", - "atic" - ], - [ - "ĠSub", - "section" - ], - [ - "ĠF", - "ACS" - ], - [ - "Ġrenormal", - "ized" - ], - [ - "P", - "rop" - ], - [ - "m", - "TOR" - ], - [ - "ĠH", - "CO" - ], - [ - "Ġover", - "lo" - ], - [ - "bs", - "iella" - ], - [ - "yl", - "obacter" - ], - [ - "Ġneuro", - "imaging" - ], - [ - "Ġassembl", - "age" - ], - [ - "Ġexp", - "ands" - ], - [ - "Ġî", - "Ī" - ], - [ - "ĠF", - "un" - ], - [ - "Ġc", - "itation" - ], - [ - "IK", - "V" - ], - [ - "Ġtro", - "ops" - ], - [ - "in", - "istic" - ], - [ - "Ġc", - "ubes" - ], - [ - "Ġf", - "ont" - ], - [ - "ĠH", - "os" - ], - [ - "ger", - "ies" - ], - [ - "Ġsuccess", - "ively" - ], - [ - "Ġdeco", - "herence" - ], - [ - "S", - "pringer" - ], - [ - "h", - "in" - ], - [ - "at", - "ine" - ], - [ - "ĠâĪ", - "¥" - ], - [ - "SA", - "S" - ], - [ - "é", - "t" - ], - [ - "ĠSed", - "iment" - ], - [ - "u", - "ously" - ], - [ - "ĠW", - "ars" - ], - [ - "ind", - "icated" - ], - [ - "Ġfl", - "ask" - ], - [ - "A", - "IDS" - ], - [ - "Ġc", - "ra" - ], - [ - "ĠL", - "ot" - ], - [ - "Ġprim", - "al" - ], - [ - "Ġjus", - "tice" - ], - [ - "z", - "ag" - ], - [ - "Ġmax", - "illary" - ], - [ - "Ġgeneral", - "izations" - ], - [ - "uel", - "a" - ], - [ - "Ġtag", - "ging" - ], - [ - "Ġpup", - "il" - ], - [ - "Ġin", - "expensive" - ], - [ - "Ġw", - "atch" - ], - [ - "ĠA", - "MD" - ], - [ - "ĠF", - "ir" - ], - [ - "Ġneuro", - "blastoma" - ], - [ - "Ġmaxim", - "izes" - ], - [ - "ĠObs", - "erved" - ], - [ - "mi", - "xture" - ], - [ - "Ġopportun", - "istic" - ], - [ - "t", - "rial" - ], - [ - "ah", - "an" - ], - [ - "Ġïģ", - "¬" - ], - [ - "Ġcat", - "ar" - ], - [ - "ĠControl", - "s" - ], - [ - "ĠNew", - "man" - ], - [ - "Ġmicro", - "structural" - ], - [ - "bor", - "ns" - ], - [ - "Ġoxygen", - "ation" - ], - [ - "ĠMac", - "ro" - ], - [ - "ĠJ", - "ak" - ], - [ - "plic", - "ating" - ], - [ - "Ġolig", - "odend" - ], - [ - "Ġres", - "orption" - ], - [ - "Ġd", - "orm" - ], - [ - "Ġsol", - "vers" - ], - [ - "ĠK", - "ruskal" - ], - [ - "ĠRe", - "volution" - ], - [ - "ĠGast", - "ro" - ], - [ - "Dri", - "ven" - ], - [ - "Ġt", - "iter" - ], - [ - "Ġo", - "ri" - ], - [ - "ĠP", - "CL" - ], - [ - "Ġwet", - "lands" - ], - [ - "Ġar", - "ticular" - ], - [ - "CC", - "A" - ], - [ - "en", - "oic" - ], - [ - "Ġt", - "rick" - ], - [ - "oper", - "iod" - ], - [ - "ĠCoch", - "rane" - ], - [ - "ad", - "ay" - ], - [ - "ĠC", - "erebral" - ], - [ - "Ġmod", - "ulators" - ], - [ - "ĠS", - "SC" - ], - [ - "Ġactiv", - "ations" - ], - [ - "Ġadap", - "ting" - ], - [ - "ĠScal", - "able" - ], - [ - "n", - "one" - ], - [ - "p", - "ip" - ], - [ - "Ġpri", - "vi" - ], - [ - "ĠPseud", - "o" - ], - [ - "Ġdisapp", - "ears" - ], - [ - "ĠE", - "ur" - ], - [ - "Ġuncon", - "strained" - ], - [ - "Ġsub", - "mit" - ], - [ - "Ġrep", - "utation" - ], - [ - "at", - "ar" - ], - [ - "ĠB", - "ai" - ], - [ - "ari", - "ans" - ], - [ - "ĠInt", - "racellular" - ], - [ - "tre", - "es" - ], - [ - "Ġwet", - "ting" - ], - [ - "ĠFran", - "ces" - ], - [ - "Ġel", - "igibility" - ], - [ - "fold", - "er" - ], - [ - "ĠSta", - "ff" - ], - [ - "ok", - "i" - ], - [ - "Ġstrengthen", - "ed" - ], - [ - "ĠC", - "ob" - ], - [ - "ter", - "al" - ], - [ - "ĠY", - "east" - ], - [ - "by", - "e" - ], - [ - "dec", - "oder" - ], - [ - "Ġrain", - "bow" - ], - [ - "perturb", - "ed" - ], - [ - "v", - "c" - ], - [ - "Ġsupplement", - "al" - ], - [ - "Ġbir", - "ths" - ], - [ - "W", - "O" - ], - [ - "con", - "c" - ], - [ - "stit", - "ution" - ], - [ - "hy", - "brid" - ], - [ - "Ġk", - "i" - ], - [ - "Ġhyp", - "ere" - ], - [ - "ĠS", - "MA" - ], - [ - "form", - "ula" - ], - [ - "Ġund", - "efined" - ], - [ - "na", - "phth" - ], - [ - "Ġdecl", - "ining" - ], - [ - "Ġshield", - "ing" - ], - [ - "Y", - "au" - ], - [ - "Ġre", - "ver" - ], - [ - "ĠW", - "ilk" - ], - [ - "Ġdec", - "imal" - ], - [ - "H", - "CO" - ], - [ - "ang", - "ered" - ], - [ - "Ġeryth", - "rocyte" - ], - [ - "ĉĉ", - "ĠĠĠ" - ], - [ - "n", - "uclear" - ], - [ - "Ġabnorm", - "ality" - ], - [ - "P", - "res" - ], - [ - "Par", - "ticipants" - ], - [ - "ĠW", - "agner" - ], - [ - "Ġfibr", - "ils" - ], - [ - "Ġfet", - "us" - ], - [ - "ĠEx", - "press" - ], - [ - "requ", - "est" - ], - [ - "min", - "imum" - ], - [ - "ĠBo", - "oks" - ], - [ - "het", - "amine" - ], - [ - "us", - "hes" - ], - [ - "ĠB", - "ach" - ], - [ - "ĠD", - "OS" - ], - [ - "lect", - "ric" - ], - [ - "ĠTw", - "een" - ], - [ - "ĠHug", - "hes" - ], - [ - "Ġm", - "artens" - ], - [ - "Ġn", - "ematic" - ], - [ - "Ġexperiment", - "ation" - ], - [ - "ĠPark", - "er" - ], - [ - "Ġepis", - "odic" - ], - [ - "Ġte", - "lem" - ], - [ - "AD", - "E" - ], - [ - "col", - "umns" - ], - [ - "Ġfundament", - "ally" - ], - [ - "en", - "et" - ], - [ - "ĠV", - "l" - ], - [ - "ear", - "th" - ], - [ - "Ġquanti", - "le" - ], - [ - "ĠRe", - "plication" - ], - [ - "Ġcle", - "ared" - ], - [ - "En", - "ergy" - ], - [ - "Sm", - "ith" - ], - [ - "Ġantidepress", - "ant" - ], - [ - "m", - "x" - ], - [ - "p", - "mod" - ], - [ - "am", - "id" - ], - [ - "Ġser", - "otype" - ], - [ - "Ġundergrad", - "uate" - ], - [ - "ĠA", - "rizona" - ], - [ - "Ġp", - "ushed" - ], - [ - "ul", - "u" - ], - [ - "ĠN", - "IC" - ], - [ - "Ġrhe", - "ological" - ], - [ - "ome", - "gal" - ], - [ - "ĠQ", - "ing" - ], - [ - "or", - "ch" - ], - [ - "ir", - "med" - ], - [ - "ĠQu", - "ery" - ], - [ - "Ġsand", - "wich" - ], - [ - "Ġclinic", - "ian" - ], - [ - "ĠEllip", - "tic" - ], - [ - "ĠMe", - "h" - ], - [ - "DE", - "V" - ], - [ - "ĠDeterm", - "ining" - ], - [ - "alc", - "ogen" - ], - [ - "b", - "ench" - ], - [ - "az", - "ep" - ], - [ - "ĠMiss", - "iss" - ], - [ - "ti", - "zing" - ], - [ - "ĠR", - "BC" - ], - [ - "Ġofficial", - "s" - ], - [ - "T", - "ag" - ], - [ - "k", - "T" - ], - [ - "lu", - "ence" - ], - [ - "ĠRo", - "om" - ], - [ - "Ġlect", - "in" - ], - [ - "bar", - "a" - ], - [ - "k", - "yl" - ], - [ - "ON", - "D" - ], - [ - "ĠD", - "ose" - ], - [ - "Ġpr", - "ism" - ], - [ - "Ġreduc", - "tive" - ], - [ - "ĠSpect", - "roscopic" - ], - [ - "od", - "ied" - ], - [ - "col", - "one" - ], - [ - "ĠCON", - "FIG" - ], - [ - "Ġbr", - "ittle" - ], - [ - "in", - "verse" - ], - [ - "ĠB", - "uff" - ], - [ - "yt", - "ocin" - ], - [ - "Ġform", - "ations" - ], - [ - "ĠCon", - "ventional" - ], - [ - "pre", - "v" - ], - [ - "Ġferr", - "ite" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "Ġ" - ], - [ - "Ġadop", - "ts" - ], - [ - "ĠMi", - "ocene" - ], - [ - "man", - "agement" - ], - [ - "ĠCR", - "F" - ], - [ - "ĠHel", - "m" - ], - [ - "Ġdoubl", - "ed" - ], - [ - "ĠEFF", - "ECT" - ], - [ - "Ġd", - "ance" - ], - [ - "struc", - "tions" - ], - [ - "ra", - "it" - ], - [ - "if", - "ers" - ], - [ - "ell", - "ip" - ], - [ - "ut", - "ting" - ], - [ - "pro", - "f" - ], - [ - "ĠQ", - "in" - ], - [ - "Ġab", - "sc" - ], - [ - "Ġexplo", - "its" - ], - [ - "Ġcy", - "ber" - ], - [ - "def", - "inition" - ], - [ - "ĠCoron", - "ary" - ], - [ - "Ġdet", - "erg" - ], - [ - "ĠPer", - "ception" - ], - [ - "ĠCur", - "ves" - ], - [ - "Ġnemat", - "odes" - ], - [ - "Ġlist", - "ening" - ], - [ - "Ġcatal", - "ase" - ], - [ - "C", - "oll" - ], - [ - "r", - "é" - ], - [ - "isl", - "ative" - ], - [ - "Ġarri", - "ving" - ], - [ - "Ġviol", - "ating" - ], - [ - "Ð", - "´" - ], - [ - "he", - "tics" - ], - [ - "ĠJ", - "ar" - ], - [ - "con", - "cept" - ], - [ - "Ġbr", - "ush" - ], - [ - "immun", - "ity" - ], - [ - "Ġfinger", - "print" - ], - [ - "res", - "id" - ], - [ - "Ġelev", - "ations" - ], - [ - "ock", - "ets" - ], - [ - "Ġcatech", - "ol" - ], - [ - "и", - "Ñ" - ], - [ - "Ġprecipit", - "ates" - ], - [ - "Ġsoc", - "cer" - ], - [ - "ins", - "ulin" - ], - [ - "Ġpurs", - "ue" - ], - [ - "ĠI", - "CA" - ], - [ - "ĠPol", - "ice" - ], - [ - "ĠMur", - "phy" - ], - [ - "T", - "ask" - ], - [ - "ĠC", - "oc" - ], - [ - "ĠH", - "abit" - ], - [ - "ĠK", - "P" - ], - [ - "Ġfl", - "oral" - ], - [ - "Ġh", - "un" - ], - [ - "Ġhydrogen", - "ation" - ], - [ - "Ġsp", - "ong" - ], - [ - "Ġch", - "imeric" - ], - [ - "ĠK", - "och" - ], - [ - "g", - "on" - ], - [ - "ĠSch", - "ur" - ], - [ - "ĠGre", - "ater" - ], - [ - "R", - "X" - ], - [ - "Ġc", - "ing" - ], - [ - "ĠW", - "altham" - ], - [ - "ang", - "ling" - ], - [ - "Ġcoun", - "ties" - ], - [ - "Ġlam", - "ina" - ], - [ - "Ġco", - "uncil" - ], - [ - "s", - "ort" - ], - [ - "ĠB", - "arc" - ], - [ - "ĠD", - "ow" - ], - [ - "ĠZ", - "eng" - ], - [ - "Ġdev", - "ised" - ], - [ - "uit", - "able" - ], - [ - "Ġmethyl", - "ene" - ], - [ - "Ġsuperior", - "ity" - ], - [ - "Ġepiderm", - "is" - ], - [ - "Ġp", - "rag" - ], - [ - "ĠP", - "ED" - ], - [ - "threat", - "ening" - ], - [ - "ish", - "i" - ], - [ - "Ġe", - "psilon" - ], - [ - "add", - "ress" - ], - [ - "ENT", - "AL" - ], - [ - "ĠB", - "le" - ], - [ - "ĠAnton", - "io" - ], - [ - "o", - "other" - ], - [ - "ĠAg", - "ar" - ], - [ - "Ġneighborhood", - "s" - ], - [ - "Ġshorten", - "ed" - ], - [ - "ST", - "ATE" - ], - [ - "ĠSer", - "ial" - ], - [ - "M", - "AR" - ], - [ - "O", - "U" - ], - [ - "Ġencaps", - "ulation" - ], - [ - "ĠCons", - "ortium" - ], - [ - "D", - "r" - ], - [ - "pro", - "file" - ], - [ - "Ġem", - "itter" - ], - [ - "Ġnec", - "rotic" - ], - [ - "ĠAut", - "onomous" - ], - [ - "ĠPhosph", - "orylation" - ], - [ - "min", - "im" - ], - [ - "anth", - "in" - ], - [ - "ĠS", - "ph" - ], - [ - "ĠG", - "ur" - ], - [ - "di", - "hydroxy" - ], - [ - "dist", - "ributed" - ], - [ - "ĠRP", - "MI" - ], - [ - "st", - "ones" - ], - [ - "Ġhyper", - "fine" - ], - [ - "Ġis", - "let" - ], - [ - "ĠS", - "lo" - ], - [ - "plet", - "ely" - ], - [ - "Ġin", - "activated" - ], - [ - "ĠAgric", - "ulture" - ], - [ - "Ġtrem", - "end" - ], - [ - "Ġevery", - "one" - ], - [ - "omp", - "onent" - ], - [ - "Zn", - "O" - ], - [ - "MP", - "I" - ], - [ - "ĠDi", - "amond" - ], - [ - "ĠâŁ", - "¨" - ], - [ - "C", - "ost" - ], - [ - "Ġdis", - "abilities" - ], - [ - "in", - "ver" - ], - [ - "ĠC", - "ensus" - ], - [ - "ech", - "o" - ], - [ - "Ġveget", - "ative" - ], - [ - "Ġwilling", - "ness" - ], - [ - "Ġrec", - "ap" - ], - [ - "ĠConst", - "raint" - ], - [ - "ĠP", - "atrick" - ], - [ - "Ġover", - "t" - ], - [ - "Ġmo", - "ieties" - ], - [ - "or", - "ax" - ], - [ - "ip", - "pi" - ], - [ - "Di", - "rect" - ], - [ - "Ġcar", - "ies" - ], - [ - "Ġlocal", - "ities" - ], - [ - "lat", - "tices" - ], - [ - "ĠExpl", - "oration" - ], - [ - "ĠA", - "W" - ], - [ - "Ġloc", - "king" - ], - [ - "Ġcoinc", - "ident" - ], - [ - "Ġmultim", - "edia" - ], - [ - "Ġtempor", - "arily" - ], - [ - "ĠC", - "aus" - ], - [ - "enc", - "ia" - ], - [ - "Ġweather", - "ing" - ], - [ - "ĠHelic", - "obacter" - ], - [ - "ĠTh", - "ings" - ], - [ - "hip", - "s" - ], - [ - "m", - "oving" - ], - [ - "Ġs", - "igmoid" - ], - [ - "is", - "in" - ], - [ - "ĠB", - "ec" - ], - [ - "Ġmicro", - "grams" - ], - [ - "bound", - "s" - ], - [ - "ĠCol", - "umn" - ], - [ - "Ġcommut", - "ing" - ], - [ - "ĠJ", - "en" - ], - [ - "Ġhour", - "ly" - ], - [ - "M", - "SC" - ], - [ - "Ġattend", - "ance" - ], - [ - "ĠâIJ", - "£" - ], - [ - "ĠE", - "O" - ], - [ - "pro", - "g" - ], - [ - "Ġrap", - "amycin" - ], - [ - "ĠPredict", - "ors" - ], - [ - "ĠRetrie", - "ved" - ], - [ - "Ġsub", - "species" - ], - [ - "Ġderiv", - "es" - ], - [ - "ĠÄ", - "¤" - ], - [ - "ĠGener", - "ating" - ], - [ - "ann", - "ers" - ], - [ - "Ġvol", - "at" - ], - [ - "Ġvis", - "iting" - ], - [ - "ĠCalc", - "ulations" - ], - [ - "ñ", - "a" - ], - [ - "Ġdes", - "ert" - ], - [ - "Ġexpect", - "ancy" - ], - [ - "BM", - "Cs" - ], - [ - "ĠExpl", - "o" - ], - [ - "Ġtrav", - "elling" - ], - [ - "ic", - "um" - ], - [ - "Ġsub", - "division" - ], - [ - "Ġcross", - "linking" - ], - [ - "benz", - "oth" - ], - [ - "ĠT", - "on" - ], - [ - "RE", - "N" - ], - [ - "Ġle", - "th" - ], - [ - "rab", - "bit" - ], - [ - "ĠAb", - "ove" - ], - [ - "ul", - "ted" - ], - [ - "Ġcon", - "stric" - ], - [ - "J", - "ones" - ], - [ - "z", - "hou" - ], - [ - "ver", - "n" - ], - [ - "ĠL", - "ady" - ], - [ - "ĠBu", - "ffer" - ], - [ - "ĠControll", - "ing" - ], - [ - "Ġmulti", - "scale" - ], - [ - "nik", - "ov" - ], - [ - "acy", - "cl" - ], - [ - "Ġprost", - "hesis" - ], - [ - "A", - "f" - ], - [ - "ĠCor", - "ps" - ], - [ - "struc", - "ted" - ], - [ - "G", - "rid" - ], - [ - "in", - "ning" - ], - [ - "old", - "ing" - ], - [ - "Ġthi", - "ol" - ], - [ - "ik", - "ov" - ], - [ - "âĢ¢âĢ¢", - "âĢ¢" - ], - [ - "Ġgovern", - "ments" - ], - [ - "rap", - "ping" - ], - [ - "Ġthromb", - "ocyt" - ], - [ - "L", - "eg" - ], - [ - "R", - "Y" - ], - [ - "ĠI", - "celand" - ], - [ - "ocy", - "cle" - ], - [ - "ĠMem", - "orial" - ], - [ - "g", - "ot" - ], - [ - "Ġid", - "em" - ], - [ - "ĠBu", - "ild" - ], - [ - "olip", - "oprotein" - ], - [ - "D", - "V" - ], - [ - "Ġph", - "thal" - ], - [ - "rich", - "ment" - ], - [ - "ĠHa", - "em" - ], - [ - "Ġansw", - "ering" - ], - [ - "ĠI", - "J" - ], - [ - "Ġtrans", - "gene" - ], - [ - "Ġre", - "named" - ], - [ - "ĠImage", - "J" - ], - [ - "Ġcass", - "ette" - ], - [ - "Ġcoales", - "cence" - ], - [ - "Ġcomp", - "action" - ], - [ - "Ġwild", - "life" - ], - [ - "Ġw", - "ins" - ], - [ - "Ġsuper", - "novae" - ], - [ - "enter", - "ic" - ], - [ - "isp", - "here" - ], - [ - "Ġtrack", - "er" - ], - [ - "Ġevid", - "ences" - ], - [ - "Ġcom", - "orbidity" - ], - [ - "ĠR", - "ules" - ], - [ - "ph", - "asing" - ], - [ - "ĠLange", - "vin" - ], - [ - "ĠF", - "it" - ], - [ - "Ġpsy", - "chiat" - ], - [ - "Ġbreak", - "through" - ], - [ - "Ġch", - "olinergic" - ], - [ - "ĠMet", - "all" - ], - [ - "bre", - "eding" - ], - [ - "itin", - "ib" - ], - [ - "Ġsol", - "o" - ], - [ - "abl", - "ing" - ], - [ - "eli", - "ef" - ], - [ - "osc", - "ill" - ], - [ - "re", - "v" - ], - [ - "ary", - "a" - ], - [ - "Ġgood", - "ness" - ], - [ - "ĠPB", - "E" - ], - [ - "Ġa", - "wards" - ], - [ - "Ġc", - "rani" - ], - [ - "Ġphot", - "ograp" - ], - [ - "aren", - "ts" - ], - [ - "Ġfix", - "es" - ], - [ - "r", - "ÃŃ" - ], - [ - "ass", - "uming" - ], - [ - "Ġcongru", - "ent" - ], - [ - "ĠM", - "other" - ], - [ - "ĠN", - "ap" - ], - [ - "ĠPro", - "c" - ], - [ - "Ġcategor", - "ization" - ], - [ - "in", - "ch" - ], - [ - "ĠH", - "orm" - ], - [ - "ĠInter", - "ventions" - ], - [ - "Ġnone", - "quilibrium" - ], - [ - "Ġencryp", - "ted" - ], - [ - "prim", - "ary" - ], - [ - "i", - "ens" - ], - [ - "l", - "ac" - ], - [ - "ram", - "s" - ], - [ - "Ġbo", - "ards" - ], - [ - "ĠH", - "ell" - ], - [ - "charg", - "ed" - ], - [ - "Ġperi", - "operative" - ], - [ - "em", - "p" - ], - [ - "ĠInvol", - "vement" - ], - [ - "R", - "uss" - ], - [ - "un", - "ivers" - ], - [ - "ĠD", - "J" - ], - [ - "Ġdisag", - "reement" - ], - [ - "Ġper", - "t" - ], - [ - "Ġstrom", - "a" - ], - [ - "Ġcalc", - "ite" - ], - [ - "Ġrot", - "ary" - ], - [ - "Ġmethyl", - "transferase" - ], - [ - "Ġancest", - "ry" - ], - [ - "ĠW", - "itten" - ], - [ - "CR", - "C" - ], - [ - "ure", - "tic" - ], - [ - "ophy", - "ta" - ], - [ - "provid", - "ed" - ], - [ - "Ġcorresponding", - "ly" - ], - [ - "big", - "cap" - ], - [ - "ĠAg", - "ilent" - ], - [ - "Ã", - "«" - ], - [ - "ro", - "oms" - ], - [ - "Ġdis", - "ent" - ], - [ - "Ġdil", - "utions" - ], - [ - "ĠMy", - "el" - ], - [ - "Ġquas", - "ar" - ], - [ - "Ġtil", - "ted" - ], - [ - "Ġinternal", - "ization" - ], - [ - "ĠPri", - "vate" - ], - [ - "ĠFried", - "man" - ], - [ - "Ġsevent", - "h" - ], - [ - "ĠCl", - "osed" - ], - [ - "CT", - "C" - ], - [ - "g", - "ren" - ], - [ - "ĠColomb", - "ia" - ], - [ - "od", - "el" - ], - [ - "Ġpoli", - "tics" - ], - [ - "ĠMSS", - "M" - ], - [ - "Ġm", - "ate" - ], - [ - "Ġcom", - "mod" - ], - [ - "ĠR", - "us" - ], - [ - "Ġanest", - "hetized" - ], - [ - "t", - "ogether" - ], - [ - "ĠB", - "CS" - ], - [ - "ew", - "ski" - ], - [ - "romagn", - "et" - ], - [ - "ĠC", - "un" - ], - [ - "Ġcur", - "ative" - ], - [ - "Ġim", - "putation" - ], - [ - "Ġcarb", - "ide" - ], - [ - "D", - "FT" - ], - [ - "ns", - "ic" - ], - [ - "be", - "e" - ], - [ - "Ġspl", - "en" - ], - [ - "ĠMary", - "land" - ], - [ - "Ġoligonucle", - "otide" - ], - [ - "ĠVeg", - "et" - ], - [ - "buff", - "ered" - ], - [ - "N", - "ational" - ], - [ - "le", - "tic" - ], - [ - "ĠS", - "yl" - ], - [ - "Ġse", - "ab" - ], - [ - "ardi", - "al" - ], - [ - "Ġport", - "ray" - ], - [ - "Ġaberr", - "ations" - ], - [ - "Ġst", - "orms" - ], - [ - "ĠSh", - "an" - ], - [ - "ĠGen", - "Bank" - ], - [ - "iss", - "a" - ], - [ - "Ġc", - "et" - ], - [ - "Ġben", - "ch" - ], - [ - "ĠRecommend", - "ations" - ], - [ - "Ġtri", - "ples" - ], - [ - "Ġïĥ", - "¥" - ], - [ - "ĠNeu", - "ros" - ], - [ - "Ġdisc", - "om" - ], - [ - "se", - "ason" - ], - [ - "ĠEx", - "ec" - ], - [ - "chang", - "ing" - ], - [ - "Ġarri", - "ves" - ], - [ - "H", - "ash" - ], - [ - "m", - "RNA" - ], - [ - "Ġf", - "ric" - ], - [ - "as", - "a" - ], - [ - "ob", - "ia" - ], - [ - "Ġpost", - "synaptic" - ], - [ - "optim", - "izer" - ], - [ - "ĠCloud", - "s" - ], - [ - "Ġhyper", - "sensitivity" - ], - [ - "v", - "acc" - ], - [ - "ĠS", - "ig" - ], - [ - "ph", - "ilic" - ], - [ - "Ġground", - "ed" - ], - [ - "ĠW", - "an" - ], - [ - "ĠCal", - "abi" - ], - [ - "ĠMach", - "ines" - ], - [ - "Ġaxis", - "ymmetric" - ], - [ - "ĠSte", - "ve" - ], - [ - "Ġpull", - "ed" - ], - [ - "ĠEx", - "cel" - ], - [ - "Ġdiamond", - "s" - ], - [ - "K", - "R" - ], - [ - "W", - "est" - ], - [ - "ĠD", - "est" - ], - [ - "Ġann", - "ular" - ], - [ - "Ġarch", - "ive" - ], - [ - "Ġparench", - "yma" - ], - [ - "ĠE", - "H" - ], - [ - "ó", - "pez" - ], - [ - "Ġunp", - "ublished" - ], - [ - "Ġs", - "outheastern" - ], - [ - "Ġn", - "ests" - ], - [ - "dim", - "ensions" - ], - [ - "lat", - "itude" - ], - [ - "O", - "rig" - ], - [ - "ec", - "ed" - ], - [ - "ĠD", - "raw" - ], - [ - "red", - "shift" - ], - [ - "Ġam", - "yl" - ], - [ - "omyel", - "itis" - ], - [ - "W", - "hy" - ], - [ - "c", - "aro" - ], - [ - "i", - "q" - ], - [ - "ass", - "ess" - ], - [ - "ĠCont", - "in" - ], - [ - "Ġchir", - "ality" - ], - [ - "mat", - "ical" - ], - [ - "Ġchaper", - "one" - ], - [ - "Ġendometri", - "osis" - ], - [ - "re", - "lu" - ], - [ - "Ġconver", - "ged" - ], - [ - "bro", - "ad" - ], - [ - "ĠIter", - "ative" - ], - [ - "Ġvascul", - "ature" - ], - [ - "f", - "und" - ], - [ - "ĠF", - "ly" - ], - [ - "Ġanti", - "genic" - ], - [ - "Ġmening", - "itis" - ], - [ - "Ġent", - "ails" - ], - [ - "hor", - "n" - ], - [ - "Ġlocom", - "otor" - ], - [ - "iz", - "ard" - ], - [ - "Ġun", - "even" - ], - [ - "par", - "ity" - ], - [ - "pack", - "et" - ], - [ - "tub", - "ulin" - ], - [ - "Ġsew", - "age" - ], - [ - "Ġdec", - "entralized" - ], - [ - "Ġgra", - "fted" - ], - [ - "Ġse", - "p" - ], - [ - "ĠExt", - "ensive" - ], - [ - "Ġspl", - "ine" - ], - [ - "qu", - "er" - ], - [ - "arch", - "it" - ], - [ - "Ġprim", - "ate" - ], - [ - "Ġïģ", - "±" - ], - [ - "pyrim", - "idin" - ], - [ - "ĠS", - "AP" - ], - [ - "Ġunder", - "lie" - ], - [ - "Ġanalyz", - "es" - ], - [ - "ĠC", - "CA" - ], - [ - "rec", - "ogn" - ], - [ - "IP", - "T" - ], - [ - "Diff", - "erent" - ], - [ - "ĠTE", - "ST" - ], - [ - "Ġunf", - "avorable" - ], - [ - "ed", - "ic" - ], - [ - "ĠAb", - "normal" - ], - [ - "pyrim", - "idine" - ], - [ - "ur", - "ine" - ], - [ - "embed", - "ded" - ], - [ - "var", - "ies" - ], - [ - "otrop", - "in" - ], - [ - "Ġsem", - "en" - ], - [ - "Ġtransmit", - "tance" - ], - [ - "Ġab", - "ras" - ], - [ - "Ġó", - "¸Ģł" - ], - [ - "Ġtriglycer", - "ide" - ], - [ - "b", - "undle" - ], - [ - "ĠY", - "b" - ], - [ - "ĠCar", - "r" - ], - [ - "Ġnam", - "ing" - ], - [ - "We", - "ight" - ], - [ - "Ġcondens", - "ates" - ], - [ - "Ġn", - "os" - ], - [ - "am", - "ard" - ], - [ - "ver", - "tices" - ], - [ - "EL", - "S" - ], - [ - "id", - "one" - ], - [ - "Ġcont", - "est" - ], - [ - "Ġhead", - "ing" - ], - [ - "ĠGal", - "erkin" - ], - [ - "G", - "V" - ], - [ - "ĠGl", - "i" - ], - [ - "Ġfer", - "mented" - ], - [ - "Ġb", - "ilingual" - ], - [ - "Ġt", - "icks" - ], - [ - "Ġk", - "ary" - ], - [ - "rag", - "al" - ], - [ - "ĠA", - "ber" - ], - [ - "ĠYou", - "Tube" - ], - [ - "UCT", - "URE" - ], - [ - "b", - "ranch" - ], - [ - "Ø", - "±" - ], - [ - "ĠF", - "H" - ], - [ - "on", - "oi" - ], - [ - "im", - "otor" - ], - [ - "Ġver", - "ifying" - ], - [ - "ĠCon", - "ceptual" - ], - [ - "ĠDetermin", - "ants" - ], - [ - "ur", - "m" - ], - [ - "ur", - "onic" - ], - [ - "ĠK", - "au" - ], - [ - "ĠCon", - "formal" - ], - [ - "Ġdrop", - "ping" - ], - [ - "ĠFlow", - "s" - ], - [ - "glu", - "on" - ], - [ - "ag", - "ain" - ], - [ - "ĠMR", - "SA" - ], - [ - "war", - "f" - ], - [ - "Ġemphas", - "izes" - ], - [ - "Ent", - "ry" - ], - [ - "ĠA", - "SP" - ], - [ - "res", - "ol" - ], - [ - "vent", - "ricular" - ], - [ - "ĠâĨ", - "Ķ" - ], - [ - "Ġoverex", - "pressing" - ], - [ - "omegal", - "ovirus" - ], - [ - "in", - "oc" - ], - [ - "SC", - "O" - ], - [ - "ĠPAR", - "P" - ], - [ - "ĠSch", - "ul" - ], - [ - "ĠCam", - "b" - ], - [ - "ĠP", - "od" - ], - [ - "ĠP", - "un" - ], - [ - "ĠCompe", - "tition" - ], - [ - "ĠG", - "ATA" - ], - [ - "Ġmo", - "on" - ], - [ - "Ġput", - "s" - ], - [ - "angi", - "ogenic" - ], - [ - "ĠRepublic", - "an" - ], - [ - "ĠUb", - "iqu" - ], - [ - "e", - "ys" - ], - [ - "ĠG", - "ong" - ], - [ - "arg", - "er" - ], - [ - "ĠInter", - "mediate" - ], - [ - "Ġinterp", - "olated" - ], - [ - "Ġenlarg", - "ement" - ], - [ - "Ġin", - "struct" - ], - [ - "Ġr", - "c" - ], - [ - "di", - "oxo" - ], - [ - "ey", - "e" - ], - [ - "ĠCar", - "ls" - ], - [ - "ĠMeas", - "ured" - ], - [ - "ir", - "cles" - ], - [ - "ĠR", - "af" - ], - [ - "Ġar", - "b" - ], - [ - "ex", - "amples" - ], - [ - "M", - "i" - ], - [ - "ĠS", - "tern" - ], - [ - "ĠF", - "K" - ], - [ - "Ġmill", - "isecond" - ], - [ - "ĠIR", - "F" - ], - [ - "ĠEp", - "ithelial" - ], - [ - "ed", - "icine" - ], - [ - "el", - "es" - ], - [ - "s", - "ig" - ], - [ - "âĪ", - "Ģ" - ], - [ - "ĠWi", - "ener" - ], - [ - "b", - "auer" - ], - [ - "ous", - "es" - ], - [ - "Ġcol", - "oured" - ], - [ - "ĠIncre", - "ase" - ], - [ - "Ġtriglycer", - "ides" - ], - [ - "Ġaeg", - "ypti" - ], - [ - "ĠNumer", - "ous" - ], - [ - "Ġretard", - "ation" - ], - [ - "Ġinter", - "cellular" - ], - [ - "ĠKle", - "bsiella" - ], - [ - "ĠD", - "ra" - ], - [ - "ĠD", - "IC" - ], - [ - "ĠTh", - "reshold" - ], - [ - "rain", - "ment" - ], - [ - "Ġrepro", - "ducing" - ], - [ - "Ġul", - "cers" - ], - [ - "Ġa", - "rousal" - ], - [ - "ĠH", - "ills" - ], - [ - "Ġcal", - "ves" - ], - [ - "ĠRes", - "ervoir" - ], - [ - "ĠRad", - "ar" - ], - [ - "Ġpsych", - "osis" - ], - [ - "ĠFOR", - "M" - ], - [ - "d", - "uration" - ], - [ - "ĠAc", - "ademic" - ], - [ - "c", - "atal" - ], - [ - "oll", - "a" - ], - [ - "ol", - "ol" - ], - [ - "ĠC", - "ron" - ], - [ - "ik", - "o" - ], - [ - "Ġextrem", - "es" - ], - [ - "ĠTryp", - "an" - ], - [ - "Ġb", - "ip" - ], - [ - "Ġal", - "ginate" - ], - [ - "ĠH", - "och" - ], - [ - "ĠBen", - "nett" - ], - [ - "ĠH", - "ippocamp" - ], - [ - "ĠGe", - "ological" - ], - [ - "N", - "evertheless" - ], - [ - "ĠH", - "es" - ], - [ - "ĠAd", - "ding" - ], - [ - "Ġextern", - "ally" - ], - [ - "Ġsl", - "ag" - ], - [ - "Ġte", - "ach" - ], - [ - "ĠStan", - "ley" - ], - [ - "controll", - "er" - ], - [ - "ĠUn", - "its" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠ" - ], - [ - "Ġaer", - "odynamic" - ], - [ - "oval", - "ent" - ], - [ - "c", - "ube" - ], - [ - "Å", - "Ł" - ], - [ - "re", - "quire" - ], - [ - "romo", - "lecules" - ], - [ - "ir", - "teen" - ], - [ - "Ġcl", - "auses" - ], - [ - "Ġdef", - "eat" - ], - [ - "pol", - "icy" - ], - [ - "Ġfaith", - "ful" - ], - [ - "Ġp", - "q" - ], - [ - "ĠTan", - "aka" - ], - [ - "ĠE", - "ver" - ], - [ - "Ġun", - "predict" - ], - [ - "aut", - "y" - ], - [ - "ĠGAL", - "AX" - ], - [ - "Ġt", - "ide" - ], - [ - "ĠFilter", - "ing" - ], - [ - "Ġeut", - "han" - ], - [ - "mer", - "ce" - ], - [ - "DE", - "X" - ], - [ - "Ġnest", - "ing" - ], - [ - "D", - "N" - ], - [ - "IR", - "T" - ], - [ - "ĠTh", - "r" - ], - [ - "tis", - "sue" - ], - [ - "Ġpal", - "ae" - ], - [ - "Ï", - "©" - ], - [ - "Ġdil", - "ated" - ], - [ - "Ġpin", - "ning" - ], - [ - "R", - "b" - ], - [ - "ĠS", - "ap" - ], - [ - "rag", - "onal" - ], - [ - "ĠS", - "PR" - ], - [ - "ĠD", - "ial" - ], - [ - "Ġac", - "upuncture" - ], - [ - "di", - "ameter" - ], - [ - "ĠPC", - "B" - ], - [ - "Par", - "ameters" - ], - [ - "ĠProf", - "iles" - ], - [ - "transf", - "ected" - ], - [ - "l", - "iter" - ], - [ - "ĠR", - "ights" - ], - [ - "Ġcontrib", - "utor" - ], - [ - "ĠCor", - "rel" - ], - [ - "Ġregression", - "s" - ], - [ - "Ġsegment", - "al" - ], - [ - "Sh", - "ape" - ], - [ - "I", - "AN" - ], - [ - "ec", - "om" - ], - [ - "com", - "ings" - ], - [ - "Ġhemorrh", - "agic" - ], - [ - "op", - "os" - ], - [ - "Ġrefrac", - "tion" - ], - [ - "P", - "FC" - ], - [ - "pro", - "j" - ], - [ - "ov", - "o" - ], - [ - "ĠDer", - "ived" - ], - [ - "Ġundi", - "rected" - ], - [ - "Ġl", - "os" - ], - [ - "Ġeng", - "aging" - ], - [ - "c", - "ans" - ], - [ - "Ġdestr", - "uctive" - ], - [ - "P", - "op" - ], - [ - "Ġm", - "akers" - ], - [ - "ĠW", - "or" - ], - [ - "ĠAre", - "as" - ], - [ - "vas", - "ion" - ], - [ - "Ġpara", - "formaldehyde" - ], - [ - "abin", - "oid" - ], - [ - "c", - "py" - ], - [ - "pro", - "xim" - ], - [ - "Ġen", - "amel" - ], - [ - "Ġpa", - "ediatric" - ], - [ - "ĠChild", - "hood" - ], - [ - "Ġp", - "ectin" - ], - [ - "ofil", - "m" - ], - [ - "Ġcarboxyl", - "ic" - ], - [ - "Ġa", - "usten" - ], - [ - "Ġun", - "equal" - ], - [ - "ĠCount", - "ry" - ], - [ - "Ġiter", - "ated" - ], - [ - "Ġflank", - "ing" - ], - [ - "Ġt", - "raction" - ], - [ - "ans", - "on" - ], - [ - "isc", - "us" - ], - [ - "ĠDav", - "ies" - ], - [ - "ra", - "ham" - ], - [ - "ter", - "ozoic" - ], - [ - "ĠBr", - "ass" - ], - [ - "O", - "c" - ], - [ - "Ġun", - "ification" - ], - [ - "met", - "er" - ], - [ - "ĠNe", - "on" - ], - [ - "bu", - "ilding" - ], - [ - "ic", - "ting" - ], - [ - "Ġjus", - "tification" - ], - [ - "Pri", - "or" - ], - [ - "Ġfir", - "ms" - ], - [ - "Ġeduc", - "ated" - ], - [ - "Ġinters", - "ecting" - ], - [ - "Ġboost", - "ing" - ], - [ - "P", - "ass" - ], - [ - "m", - "ember" - ], - [ - "con", - "tains" - ], - [ - "ran", - "o" - ], - [ - "rel", - "ax" - ], - [ - "ĠCollabor", - "ative" - ], - [ - "Ġp", - "x" - ], - [ - "Ġseed", - "ing" - ], - [ - "cri", - "pts" - ], - [ - "ine", - "z" - ], - [ - "ome", - "res" - ], - [ - "Ġsib", - "lings" - ], - [ - "ang", - "ing" - ], - [ - "fer", - "t" - ], - [ - "Ġrecover", - "ing" - ], - [ - "p", - "ure" - ], - [ - "Ġs", - "d" - ], - [ - "ĠV", - "ul" - ], - [ - "ped", - "ance" - ], - [ - "Ġfight", - "ing" - ], - [ - "S", - "uper" - ], - [ - "ĠI", - "to" - ], - [ - "Ġper", - "imeter" - ], - [ - "ĠInhib", - "itors" - ], - [ - "electro", - "de" - ], - [ - "en", - "abled" - ], - [ - "f", - "b" - ], - [ - "ĠP", - "Cs" - ], - [ - "Ġn", - "ausea" - ], - [ - "ĠCon", - "version" - ], - [ - "Ġsl", - "a" - ], - [ - "Ġinver", - "tebrates" - ], - [ - "ĠBri", - "an" - ], - [ - "Ġcontig", - "uous" - ], - [ - "ĠACKNOWLED", - "GM" - ], - [ - "ur", - "face" - ], - [ - "Ġco", - "ars" - ], - [ - "ĠLe", - "h" - ], - [ - "ĠComp", - "ression" - ], - [ - "cy", - "cles" - ], - [ - "Ġsin", - "h" - ], - [ - "ĠOcc", - "up" - ], - [ - "st", - "rength" - ], - [ - "Ġcon", - "str" - ], - [ - "Ġpestic", - "ide" - ], - [ - "Ġb", - "isp" - ], - [ - "ĠT", - "n" - ], - [ - "Ġparent", - "heses" - ], - [ - "deg", - "rad" - ], - [ - "Ġhypergly", - "cemia" - ], - [ - "P", - "W" - ], - [ - "k", - "j" - ], - [ - "ec", - "ological" - ], - [ - "Ġth", - "y" - ], - [ - "Ġele", - "g" - ], - [ - "ĠSyn", - "aptic" - ], - [ - "scal", - "ed" - ], - [ - "ti", - "ty" - ], - [ - "Ġequ", - "ity" - ], - [ - "Ġblock", - "chain" - ], - [ - "ĠLith", - "ium" - ], - [ - "Ġsp", - "ark" - ], - [ - "Ġen", - "titled" - ], - [ - "Ġconven", - "tions" - ], - [ - "Arg", - "ument" - ], - [ - "Ġre", - "tail" - ], - [ - "Ġne", - "oplastic" - ], - [ - "Ġdamp", - "ed" - ], - [ - "ĠSurve", - "illance" - ], - [ - "ĠAn", - "na" - ], - [ - "Ġspace", - "times" - ], - [ - "ing", - "es" - ], - [ - "ah", - "ashi" - ], - [ - "ĠInf", - "ections" - ], - [ - "Ġneglect", - "ing" - ], - [ - "Ġevapor", - "ated" - ], - [ - "vast", - "atin" - ], - [ - "Ġg", - "h" - ], - [ - "ĠN", - "LP" - ], - [ - "Ġph", - "ones" - ], - [ - "Ġlif", - "ted" - ], - [ - "Ġdivis", - "ible" - ], - [ - "Ġdur", - "ability" - ], - [ - "os", - "ited" - ], - [ - "Ġexcit", - "ability" - ], - [ - "Ġbuoy", - "ancy" - ], - [ - "Ġuncont", - "rolled" - ], - [ - "b", - "ran" - ], - [ - "ĠP", - "he" - ], - [ - "Ġimmun", - "ocomp" - ], - [ - "Ġevent", - "ual" - ], - [ - "Ġclass", - "room" - ], - [ - "Ġmicro", - "graphs" - ], - [ - "Ġre", - "charge" - ], - [ - "et", - "tes" - ], - [ - "ĠD", - "iver" - ], - [ - "ĠD", - "all" - ], - [ - "Ġmet", - "ac" - ], - [ - "Ġneuro", - "endocrine" - ], - [ - "top", - "ology" - ], - [ - "ĠHaw", - "king" - ], - [ - "oms", - "on" - ], - [ - "ĠHar", - "ry" - ], - [ - "m", - "outh" - ], - [ - "Ġdec", - "iding" - ], - [ - "Ġunc", - "overed" - ], - [ - "Ġgold", - "en" - ], - [ - "ĠCast", - "le" - ], - [ - "Ġfid", - "ucial" - ], - [ - "A", - "ware" - ], - [ - "ĠG", - "an" - ], - [ - "era", - "hertz" - ], - [ - "ĠSat", - "urn" - ], - [ - "L", - "N" - ], - [ - "Un", - "it" - ], - [ - "ĥ", - "Ĺ" - ], - [ - "Ġbind", - "er" - ], - [ - "IN", - "FO" - ], - [ - "ĠTem", - "per" - ], - [ - "ip", - "el" - ], - [ - "Ġnumer", - "ator" - ], - [ - "Ġwebs", - "ites" - ], - [ - "Ġthreat", - "ened" - ], - [ - "Ġremn", - "ants" - ], - [ - "ĠFinn", - "ish" - ], - [ - "h", - "of" - ], - [ - "med", - "ia" - ], - [ - "concent", - "ration" - ], - [ - "ĠRe", - "ed" - ], - [ - "ĠLeishman", - "ia" - ], - [ - "Ġmulti", - "functional" - ], - [ - "rac", - "y" - ], - [ - "Ġdistrib", - "ute" - ], - [ - "ĠDec", - "ay" - ], - [ - "Ġgr", - "inding" - ], - [ - "L", - "oss" - ], - [ - "MP", - "L" - ], - [ - "ĠL", - "akes" - ], - [ - "ĠQ", - "R" - ], - [ - "ĠStruct", - "ured" - ], - [ - "ĠMal", - "aria" - ], - [ - "Ġflavon", - "oid" - ], - [ - "Ġtow", - "ns" - ], - [ - "op", - "ia" - ], - [ - "ĠV", - "ec" - ], - [ - "oth", - "y" - ], - [ - "Ġsing", - "les" - ], - [ - "Ġpenet", - "rate" - ], - [ - "ĠP", - "ig" - ], - [ - "ie", - "ved" - ], - [ - "Ġderiv", - "ations" - ], - [ - "Ġdiscom", - "fort" - ], - [ - "af", - "enib" - ], - [ - "ĠLegend", - "re" - ], - [ - "ĠP", - "ax" - ], - [ - "ĠM", - "X" - ], - [ - "ĠExt", - "rem" - ], - [ - "ĠFore", - "ign" - ], - [ - "ĠCour", - "se" - ], - [ - "ĠH", - "it" - ], - [ - "v", - "age" - ], - [ - "Ġcl", - "ique" - ], - [ - "Ġcompens", - "atory" - ], - [ - "U", - "ser" - ], - [ - "Ġdraw", - "s" - ], - [ - "ĠProt", - "ective" - ], - [ - "Ġalloc", - "ate" - ], - [ - "ĠP", - "ant" - ], - [ - "Ġd", - "ash" - ], - [ - "Ġpar", - "al" - ], - [ - "ĠCirc", - "ulating" - ], - [ - "ĠHist", - "one" - ], - [ - "ĠÅ", - "«" - ], - [ - "Ġproj", - "ec" - ], - [ - "ĠA", - "AA" - ], - [ - "ĠP", - "MS" - ], - [ - "gl", - "acial" - ], - [ - "ĠMe", - "eting" - ], - [ - "ĠAntib", - "iotic" - ], - [ - "ategor", - "ical" - ], - [ - "Ġatten", - "uate" - ], - [ - "P", - "ower" - ], - [ - "ow", - "icz" - ], - [ - "ĠDef", - "ault" - ], - [ - "Ġmar", - "sh" - ], - [ - "plas", - "m" - ], - [ - "ĠPath", - "ology" - ], - [ - "ĠE", - "f" - ], - [ - "L", - "ys" - ], - [ - "fl", - "ies" - ], - [ - "Ġinterview", - "ed" - ], - [ - "ĠQ", - "A" - ], - [ - "Ġimp", - "uls" - ], - [ - "Ġpap", - "illary" - ], - [ - "d", - "R" - ], - [ - "u", - "h" - ], - [ - "ĠJ", - "ing" - ], - [ - "Ġrescal", - "ed" - ], - [ - "e", - "fficiency" - ], - [ - "Ġe", - "f" - ], - [ - "ĠE", - "isen" - ], - [ - "Ġattack", - "ed" - ], - [ - "Ġopt", - "o" - ], - [ - "Ġspec", - "ulated" - ], - [ - "ha", - "z" - ], - [ - "Ġide", - "ally" - ], - [ - "ymen", - "optera" - ], - [ - "Ġl", - "r" - ], - [ - "ĠI", - "z" - ], - [ - "res", - "ource" - ], - [ - "ĠFac", - "ility" - ], - [ - "ĠAc", - "quisition" - ], - [ - "Ġpost", - "ural" - ], - [ - "auti", - "ful" - ], - [ - "Ġging", - "ival" - ], - [ - "Ġper", - "taining" - ], - [ - "ĠExt", - "ra" - ], - [ - "ĠProgram", - "me" - ], - [ - "hes", - "us" - ], - [ - "ferm", - "ion" - ], - [ - "Ġstead", - "ily" - ], - [ - "Ġtermin", - "us" - ], - [ - "P", - "arser" - ], - [ - "ĠIn", - "clusion" - ], - [ - "ĠWu", - "han" - ], - [ - "Ġrepe", - "titions" - ], - [ - "d", - "one" - ], - [ - "ĠC", - "ep" - ], - [ - "Ġun", - "structured" - ], - [ - "ĠCol", - "lectively" - ], - [ - "Ġsett", - "ling" - ], - [ - "Ġj", - "aw" - ], - [ - "ĠUn", - "i" - ], - [ - "Ġrest", - "oring" - ], - [ - "urt", - "les" - ], - [ - "F", - "ull" - ], - [ - "Ġdynam", - "o" - ], - [ - "IG", - "O" - ], - [ - "ĠB", - "AT" - ], - [ - "ov", - "á" - ], - [ - "ven", - "ues" - ], - [ - "ĠPer", - "haps" - ], - [ - "sens", - "ing" - ], - [ - "ĠI", - "schem" - ], - [ - "odem", - "ographic" - ], - [ - "S", - "s" - ], - [ - "ĠL", - "und" - ], - [ - "Ġel", - "ite" - ], - [ - "prot", - "ocol" - ], - [ - "ĠChrist", - "opher" - ], - [ - "bas", - "ic" - ], - [ - "Ġp", - "uber" - ], - [ - "Ġmagne", - "tism" - ], - [ - "v", - "ars" - ], - [ - "in", - "ducing" - ], - [ - "Ġd", - "ated" - ], - [ - "Ġen", - "emy" - ], - [ - "ĠSt", - "op" - ], - [ - "s", - "ocial" - ], - [ - "Ġd", - "ÏĦ" - ], - [ - "ĠB", - "un" - ], - [ - "Sm", - "all" - ], - [ - "pur", - "pose" - ], - [ - "Ġh", - "unting" - ], - [ - "CP", - "U" - ], - [ - "ĠJun", - "ior" - ], - [ - "RE", - "L" - ], - [ - "Ġcontrac", - "tile" - ], - [ - "Ġsilic", - "one" - ], - [ - "adren", - "ergic" - ], - [ - "b", - "z" - ], - [ - "Ġf", - "us" - ], - [ - "if", - "ted" - ], - [ - "se", - "p" - ], - [ - "âĪĴ", - "âĪŀ" - ], - [ - "Ġdr", - "um" - ], - [ - "--------", - "--" - ], - [ - "ĠTreg", - "s" - ], - [ - "it", - "arian" - ], - [ - "cent", - "ury" - ], - [ - "âĬ", - "¥" - ], - [ - "Num", - "er" - ], - [ - "ĠB", - "enz" - ], - [ - "Ġcommunic", - "ating" - ], - [ - "Ġp", - "aternal" - ], - [ - "ĠF", - "GFR" - ], - [ - "Ġâ", - "Ĥ¬" - ], - [ - "Ġdevi", - "ate" - ], - [ - "f", - "re" - ], - [ - "Ġmol", - "ten" - ], - [ - "Ġstandard", - "ization" - ], - [ - "Ġfunctional", - "ities" - ], - [ - "ĠPaul", - "o" - ], - [ - "Ġbuck", - "et" - ], - [ - "ĠConcent", - "rations" - ], - [ - "ĠK", - "um" - ], - [ - "Ġmim", - "icking" - ], - [ - "D", - "rop" - ], - [ - "zo", - "a" - ], - [ - "ĠNucle", - "i" - ], - [ - "b", - "rack" - ], - [ - "ec", - "olor" - ], - [ - "Ġcar", - "n" - ], - [ - "Ġveter", - "inary" - ], - [ - "Ġchem", - "otherapeutic" - ], - [ - "Ġfer", - "ment" - ], - [ - "last", - "ing" - ], - [ - "ĠRog", - "ers" - ], - [ - "ier", - "i" - ], - [ - "Ġconver", - "ters" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠ" - ], - [ - "ĠRep", - "air" - ], - [ - "Eu", - "rope" - ], - [ - "T", - "IME" - ], - [ - "Ġt", - "ies" - ], - [ - "ĠP", - "IN" - ], - [ - "Ġtrib", - "ut" - ], - [ - "Ġhomogen", - "ization" - ], - [ - "exc", - "itation" - ], - [ - "at", - "ization" - ], - [ - "ĠR", - "ash" - ], - [ - "Ġpre", - "cession" - ], - [ - "á", - "s" - ], - [ - "Ġspik", - "ing" - ], - [ - "ĠGrass", - "mann" - ], - [ - "min", - "ister" - ], - [ - "Ġfactor", - "ial" - ], - [ - "ĠDe", - "ut" - ], - [ - "sam", - "pled" - ], - [ - "Ġeukary", - "otes" - ], - [ - "overl", - "apping" - ], - [ - "ag", - "glut" - ], - [ - "Ġpres", - "cribing" - ], - [ - "Ġc", - "ro" - ], - [ - "om", - "echanical" - ], - [ - "iz", - "a" - ], - [ - "ĠMan", - "ufact" - ], - [ - "n", - "ative" - ], - [ - "urs", - "ive" - ], - [ - "ĠIss", - "ues" - ], - [ - "Ġstrept", - "omycin" - ], - [ - "en", - "di" - ], - [ - "ĠS", - "pr" - ], - [ - "ce", - "q" - ], - [ - "arg", - "inine" - ], - [ - "ix", - "on" - ], - [ - "ĠFound", - "ations" - ], - [ - "Sing", - "le" - ], - [ - "Ġox", - "al" - ], - [ - "Ġhyd", - "rate" - ], - [ - "Iter", - "ator" - ], - [ - "k", - "ii" - ], - [ - "amin", - "ated" - ], - [ - "Ġspr", - "ings" - ], - [ - "ol", - "n" - ], - [ - "ĠSet", - "up" - ], - [ - "Ġrip", - "ening" - ], - [ - "Ġtheore", - "tic" - ], - [ - "Ġcf", - "g" - ], - [ - "μ", - "L" - ], - [ - "G", - "ordon" - ], - [ - "S", - "K" - ], - [ - "Ġn", - "ations" - ], - [ - "Qu", - "ery" - ], - [ - "Ù", - "ħ" - ], - [ - "Ġf", - "ores" - ], - [ - "requ", - "encies" - ], - [ - "ĠPh", - "armaceutical" - ], - [ - "ĠAll", - "ocation" - ], - [ - "otyp", - "ical" - ], - [ - "ĠPil", - "ot" - ], - [ - "th", - "ora" - ], - [ - "ĠV", - "and" - ], - [ - "Ġsyring", - "e" - ], - [ - "ĠR", - "AP" - ], - [ - "rom", - "etric" - ], - [ - "Ġïģ", - "´" - ], - [ - "Ġcit", - "ations" - ], - [ - "wo", - "uld" - ], - [ - "Ġnorthe", - "astern" - ], - [ - "compar", - "ison" - ], - [ - "l", - "ocus" - ], - [ - "et", - "he" - ], - [ - "ĠK", - "B" - ], - [ - "Ġhomolog", - "s" - ], - [ - "Ġencephal", - "itis" - ], - [ - "Ġz", - "ig" - ], - [ - "Ġinc", - "entive" - ], - [ - "Ġconf", - "idential" - ], - [ - "Ġves", - "tibular" - ], - [ - "ĠOT", - "Us" - ], - [ - "Ġsynov", - "ial" - ], - [ - "ĠRel", - "ativity" - ], - [ - "Ġsub", - "divided" - ], - [ - "che", - "z" - ], - [ - "Ġlik", - "ewise" - ], - [ - "ĠPD", - "MS" - ], - [ - "ĠÅ", - "ł" - ], - [ - "Ġsoci", - "eties" - ], - [ - "ocyan", - "ate" - ], - [ - "g", - "ia" - ], - [ - "Ġlocal", - "ize" - ], - [ - "Ġlact", - "ation" - ], - [ - "Ġnod", - "ule" - ], - [ - "ĠCO", - "R" - ], - [ - "Ġharbor", - "ing" - ], - [ - "ĠE", - "QU" - ], - [ - "har", - "vest" - ], - [ - "Ġband", - "gap" - ], - [ - "r", - "k" - ], - [ - "Ġres", - "istor" - ], - [ - "Ġy", - "e" - ], - [ - "ĠAs", - "ymmetric" - ], - [ - "Ġpropag", - "ators" - ], - [ - "Ġdiagnos", - "ing" - ], - [ - "ĠAff", - "airs" - ], - [ - "Ġeject", - "a" - ], - [ - "Ġis", - "omer" - ], - [ - "Ġi", - "x" - ], - [ - "Ġfol", - "iation" - ], - [ - "Ġcapac", - "itors" - ], - [ - "Ġc", - "ad" - ], - [ - "ĠNeut", - "roph" - ], - [ - "pl", - "iance" - ], - [ - "Ġcompress", - "ible" - ], - [ - "ĠHun", - "ter" - ], - [ - "ĠM", - "Z" - ], - [ - "ĠWe", - "ib" - ], - [ - "Ġnon", - "coding" - ], - [ - "Ġmountain", - "s" - ], - [ - "Ġadver", - "tising" - ], - [ - "ale", - "z" - ], - [ - "b", - "right" - ], - [ - "lim", - "sup" - ], - [ - "C", - "i" - ], - [ - "ĠNe", - "v" - ], - [ - "ĠStrain", - "s" - ], - [ - "ost", - "omy" - ], - [ - "op", - "al" - ], - [ - "Ġconcaten", - "ated" - ], - [ - "ĠPer", - "f" - ], - [ - "CH", - "O" - ], - [ - "Ġt", - "urtles" - ], - [ - "ĠF", - "ra" - ], - [ - "Ġall", - "ogeneic" - ], - [ - "Ġuns", - "uccessful" - ], - [ - "Y", - "M" - ], - [ - "er", - "ver" - ], - [ - "Ġc", - "uc" - ], - [ - "Ġf", - "ires" - ], - [ - "ch", - "art" - ], - [ - "Ġinter", - "rupted" - ], - [ - "Ġdec", - "ides" - ], - [ - "Ġa", - "uction" - ], - [ - "ĠUn", - "til" - ], - [ - "ĠAT", - "G" - ], - [ - "Ġdi", - "am" - ], - [ - "magn", - "itude" - ], - [ - "Ġd", - "l" - ], - [ - "Ver", - "tex" - ], - [ - "mon", - "t" - ], - [ - "Ġfem", - "tosecond" - ], - [ - "Par", - "ams" - ], - [ - "Ġlys", - "ate" - ], - [ - "is", - "hers" - ], - [ - "ĠP", - "AT" - ], - [ - "ĠK", - "ev" - ], - [ - "ĠKn", - "ock" - ], - [ - "Ġgro", - "ove" - ], - [ - "L", - "u" - ], - [ - "ĠJoh", - "ann" - ], - [ - "Ġreplic", - "a" - ], - [ - "ĠMATERIAL", - "S" - ], - [ - "Ġl", - "ots" - ], - [ - "Ġgener", - "ically" - ], - [ - "ĠAl", - "tered" - ], - [ - "ĠId", - "entity" - ], - [ - "Ġunfold", - "ed" - ], - [ - "C", - "ES" - ], - [ - "ing", - "ular" - ], - [ - "ĠF", - "raction" - ], - [ - "ĠPro", - "liferation" - ], - [ - "ĠVi", - "enna" - ], - [ - "ac", - "ia" - ], - [ - "pl", - "ess" - ], - [ - "ĠSe", - "vent" - ], - [ - "Ġturb", - "ines" - ], - [ - "lys", - "ine" - ], - [ - "Ġperox", - "is" - ], - [ - "AR", - "P" - ], - [ - "ĠEp", - "is" - ], - [ - "ĠSY", - "BR" - ], - [ - "Bu", - "ilder" - ], - [ - "Ġspher", - "ically" - ], - [ - "Ġdef", - "end" - ], - [ - "Per", - "formance" - ], - [ - "Ġmort", - "ar" - ], - [ - "ĠCon", - "cepts" - ], - [ - "work", - "s" - ], - [ - "Ġreinfor", - "ce" - ], - [ - "á", - "¹" - ], - [ - "Ġc", - "us" - ], - [ - "ĠC", - "IF" - ], - [ - "ĠAgric", - "ultural" - ], - [ - "c", - "rystalline" - ], - [ - "r", - "ish" - ], - [ - "Ġref", - "erenced" - ], - [ - "Ġact", - "ress" - ], - [ - "Ġbounded", - "ness" - ], - [ - "Si", - "C" - ], - [ - "ĠÃ", - "¢" - ], - [ - "Ġj", - "ack" - ], - [ - "Ġterm", - "inate" - ], - [ - "ĠJ", - "A" - ], - [ - "ĠKr", - "ish" - ], - [ - "M", - "MP" - ], - [ - "k", - "x" - ], - [ - "ĠP", - "SR" - ], - [ - "end", - "l" - ], - [ - "W", - "HO" - ], - [ - "ĠS", - "ão" - ], - [ - "ĠC", - "ultural" - ], - [ - "ĠE", - "h" - ], - [ - "ul", - "is" - ], - [ - "vi", - "k" - ], - [ - "pr", - "ises" - ], - [ - "ix", - "el" - ], - [ - "ĠMet", - "rics" - ], - [ - "Ġdiscontinu", - "ities" - ], - [ - "ĠU", - "ne" - ], - [ - "SC", - "R" - ], - [ - "Ġproject", - "ing" - ], - [ - "ĠOrig", - "inal" - ], - [ - "ĠHum", - "ans" - ], - [ - "transcription", - "al" - ], - [ - "H", - "K" - ], - [ - "ĠJ", - "ain" - ], - [ - "atisf", - "action" - ], - [ - "mes", - "enchymal" - ], - [ - "Ġpyram", - "id" - ], - [ - "Ġascorb", - "ic" - ], - [ - "g", - "ame" - ], - [ - "Ġno", - "un" - ], - [ - "otox", - "ins" - ], - [ - "p", - "eptide" - ], - [ - "Ġglass", - "y" - ], - [ - "Ġtalk", - "ing" - ], - [ - "D", - "em" - ], - [ - "ĠSch", - "ro" - ], - [ - "ĠAssum", - "ptions" - ], - [ - "Ġð", - "x" - ], - [ - "Ġaneurys", - "ms" - ], - [ - "M", - "ASS" - ], - [ - "ĠH", - "ou" - ], - [ - "ex", - "posure" - ], - [ - "ĠL", - "LC" - ], - [ - "Ġno", - "ises" - ], - [ - "CT", - "G" - ], - [ - "ĠElement", - "ary" - ], - [ - "fl", - "ip" - ], - [ - "Ġdys", - "p" - ], - [ - "Ġmess", - "enger" - ], - [ - "ĠImport", - "ant" - ], - [ - "Ġim", - "poses" - ], - [ - "Ġorgan", - "elles" - ], - [ - "assert", - "Equal" - ], - [ - "Ġjus", - "tif" - ], - [ - "uc", - "ine" - ], - [ - "Ġform", - "ic" - ], - [ - "ormal", - "ization" - ], - [ - "ĠRad", - "ial" - ], - [ - "ĠCur", - "ve" - ], - [ - "ĠCro", - "hn" - ], - [ - "Ġbrow", - "ser" - ], - [ - "Ġeff", - "usion" - ], - [ - "Ġhand", - "les" - ], - [ - "var", - "sigma" - ], - [ - "Ġspecial", - "ists" - ], - [ - "Ġpain", - "ful" - ], - [ - "Ġerythemat", - "osus" - ], - [ - "Ġf", - "en" - ], - [ - "nitrop", - "henyl" - ], - [ - "Ġleg", - "acy" - ], - [ - "ĠQ", - "Ds" - ], - [ - "rap", - "per" - ], - [ - "Ġmon", - "otherapy" - ], - [ - "ĠBel", - "t" - ], - [ - "Z", - "Z" - ], - [ - "Ġs", - "intered" - ], - [ - "en", - "edi" - ], - [ - "H", - "b" - ], - [ - "t", - "v" - ], - [ - "ĠN", - "as" - ], - [ - "ov", - "is" - ], - [ - "Ġmuc", - "in" - ], - [ - "Ġacceler", - "ates" - ], - [ - "Ġacqu", - "iring" - ], - [ - "l", - "uc" - ], - [ - "Ġdil", - "aton" - ], - [ - "ĠPit", - "ts" - ], - [ - "Ġequiv", - "ariant" - ], - [ - "ĠL", - "yman" - ], - [ - "ĠY", - "a" - ], - [ - "Ġprog", - "ressed" - ], - [ - "ĠAfter", - "wards" - ], - [ - "ĠCH", - "AR" - ], - [ - "D", - "on" - ], - [ - "Ġhist", - "ologic" - ], - [ - "Ġcircuit", - "ry" - ], - [ - "p", - "ene" - ], - [ - "op", - "res" - ], - [ - "ĠSte", - "fan" - ], - [ - "Ġsemic", - "lassical" - ], - [ - "m", - "und" - ], - [ - "ĠW", - "aste" - ], - [ - "B", - "Q" - ], - [ - "Ġadip", - "onectin" - ], - [ - "Ġun", - "seen" - ], - [ - "Ġbiom", - "echanical" - ], - [ - "Ġhazard", - "ous" - ], - [ - "r", - "uctive" - ], - [ - "x", - "yl" - ], - [ - "op", - "f" - ], - [ - "Ġpr", - "ion" - ], - [ - "ĠInf", - "inite" - ], - [ - "Ġtrac", - "ers" - ], - [ - "ĠHar", - "rison" - ], - [ - "Ġfibrin", - "ogen" - ], - [ - "Ġhydro", - "lys" - ], - [ - "Ġis", - "lets" - ], - [ - "Ġparallel", - "ism" - ], - [ - "Sp", - "ect" - ], - [ - "Ġimper", - "ative" - ], - [ - "Ġc", - "ured" - ], - [ - "ĠD", - "SB" - ], - [ - "ide", - "finite" - ], - [ - "ick", - "er" - ], - [ - "Ġdiver", - "gences" - ], - [ - "ĠShap", - "iro" - ], - [ - "ab", - "d" - ], - [ - "ĠL", - "um" - ], - [ - "ĠV", - "D" - ], - [ - "Ġf", - "isheries" - ], - [ - "ge", - "on" - ], - [ - "cop", - "enia" - ], - [ - "ĠCl", - "ay" - ], - [ - "Ġmaxim", - "ized" - ], - [ - "ĠGre", - "y" - ], - [ - "ĠB", - "atch" - ], - [ - "Ġinf", - "est" - ], - [ - "Ġam", - "ple" - ], - [ - "Ġest", - "ate" - ], - [ - "ĠSup", - "reme" - ], - [ - "A", - "O" - ], - [ - "is", - "ia" - ], - [ - "ĠSm", - "ad" - ], - [ - "Car", - "lo" - ], - [ - "ĠSub", - "st" - ], - [ - "Ġmon", - "oidal" - ], - [ - "Ġnumer", - "ic" - ], - [ - "Pl", - "ot" - ], - [ - "Ġdyst", - "rophy" - ], - [ - "hypert", - "ensive" - ], - [ - "Ġst", - "ool" - ], - [ - "als", - "y" - ], - [ - "Ġche", - "ese" - ], - [ - "n", - "ih" - ], - [ - "Ġb", - "ought" - ], - [ - "ĠS", - "Q" - ], - [ - "Ġcl", - "ues" - ], - [ - "Ġme", - "iotic" - ], - [ - "Ġgo", - "ats" - ], - [ - "ĠGTP", - "ase" - ], - [ - "Ġrescal", - "ing" - ], - [ - "N", - "UM" - ], - [ - "ic", - "ing" - ], - [ - "ĠÄ", - "Ģ" - ], - [ - "Ġpret", - "ty" - ], - [ - "lig", - "and" - ], - [ - "En", - "glish" - ], - [ - "ĠIntellig", - "ent" - ], - [ - "E", - "very" - ], - [ - "ĠPoli", - "tical" - ], - [ - "ent", - "on" - ], - [ - "Ġpass", - "ages" - ], - [ - "ĠRemark", - "s" - ], - [ - "s", - "b" - ], - [ - "N", - "etwork" - ], - [ - "ĠL", - "RR" - ], - [ - "Ġcur", - "l" - ], - [ - "urs", - "ion" - ], - [ - "ĠA", - "ver" - ], - [ - "ĠG", - "LP" - ], - [ - "here", - "n" - ], - [ - "at", - "an" - ], - [ - "IC", - "ENSE" - ], - [ - "Ġlate", - "x" - ], - [ - "E", - "MI" - ], - [ - "qu", - "asi" - ], - [ - "ĠO", - "m" - ], - [ - "Ġreview", - "ing" - ], - [ - "Back", - "ground" - ], - [ - "Ġs", - "om" - ], - [ - "Ġsnap", - "shots" - ], - [ - "b", - "row" - ], - [ - "w", - "ho" - ], - [ - "ĠT", - "ail" - ], - [ - "ĠM", - "SM" - ], - [ - "ĠG", - "m" - ], - [ - "Ġph", - "i" - ], - [ - "ren", - "cy" - ], - [ - "separ", - "ated" - ], - [ - "Ġg", - "ig" - ], - [ - "os", - "ides" - ], - [ - "Ġpe", - "an" - ], - [ - "Ġappe", - "aling" - ], - [ - "P", - "U" - ], - [ - "n", - "k" - ], - [ - "Ġqu", - "er" - ], - [ - "ĠCh", - "arg" - ], - [ - "ĠMo", - "lecules" - ], - [ - "local", - "ization" - ], - [ - "I", - "dx" - ], - [ - "l", - "ap" - ], - [ - "ĠT", - "ax" - ], - [ - "ĠExp", - "onential" - ], - [ - "ĠInhib", - "itor" - ], - [ - "ĠBiom", - "edical" - ], - [ - "ureth", - "ane" - ], - [ - "le", - "rene" - ], - [ - "rogen", - "esis" - ], - [ - "ĠL", - "ai" - ], - [ - "ĠAgg", - "regation" - ], - [ - "ĠCa", - "Cl" - ], - [ - "Ġsens", - "ible" - ], - [ - "Ġcon", - "junc" - ], - [ - "pa", - "per" - ], - [ - "ĠCov", - "id" - ], - [ - "ĠProced", - "ures" - ], - [ - "Ġk", - "new" - ], - [ - "Ġset", - "ae" - ], - [ - "ĠAl", - "le" - ], - [ - "ĠEx", - "cept" - ], - [ - "Ġpres", - "ynaptic" - ], - [ - "flow", - "er" - ], - [ - "Ġultrason", - "ography" - ], - [ - "Ġent", - "ertain" - ], - [ - "i", - "ors" - ], - [ - "ĠE", - "ry" - ], - [ - "ĠIn", - "teger" - ], - [ - "Ġrep", - "ressor" - ], - [ - "Ġlater", - "ally" - ], - [ - "Ġcomplement", - "ed" - ], - [ - "T", - "AG" - ], - [ - "ĠA", - "round" - ], - [ - "ĠL", - "ister" - ], - [ - "bit", - "rary" - ], - [ - "back", - "ward" - ], - [ - "Me", - "V" - ], - [ - "Ġwh", - "isk" - ], - [ - "AM", - "s" - ], - [ - "ĠBul", - "k" - ], - [ - "Ġqu", - "iver" - ], - [ - "Ġdam", - "aging" - ], - [ - "ĠQuantif", - "ying" - ], - [ - "Ġsup", - "rem" - ], - [ - "t", - "el" - ], - [ - "Ġt", - "ear" - ], - [ - "ot", - "ers" - ], - [ - "vid", - "in" - ], - [ - "Ġtub", - "ules" - ], - [ - "Ġips", - "ilateral" - ], - [ - "is", - "ive" - ], - [ - "Ġsuit", - "ably" - ], - [ - "ri", - "el" - ], - [ - "Ġtub", - "er" - ], - [ - "Ġfav", - "ors" - ], - [ - "Ġcen", - "tim" - ], - [ - "Ġtrans", - "versal" - ], - [ - "ĠCH", - "O" - ], - [ - "Ġtrim", - "ester" - ], - [ - "C", - "AC" - ], - [ - "c", - "ognitive" - ], - [ - "ĠU", - "TC" - ], - [ - "put", - "e" - ], - [ - "Ġmid", - "line" - ], - [ - "am", - "ers" - ], - [ - "eval", - "uation" - ], - [ - "D", - "av" - ], - [ - "Ġb", - "ags" - ], - [ - "tim", - "er" - ], - [ - "Ġshort", - "comings" - ], - [ - "ĠEr", - "d" - ], - [ - "Ġdiscrim", - "inator" - ], - [ - "A", - "nt" - ], - [ - "s", - "izes" - ], - [ - "Ġb", - "ist" - ], - [ - "ing", - "ual" - ], - [ - "ĠC", - "ategory" - ], - [ - "Ġpuls", - "ars" - ], - [ - "ĠSchw", - "artz" - ], - [ - "ĠD", - "rop" - ], - [ - "Sequ", - "ence" - ], - [ - "Ġt", - "ann" - ], - [ - "ĠSympt", - "oms" - ], - [ - "D", - "ict" - ], - [ - "ĠB", - "lu" - ], - [ - "Sup", - "plemental" - ], - [ - "Ġdis", - "abled" - ], - [ - "ĠK", - "oz" - ], - [ - "Ġinv", - "oked" - ], - [ - "ĠC", - "Q" - ], - [ - "ĠConn", - "ectivity" - ], - [ - "Ġtelescop", - "es" - ], - [ - "os", - "o" - ], - [ - "Ġphyt", - "ochemical" - ], - [ - "Ġorthogon", - "ality" - ], - [ - "Ġinvis", - "ible" - ], - [ - "ĠS", - "CF" - ], - [ - "ĠA", - "void" - ], - [ - "ĠH", - "us" - ], - [ - "mic", - "ron" - ], - [ - "atern", - "ity" - ], - [ - "Pro", - "ject" - ], - [ - "Ġadv", - "ancing" - ], - [ - "ĠLorentz", - "ian" - ], - [ - "S", - "a" - ], - [ - "t", - "Ãŀ" - ], - [ - "ĠU", - "P" - ], - [ - "Ġar", - "ts" - ], - [ - "Ġz", - "er" - ], - [ - "ask", - "et" - ], - [ - "Ġappe", - "al" - ], - [ - "n", - "ick" - ], - [ - "ĠCl", - "oning" - ], - [ - "Ġsw", - "ap" - ], - [ - "Ġphospholip", - "ids" - ], - [ - "b", - "g" - ], - [ - "ot", - "hel" - ], - [ - "asc", - "o" - ], - [ - "T", - "rack" - ], - [ - "Ġsub", - "manifold" - ], - [ - "Off", - "set" - ], - [ - "ĠB", - "ird" - ], - [ - "problem", - "s" - ], - [ - "D", - "Cs" - ], - [ - "Ġd", - "ow" - ], - [ - "Ġde", - "ionized" - ], - [ - "Ġsub", - "class" - ], - [ - "Ġpubl", - "ishing" - ], - [ - "ĠCar", - "ter" - ], - [ - "Ġsyn", - "ergy" - ], - [ - "Ġweak", - "ened" - ], - [ - "ĠGl", - "as" - ], - [ - "ĠP", - "ie" - ], - [ - "hen", - "ko" - ], - [ - "Ġsetup", - "s" - ], - [ - "ĠBern", - "stein" - ], - [ - "ĠÃ", - "¿" - ], - [ - "ĠSh", - "u" - ], - [ - "ĠChang", - "ing" - ], - [ - "os", - "ov" - ], - [ - "ĠMet", - "eor" - ], - [ - "in", - "th" - ], - [ - "ra", - "h" - ], - [ - "par", - "amet" - ], - [ - "ren", - "a" - ], - [ - "Ġnew", - "borns" - ], - [ - "isc", - "he" - ], - [ - "rot", - "ating" - ], - [ - "Ġconf", - "ident" - ], - [ - "f", - "ac" - ], - [ - "ĠT", - "err" - ], - [ - "Ġline", - "width" - ], - [ - "IC", - "P" - ], - [ - "thon", - "y" - ], - [ - "Ġl", - "anes" - ], - [ - "Ġsm", - "oother" - ], - [ - "mon", - "y" - ], - [ - "ĠCN", - "Ns" - ], - [ - "P", - "ort" - ], - [ - "Ġtrans", - "iently" - ], - [ - "Ġsur", - "geries" - ], - [ - "Ġsubm", - "erged" - ], - [ - "Ġp", - "uncture" - ], - [ - "Ġd", - "ichlor" - ], - [ - "Ġsystematic", - "s" - ], - [ - "Ġcontig", - "s" - ], - [ - "Ġresid", - "ing" - ], - [ - "B", - "W" - ], - [ - "E", - "O" - ], - [ - "G", - "old" - ], - [ - "ion", - "ate" - ], - [ - "voc", - "ab" - ], - [ - "d", - "W" - ], - [ - "ST", - "AR" - ], - [ - "ĠP", - "LC" - ], - [ - "ath", - "i" - ], - [ - "ĠInf", - "ectious" - ], - [ - "L", - "ight" - ], - [ - "á", - "»" - ], - [ - "ĠR", - "al" - ], - [ - "Ġpropag", - "ates" - ], - [ - "ĠLik", - "elihood" - ], - [ - "h", - "ill" - ], - [ - "cur", - "l" - ], - [ - "check", - "point" - ], - [ - "ra", - "x" - ], - [ - "Ġv", - "ancomycin" - ], - [ - "ĠU", - "SD" - ], - [ - "ophe", - "les" - ], - [ - "Ġfil", - "tr" - ], - [ - "Ġstoichi", - "ometry" - ], - [ - "âĶĢ", - "âĶĢ" - ], - [ - "ĠN", - "ad" - ], - [ - "access", - "ible" - ], - [ - "Ġto", - "y" - ], - [ - "Ġn", - "ude" - ], - [ - "ĠS", - "ut" - ], - [ - "ess", - "ential" - ], - [ - "ĠO", - "L" - ], - [ - "Ġper", - "tin" - ], - [ - "Ġrec", - "ur" - ], - [ - "Ġcap", - "ill" - ], - [ - "Ġcomput", - "able" - ], - [ - "Ġsuc", - "tion" - ], - [ - "Ġsoft", - "ening" - ], - [ - "ĠE", - "SI" - ], - [ - "Ġmon", - "itors" - ], - [ - "Ġpy", - "ridine" - ], - [ - "ĠSens", - "ors" - ], - [ - "ĠCombin", - "atorial" - ], - [ - "at", - "ta" - ], - [ - "ĠA", - "MS" - ], - [ - "ĠD", - "ul" - ], - [ - "ple", - "teness" - ], - [ - "E", - "th" - ], - [ - "ĠÃ", - "»" - ], - [ - "Ġexc", - "ised" - ], - [ - "ĠDiab", - "etic" - ], - [ - "ĠI", - "owa" - ], - [ - "Ġimmunost", - "aining" - ], - [ - "Ġillness", - "es" - ], - [ - "Ġenum", - "er" - ], - [ - "ĠIran", - "ian" - ], - [ - "Ġth", - "umb" - ], - [ - "orphism", - "s" - ], - [ - "Ġlegitim", - "ate" - ], - [ - "l", - "g" - ], - [ - "ĠS", - "VD" - ], - [ - "Ġdes", - "k" - ], - [ - "Form", - "at" - ], - [ - "B", - "on" - ], - [ - "Ġg", - "arden" - ], - [ - "Ġinter", - "personal" - ], - [ - "Ġel", - "bow" - ], - [ - "ĠDem", - "onstr" - ], - [ - "Ġnons", - "pecific" - ], - [ - "F", - "erm" - ], - [ - "ival", - "ently" - ], - [ - "phthal", - "ene" - ], - [ - "AR", - "GET" - ], - [ - "Val", - "id" - ], - [ - "Ġsun", - "light" - ], - [ - "Ġresc", - "ued" - ], - [ - "D", - "AR" - ], - [ - "ĠIn", - "variant" - ], - [ - "Ġid", - "le" - ], - [ - "Ġalkal", - "oids" - ], - [ - "scal", - "es" - ], - [ - "s", - "es" - ], - [ - "ob", - "icity" - ], - [ - "be", - "at" - ], - [ - "Ġcentrifug", - "al" - ], - [ - "analy", - "tical" - ], - [ - "p", - "v" - ], - [ - "Ġt", - "utorial" - ], - [ - "ĠN", - "ation" - ], - [ - "gener", - "ator" - ], - [ - "Ġcollision", - "al" - ], - [ - "ĠC", - "ME" - ], - [ - "Ġsc", - "rap" - ], - [ - "ĠQ", - "SO" - ], - [ - "Ġw", - "ax" - ], - [ - "ĠSc", - "enario" - ], - [ - "Ġminim", - "izer" - ], - [ - "ĠMD", - "PI" - ], - [ - "Ġprostagland", - "in" - ], - [ - "ol", - "ites" - ], - [ - "ocy", - "steine" - ], - [ - "Ġcompac", - "tification" - ], - [ - "Ġfrail", - "ty" - ], - [ - "ops", - "in" - ], - [ - "Ġjun", - "ior" - ], - [ - "lo", - "ud" - ], - [ - "Ġtit", - "led" - ], - [ - "Ġeconom", - "ically" - ], - [ - "th", - "iophene" - ], - [ - "ĠInvestig", - "ating" - ], - [ - "ĠE", - "sp" - ], - [ - "Ġel", - "usive" - ], - [ - "Ġmal", - "ware" - ], - [ - "ĠTH", - "P" - ], - [ - "imid", - "azole" - ], - [ - "Ġre", - "tains" - ], - [ - "ĠM", - "IR" - ], - [ - "ff", - "l" - ], - [ - "j", - "ac" - ], - [ - "ĠP", - "ART" - ], - [ - "ĠD", - "CM" - ], - [ - "trans", - "port" - ], - [ - "MAP", - "K" - ], - [ - "Prob", - "lem" - ], - [ - "S", - "u" - ], - [ - "Ġdel", - "im" - ], - [ - "Ġpsych", - "ometric" - ], - [ - "vit", - "ably" - ], - [ - "Ġhyper", - "geometric" - ], - [ - "Ġuter", - "us" - ], - [ - "Ġanaest", - "hesia" - ], - [ - "ĠA", - "venue" - ], - [ - "Ġmean", - "ings" - ], - [ - "Ġrapid", - "ity" - ], - [ - "Ġdend", - "rites" - ], - [ - "g", - "rain" - ], - [ - "ĠN", - "ile" - ], - [ - "Ġfac", - "ies" - ], - [ - "Ġpip", - "elines" - ], - [ - "ĠCamp", - "ylobacter" - ], - [ - "ĠMemb", - "ers" - ], - [ - "benzo", - "ate" - ], - [ - "Requ", - "est" - ], - [ - "Ġp", - "k" - ], - [ - "Ġref", - "used" - ], - [ - "c", - "aus" - ], - [ - "ĠS", - "ay" - ], - [ - "l", - "ane" - ], - [ - "ĠP", - "SO" - ], - [ - "Ġgather", - "ing" - ], - [ - "Ġrefrig", - "er" - ], - [ - "R", - "CC" - ], - [ - "Ġfib", - "ronectin" - ], - [ - "hel", - "p" - ], - [ - "ĠInt", - "ensity" - ], - [ - "CL", - "C" - ], - [ - "Q", - "ue" - ], - [ - "el", - "ly" - ], - [ - "Ġillumin", - "ated" - ], - [ - "Ġpedest", - "rian" - ], - [ - "ĠM", - "ercury" - ], - [ - "Ġafford", - "ed" - ], - [ - "Ġpathophys", - "iological" - ], - [ - "ĠN", - "GS" - ], - [ - "ass", - "a" - ], - [ - "Ġend", - "ors" - ], - [ - "Ġsens", - "ation" - ], - [ - "Ġstream", - "flow" - ], - [ - "av", - "in" - ], - [ - "ĠGABA", - "ergic" - ], - [ - "Ġreti", - "rement" - ], - [ - "C", - "ells" - ], - [ - "oc", - "a" - ], - [ - "Ġoptim", - "izations" - ], - [ - "Ġdig", - "raph" - ], - [ - "ĠAu", - "tism" - ], - [ - "oct", - "urnal" - ], - [ - "osc", - "ience" - ], - [ - "ĠEll", - "is" - ], - [ - "ĠA", - "j" - ], - [ - "ĠW", - "SN" - ], - [ - "Ġshoot", - "ing" - ], - [ - "i", - "per" - ], - [ - "î", - "Ħĥ" - ], - [ - "ĠWe", - "ather" - ], - [ - "Ġrece", - "ptive" - ], - [ - "Ġquar", - "tic" - ], - [ - "ocycl", - "ic" - ], - [ - "P", - "ATH" - ], - [ - "size", - "of" - ], - [ - "Ġmel", - "ts" - ], - [ - "Ġdip", - "oles" - ], - [ - "Ġbim", - "odal" - ], - [ - "summ", - "ary" - ], - [ - "Ġins", - "omnia" - ], - [ - "opy", - "ran" - ], - [ - "Ġwrap", - "ped" - ], - [ - "ĠJos", - "é" - ], - [ - "A", - "H" - ], - [ - "c", - "ia" - ], - [ - "Ġob", - "eys" - ], - [ - "ĠK", - "ay" - ], - [ - "inter", - "vention" - ], - [ - "Ġrout", - "er" - ], - [ - "ĠDrug", - "s" - ], - [ - "ow", - "ska" - ], - [ - "ĠAr", - "r" - ], - [ - "ĠCap", - "tain" - ], - [ - "ĠT", - "MS" - ], - [ - "ad", - "v" - ], - [ - "Ġbo", - "at" - ], - [ - "Ġtrust", - "ed" - ], - [ - "se", - "ver" - ], - [ - "ill", - "ars" - ], - [ - "ĠMiss", - "ouri" - ], - [ - "Ġequival", - "ents" - ], - [ - "ĠHar", - "vard" - ], - [ - "ĠClark", - "e" - ], - [ - "reson", - "ant" - ], - [ - "rad", - "y" - ], - [ - "trig", - "gered" - ], - [ - "Ġc", - "left" - ], - [ - "Ġun", - "ic" - ], - [ - "Ġbrain", - "stem" - ], - [ - "Ġthrom", - "bin" - ], - [ - "ĠF", - "light" - ], - [ - "Ġsection", - "al" - ], - [ - "Ġconcaten", - "ation" - ], - [ - "Ġcantile", - "ver" - ], - [ - "et", - "on" - ], - [ - "Ġdec", - "ode" - ], - [ - "of", - "acial" - ], - [ - "Ac", - "tion" - ], - [ - "ĠIll", - "ustration" - ], - [ - "ver", - "tical" - ], - [ - "ch", - "all" - ], - [ - "ĠReg", - "istry" - ], - [ - "M", - "AT" - ], - [ - "Ġcons", - "on" - ], - [ - "Ġneo", - "adjuvant" - ], - [ - "ĠW", - "istar" - ], - [ - "ĠIm", - "per" - ], - [ - "Ġal", - "titudes" - ], - [ - "Ġsub", - "population" - ], - [ - "ĠSc", - "ene" - ], - [ - "tensor", - "flow" - ], - [ - "s", - "low" - ], - [ - "Ġh", - "int" - ], - [ - "Ġbeam", - "forming" - ], - [ - "e", - "in" - ], - [ - "Ġimp", - "regn" - ], - [ - "ĠRF", - "ID" - ], - [ - "ĠAnaly", - "zing" - ], - [ - "ĠP", - "ent" - ], - [ - "ĠD", - "NS" - ], - [ - "ĠG", - "ilbert" - ], - [ - "Ġcr", - "ater" - ], - [ - "Compar", - "ing" - ], - [ - "Ġb", - "f" - ], - [ - "Ġfl", - "ights" - ], - [ - "Ġmal", - "nutrition" - ], - [ - "SM", - "C" - ], - [ - "Ġeryth", - "rop" - ], - [ - "ĠTum", - "ors" - ], - [ - "T", - "x" - ], - [ - "Ġis", - "ospin" - ], - [ - "ĠK", - "ub" - ], - [ - "ik", - "ing" - ], - [ - "Ġcorticoster", - "oids" - ], - [ - "urs", - "or" - ], - [ - "ĠBur", - "g" - ], - [ - "in", - "spired" - ], - [ - "ĠI", - "gn" - ], - [ - "Ġmy", - "cel" - ], - [ - "pred", - "iction" - ], - [ - "method", - "s" - ], - [ - "C", - "opy" - ], - [ - "ĠR", - "W" - ], - [ - "ĠK", - "night" - ], - [ - "Ġdem", - "ethyl" - ], - [ - "ì", - "Ħ" - ], - [ - "Ġc", - "ili" - ], - [ - "Ġb", - "es" - ], - [ - "ĠE", - "ck" - ], - [ - "Ġdilat", - "ation" - ], - [ - "Ġan", - "imation" - ], - [ - "ab", - "stract" - ], - [ - "Ġcircum", - "vent" - ], - [ - "Ġinoc", - "ulum" - ], - [ - "S", - "eg" - ], - [ - "ĠC", - "aps" - ], - [ - "ere", - "rs" - ], - [ - "PL", - "S" - ], - [ - "ĠPe", - "er" - ], - [ - "Ġver", - "ifies" - ], - [ - "ateg", - "y" - ], - [ - "ogene", - "tics" - ], - [ - "Ġoligonucle", - "otides" - ], - [ - "rac", - "tical" - ], - [ - "Ġdiver", - "ges" - ], - [ - "ĠStan", - "ford" - ], - [ - "ĠA", - "i" - ], - [ - "Ġweigh", - "ing" - ], - [ - "T", - "g" - ], - [ - "re", - "infor" - ], - [ - "ĠA", - "lam" - ], - [ - "qu", - "iry" - ], - [ - "ĠN", - "ob" - ], - [ - "Ġlinear", - "ization" - ], - [ - "ĠV", - "enez" - ], - [ - "ne", - "xin" - ], - [ - "level", - "s" - ], - [ - "L", - "ip" - ], - [ - "ĠPat", - "el" - ], - [ - "ĠMagn", - "itude" - ], - [ - "e", - "titive" - ], - [ - "ĠE", - "agle" - ], - [ - "Ġsp", - "utum" - ], - [ - "ĠCO", - "S" - ], - [ - "Ġincub", - "ator" - ], - [ - "U", - "l" - ], - [ - "ĠRec", - "eptors" - ], - [ - "ĠSch", - "ott" - ], - [ - "GC", - "G" - ], - [ - "ĠZe", - "iss" - ], - [ - "ĠEnt", - "anglement" - ], - [ - "ĠVacc", - "ine" - ], - [ - "or", - "ted" - ], - [ - "Ġn", - "b" - ], - [ - "ĠS", - "j" - ], - [ - "ĠM", - "rs" - ], - [ - "Ġcal", - "f" - ], - [ - "Ġinte", - "grability" - ], - [ - "ĠPh", - "oton" - ], - [ - "Ġgon", - "dii" - ], - [ - "ĠM", - "IL" - ], - [ - "Ġal", - "iph" - ], - [ - "ĠD", - "ip" - ], - [ - "fall", - "s" - ], - [ - "c", - "trl" - ], - [ - "k", - "u" - ], - [ - "et", - "ent" - ], - [ - "pl", - "t" - ], - [ - "Ġpers", - "isted" - ], - [ - "ĠMan", - "ager" - ], - [ - "Ġprerequ", - "isite" - ], - [ - "f", - "illing" - ], - [ - "ĠM", - "EA" - ], - [ - "S", - "ym" - ], - [ - "ĠG", - "rain" - ], - [ - "Ġduct", - "al" - ], - [ - "ĠT", - "ODO" - ], - [ - "Ġaff", - "inities" - ], - [ - "Ġdegener", - "ative" - ], - [ - "ĠF", - "itz" - ], - [ - "ov", - "ar" - ], - [ - "ĠTri", - "ple" - ], - [ - "Ġdend", - "rim" - ], - [ - "ĠFrank", - "lin" - ], - [ - "m", - "ag" - ], - [ - "ot", - "ely" - ], - [ - "Ġstabil", - "izes" - ], - [ - "Ġc", - "ash" - ], - [ - "ĠS", - "quad" - ], - [ - "Ġch", - "ampion" - ], - [ - "PD", - "B" - ], - [ - "Ġur", - "g" - ], - [ - "Ġalcoh", - "olic" - ], - [ - "Ġt", - "ar" - ], - [ - "yl", - "ed" - ], - [ - "V", - "ersion" - ], - [ - "Ġs", - "ale" - ], - [ - "ĠM", - "LP" - ], - [ - "out", - "er" - ], - [ - "Ġsimpl", - "ifying" - ], - [ - "ĠExt", - "ract" - ], - [ - "Par", - "am" - ], - [ - "ĠRest", - "ric" - ], - [ - "Ġtract", - "able" - ], - [ - "ĠArch", - "ive" - ], - [ - "Resp", - "onse" - ], - [ - "AD", - "DR" - ], - [ - "Ġcommut", - "ation" - ], - [ - "R", - "ich" - ], - [ - "ĠAndrew", - "s" - ], - [ - "Ġosteocl", - "ast" - ], - [ - "rom", - "ic" - ], - [ - "ĠSh", - "ift" - ], - [ - "Ġacceler", - "ometer" - ], - [ - "ĠS", - "ent" - ], - [ - "Ġch", - "ances" - ], - [ - "ost", - "ing" - ], - [ - "Ġmeth", - "acrylate" - ], - [ - "Ġglu", - "ons" - ], - [ - "Ġôı", - "½" - ], - [ - "Ġpolyg", - "ons" - ], - [ - "ĠRCT", - "s" - ], - [ - "Ġinf", - "ancy" - ], - [ - "Ġproceed", - "ed" - ], - [ - "ĠHor", - "izontal" - ], - [ - "C", - "OR" - ], - [ - "Ġc", - "aching" - ], - [ - "ĠN", - "HS" - ], - [ - "ph", - "obic" - ], - [ - "ĠX", - "MM" - ], - [ - "Ġmicrobi", - "ological" - ], - [ - "G", - "MP" - ], - [ - "Ù", - "Ĩ" - ], - [ - "ĠT", - "SS" - ], - [ - "ĠS", - "ul" - ], - [ - "ĠF", - "act" - ], - [ - "ĠW", - "E" - ], - [ - "Ġcertain", - "ty" - ], - [ - "ens", - "itivity" - ], - [ - "Ġdecon", - "volution" - ], - [ - "ĠG", - "ain" - ], - [ - "Ġbl", - "ots" - ], - [ - "Ġsee", - "ks" - ], - [ - "Ġcos", - "h" - ], - [ - "ennes", - "see" - ], - [ - "Ġsl", - "ave" - ], - [ - "ĠT", - "ran" - ], - [ - "Ġtrans", - "pose" - ], - [ - "re", - "ated" - ], - [ - "Ġsh", - "ading" - ], - [ - "ĠB", - "U" - ], - [ - "ĠO", - "V" - ], - [ - "ĠLo", - "ok" - ], - [ - "Ġcomprehens", - "ively" - ], - [ - "ĠFred", - "er" - ], - [ - "Hand", - "ler" - ], - [ - "f", - "ibr" - ], - [ - "Ġmiss", - "ense" - ], - [ - "target", - "s" - ], - [ - "prom", - "oting" - ], - [ - "ĠP", - "ep" - ], - [ - "var", - "pi" - ], - [ - "ĠHar", - "monic" - ], - [ - "ĠA", - "IS" - ], - [ - "Ġmon", - "ocyt" - ], - [ - "Ġthin", - "ning" - ], - [ - "Ġpherom", - "one" - ], - [ - "W", - "ater" - ], - [ - "an", - "ase" - ], - [ - "ĠS", - "ang" - ], - [ - "Ġsub", - "structure" - ], - [ - "w", - "p" - ], - [ - "ĠK", - "ansas" - ], - [ - "DE", - "BUG" - ], - [ - "ĠPro", - "be" - ], - [ - "Ġpattern", - "ed" - ], - [ - "cle", - "an" - ], - [ - "Ġbro", - "iler" - ], - [ - "odext", - "rin" - ], - [ - "a", - "ided" - ], - [ - "op", - "rol" - ], - [ - "ubl", - "in" - ], - [ - "in", - "um" - ], - [ - "Ġan", - "atomic" - ], - [ - "Ġpl", - "ating" - ], - [ - "ar", - "ro" - ], - [ - "uc", - "al" - ], - [ - "Ġspeed", - "up" - ], - [ - "Ġhaem", - "orrh" - ], - [ - "eptid", - "ase" - ], - [ - "Ġs", - "agittal" - ], - [ - "Ġin", - "tim" - ], - [ - "ĠF", - "ISH" - ], - [ - "Ġsc", - "arc" - ], - [ - "AT", - "CC" - ], - [ - "inc", - "or" - ], - [ - "Ġser", - "ological" - ], - [ - "ent", - "e" - ], - [ - "Ġsh", - "ale" - ], - [ - "Ġover", - "fitting" - ], - [ - "ĠEx", - "cess" - ], - [ - "ĠAL", - "P" - ], - [ - "P", - "ool" - ], - [ - "d", - "ry" - ], - [ - "y", - "u" - ], - [ - "ĠPM", - "MA" - ], - [ - "ĠHyp", - "oxia" - ], - [ - "n", - "othing" - ], - [ - "chest", - "ra" - ], - [ - "colone", - "qq" - ], - [ - "Ġb", - "ibli" - ], - [ - "ĠEX", - "PECT" - ], - [ - "B", - "AL" - ], - [ - "et", - "han" - ], - [ - "ĠâĪ", - "ĺ" - ], - [ - "Ġj", - "ourney" - ], - [ - "Ġbi", - "ocompatibility" - ], - [ - "P", - "AN" - ], - [ - "Ġb", - "on" - ], - [ - "ĠR", - "oh" - ], - [ - "Ġpolar", - "isation" - ], - [ - "Sp", - "in" - ], - [ - "id", - "ences" - ], - [ - "ĠB", - "CR" - ], - [ - "ĠH", - "IP" - ], - [ - "ĠTh", - "ick" - ], - [ - "Ġrecogn", - "izes" - ], - [ - "Ġs", - "ar" - ], - [ - "Ġam", - "end" - ], - [ - "ques", - "tions" - ], - [ - "Ġcareg", - "iver" - ], - [ - "ĠMari", - "e" - ], - [ - "Ġmetalloprotein", - "ase" - ], - [ - "Ġal", - "dehydes" - ], - [ - "Ġinter", - "neurons" - ], - [ - "Ġtetra", - "hedral" - ], - [ - "gue", - "z" - ], - [ - "Ġquasipar", - "ticle" - ], - [ - "Ġo", - "t" - ], - [ - "decre", - "asing" - ], - [ - "st", - "re" - ], - [ - "Ġphot", - "operiod" - ], - [ - "Ġprior", - "iti" - ], - [ - "Ġap", - "o" - ], - [ - "Ġimmunosup", - "pression" - ], - [ - "ĠPier", - "re" - ], - [ - "L", - "PS" - ], - [ - "Ġcl", - "umps" - ], - [ - "ĠPl", - "ane" - ], - [ - "Ġturb", - "idity" - ], - [ - "Ġpollut", - "ant" - ], - [ - "Ġbi", - "och" - ], - [ - "ĠT", - "RE" - ], - [ - "Ġdesign", - "ers" - ], - [ - "Ġrend", - "ers" - ], - [ - "Ġrepl", - "aces" - ], - [ - "ĠP", - "LS" - ], - [ - "Ġhum", - "oral" - ], - [ - "B", - "as" - ], - [ - "re", - "ira" - ], - [ - "ĠA", - "edes" - ], - [ - "vit", - "amin" - ], - [ - "cur", - "ves" - ], - [ - "ocic", - "eptive" - ], - [ - "Ġin", - "disp" - ], - [ - "Ġox", - "y" - ], - [ - "Ġed", - "ible" - ], - [ - "ĠMes", - "enchymal" - ], - [ - "ĠDeg", - "ree" - ], - [ - "Å", - "¾" - ], - [ - "ĠO", - "ak" - ], - [ - "ĠBhat", - "t" - ], - [ - "on", - "so" - ], - [ - "ĠS", - "BP" - ], - [ - "ĠA", - "ux" - ], - [ - "Ġmar", - "tingale" - ], - [ - "ĠMicrobi", - "ota" - ], - [ - "g", - "low" - ], - [ - "Ġex", - "ud" - ], - [ - "ap", - "olis" - ], - [ - "Ġsome", - "how" - ], - [ - "Ġcent", - "red" - ], - [ - "Ch", - "annel" - ], - [ - "ĠNormal", - "ized" - ], - [ - "il", - "itation" - ], - [ - "Ġtranscript", - "ase" - ], - [ - "Ġcry", - "o" - ], - [ - "predic", - "ted" - ], - [ - "ĠD", - "AG" - ], - [ - "Ġr", - "f" - ], - [ - "end", - "or" - ], - [ - "INT", - "ER" - ], - [ - "ĠMes", - "h" - ], - [ - "ĠFund", - "ament" - ], - [ - "y", - "cle" - ], - [ - "Ġprim", - "itives" - ], - [ - "radi", - "ated" - ], - [ - "Ġr", - "ho" - ], - [ - "enes", - "ulf" - ], - [ - "ĠF", - "SH" - ], - [ - "ĠE", - "cos" - ], - [ - "local", - "ized" - ], - [ - "Ġenter", - "prise" - ], - [ - "cephal", - "us" - ], - [ - "Ġcarc", - "ass" - ], - [ - "A", - "Y" - ], - [ - "ec", - "urity" - ], - [ - "ĠT", - "MD" - ], - [ - "Ġl", - "b" - ], - [ - "ĠA", - "eros" - ], - [ - "ĠM", - "ER" - ], - [ - "At", - "tr" - ], - [ - "ĠA", - "CL" - ], - [ - "ĠBar", - "b" - ], - [ - "c", - "out" - ], - [ - "Ġde", - "oxy" - ], - [ - "ati", - "os" - ], - [ - "Ġpers", - "ists" - ], - [ - "Ġviol", - "ent" - ], - [ - "Ab", - "elian" - ], - [ - "Ġell", - "ips" - ], - [ - "ion", - "g" - ], - [ - "Ġsuccess", - "or" - ], - [ - "ĠGonz", - "ález" - ], - [ - "l", - "iving" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠ" - ], - [ - "iment", - "in" - ], - [ - "Ġcaps", - "ules" - ], - [ - "V", - "IS" - ], - [ - "ĠP", - "OP" - ], - [ - "arithm", - "ic" - ], - [ - "O", - "O" - ], - [ - "w", - "l" - ], - [ - "ino", - "ic" - ], - [ - "ĠCent", - "ers" - ], - [ - "robl", - "asts" - ], - [ - "th", - "ose" - ], - [ - "ĠM", - "J" - ], - [ - "Ġfron", - "ts" - ], - [ - "Ġun", - "int" - ], - [ - "Ġfac", - "ile" - ], - [ - "co", - "herent" - ], - [ - "av", - "our" - ], - [ - "cep", - "tive" - ], - [ - "ta", - "h" - ], - [ - "Ġrelated", - "ness" - ], - [ - "d", - "E" - ], - [ - "un", - "gen" - ], - [ - "##", - "###" - ], - [ - "Ġam", - "phi" - ], - [ - "ĠGu", - "y" - ], - [ - "st", - "ars" - ], - [ - "ect", - "om" - ], - [ - "Ġlay", - "ing" - ], - [ - "Ġsp", - "ider" - ], - [ - "AC", - "s" - ], - [ - "Ġseed", - "ling" - ], - [ - "Ġdu", - "plicated" - ], - [ - "ic", - "he" - ], - [ - "ĠM", - "ST" - ], - [ - "gr", - "ass" - ], - [ - "Ġprophyl", - "actic" - ], - [ - "e", - "ks" - ], - [ - "Ġl", - "aryngeal" - ], - [ - "ĠS", - "per" - ], - [ - "ĠW", - "als" - ], - [ - "Ġcho", - "lec" - ], - [ - "ĠPlan", - "et" - ], - [ - "ĠHEP", - "ES" - ], - [ - "Ġdi", - "ploid" - ], - [ - "const", - "raint" - ], - [ - "Py", - "x" - ], - [ - "AC", - "h" - ], - [ - "ĠCu", - "i" - ], - [ - "ĠSh", - "ared" - ], - [ - "ĠC", - "and" - ], - [ - "ĠG", - "ö" - ], - [ - "Ġdet", - "ached" - ], - [ - "Ġpass", - "engers" - ], - [ - "Ġaliph", - "atic" - ], - [ - "Ġp", - "our" - ], - [ - "Ġaccess", - "es" - ], - [ - "ĠWal", - "d" - ], - [ - "Ġdecor", - "ated" - ], - [ - "Ġcaroten", - "oids" - ], - [ - "ues", - "tions" - ], - [ - "ĠImp", - "acts" - ], - [ - "S", - "AT" - ], - [ - "ar", - "u" - ], - [ - "ĠP", - "ir" - ], - [ - "ĠCon", - "figuration" - ], - [ - "ĠCong", - "o" - ], - [ - "ĠL", - "ing" - ], - [ - "Ġdes", - "ic" - ], - [ - "Ġmac", - "rom" - ], - [ - "Ġlack", - "ed" - ], - [ - "Ġencompass", - "es" - ], - [ - "Ġp", - "umped" - ], - [ - "ĠFor", - "ty" - ], - [ - "rex", - "ate" - ], - [ - "ifferenti", - "ated" - ], - [ - "Ġn", - "oble" - ], - [ - "Ġrad", - "ion" - ], - [ - "Ġimmig", - "rants" - ], - [ - "Ġbiodegrad", - "able" - ], - [ - "Ġmig", - "rating" - ], - [ - "arg", - "v" - ], - [ - "CO", - "M" - ], - [ - "ĠObserv", - "ational" - ], - [ - "Ġcann", - "abis" - ], - [ - "y", - "ama" - ], - [ - "Ġconcent", - "ric" - ], - [ - "Con", - "n" - ], - [ - "tal", - "ion" - ], - [ - "Ġrespond", - "ers" - ], - [ - "uten", - "ant" - ], - [ - "ĠT", - "rim" - ], - [ - "Ġcontrib", - "utors" - ], - [ - "Ġcontrac", - "ted" - ], - [ - "ĠXen", - "opus" - ], - [ - "Ġlo", - "ud" - ], - [ - "ĠEnh", - "ancing" - ], - [ - "Ġinfarc", - "t" - ], - [ - "Ġo", - "k" - ], - [ - "Ġas", - "ks" - ], - [ - "rel", - "in" - ], - [ - "Ġillustr", - "ative" - ], - [ - "vd", - "ash" - ], - [ - "d", - "g" - ], - [ - "Ġf", - "oc" - ], - [ - "Ġl", - "ivers" - ], - [ - "ĠO", - "tt" - ], - [ - "ĠT", - "SP" - ], - [ - "log", - "ger" - ], - [ - "depend", - "ing" - ], - [ - "Ġdis", - "proportion" - ], - [ - "Ġint", - "ric" - ], - [ - "Ġimmun", - "ized" - ], - [ - "vare", - "z" - ], - [ - "Ġsal", - "ic" - ], - [ - "ĠInstit", - "utes" - ], - [ - "KE", - "Y" - ], - [ - "Ġend", - "oscopy" - ], - [ - "er", - "k" - ], - [ - "el", - "iness" - ], - [ - "ĠS", - "ag" - ], - [ - "ath", - "yroid" - ], - [ - "Ġacid", - "ity" - ], - [ - "aro", - "v" - ], - [ - "ĠVor", - "onoi" - ], - [ - "Experim", - "ental" - ], - [ - "Ġg", - "ently" - ], - [ - "Me", - "asure" - ], - [ - "ïĺ", - "º" - ], - [ - "Ġw", - "onder" - ], - [ - "ĠP", - "ancreatic" - ], - [ - "ĠH", - "ispanic" - ], - [ - "ĠE", - "ug" - ], - [ - "re", - "ducing" - ], - [ - "tain", - "ment" - ], - [ - "Ġsur", - "prise" - ], - [ - "Ġ", - "æ" - ], - [ - "cr", - "iter" - ], - [ - "ĠHypert", - "ension" - ], - [ - "ti", - "que" - ], - [ - "ĠC", - "ris" - ], - [ - "comp", - "atible" - ], - [ - "ens", - "on" - ], - [ - "Ġdistribution", - "al" - ], - [ - "ĠN", - "AT" - ], - [ - "wid", - "ths" - ], - [ - "Ġisother", - "ms" - ], - [ - "ĠP", - "rad" - ], - [ - "Ġbi", - "odies" - ], - [ - "Ġorb", - "ifold" - ], - [ - "ĠE", - "OS" - ], - [ - "Ġat", - "ax" - ], - [ - "ĠB", - "od" - ], - [ - "ĠN", - "MD" - ], - [ - "Ġmon", - "oxide" - ], - [ - "ĠUk", - "raine" - ], - [ - "f", - "oli" - ], - [ - "ĠD", - "ro" - ], - [ - "Ġun", - "available" - ], - [ - "Ġbr", - "ighter" - ], - [ - "âĬ", - "Ĺ" - ], - [ - "ometh", - "ane" - ], - [ - "Ġd", - "ream" - ], - [ - "Ġsp", - "o" - ], - [ - "ĠMa", - "ur" - ], - [ - "Ġoccas", - "ional" - ], - [ - "Ġincons", - "istency" - ], - [ - "ĠT", - "ac" - ], - [ - "op", - "ts" - ], - [ - "ĠG", - "AB" - ], - [ - "ĠTa", - "o" - ], - [ - "ĠMatthe", - "w" - ], - [ - "Ã", - "½" - ], - [ - "Ġp", - "iano" - ], - [ - "ĠR", - "CC" - ], - [ - "ĠO", - "K" - ], - [ - "ĠK", - "ul" - ], - [ - "met", - "han" - ], - [ - "ĠPRO", - "C" - ], - [ - "Ġconvers", - "ations" - ], - [ - "ĠC", - "SI" - ], - [ - "ang", - "ent" - ], - [ - "ĠX", - "ue" - ], - [ - "Ġgraph", - "ic" - ], - [ - "den", - "ing" - ], - [ - "health", - "y" - ], - [ - "Ġf", - "p" - ], - [ - "az", - "one" - ], - [ - "Ġdiscipl", - "ine" - ], - [ - "Ġprogress", - "es" - ], - [ - "Ġb", - "amboo" - ], - [ - "Ġchar", - "m" - ], - [ - "ĠAc", - "tivated" - ], - [ - "ĠSh", - "arp" - ], - [ - "yn", - "es" - ], - [ - "Ġtool", - "box" - ], - [ - "Ġhetero", - "structures" - ], - [ - "piper", - "azin" - ], - [ - "Ġa", - "rose" - ], - [ - "ĠInter", - "val" - ], - [ - "Ġstrip", - "e" - ], - [ - "ĠCh", - "ak" - ], - [ - "Ġc", - "uff" - ], - [ - "RE", - "SS" - ], - [ - "Ġnon", - "uniform" - ], - [ - "Ġbeet", - "le" - ], - [ - "P", - "rec" - ], - [ - "z", - "c" - ], - [ - "Th", - "read" - ], - [ - "b", - "et" - ], - [ - "Ġe", - "e" - ], - [ - "ĠOption", - "al" - ], - [ - "Ġt", - "roph" - ], - [ - "ĠP", - "uer" - ], - [ - "ĠF", - "ron" - ], - [ - "Ġmultiple", - "t" - ], - [ - "Ġcalor", - "imetry" - ], - [ - "Ġmonocyt", - "ogenes" - ], - [ - "ĠH", - "imal" - ], - [ - "Ġdr", - "ill" - ], - [ - "AG", - "A" - ], - [ - "Ġferr", - "itin" - ], - [ - "Ġd", - "pi" - ], - [ - "ĠC", - "arm" - ], - [ - "Ġg", - "one" - ], - [ - "Ġun", - "idirectional" - ], - [ - "Ġrem", - "inis" - ], - [ - "Ġadjust", - "able" - ], - [ - "ĠAust", - "in" - ], - [ - "S", - "ARS" - ], - [ - "d", - "al" - ], - [ - "Ġc", - "ef" - ], - [ - "equiv", - "ariant" - ], - [ - "bas", - "eline" - ], - [ - "Ġspin", - "ors" - ], - [ - "ĠPr", - "int" - ], - [ - "Ġm", - "ile" - ], - [ - "ĠL", - "inc" - ], - [ - "mut", - "ation" - ], - [ - "Ġmuc", - "us" - ], - [ - "ĠH", - "SC" - ], - [ - "Ġtherm", - "od" - ], - [ - "Ġpain", - "t" - ], - [ - "Ġdistinct", - "ly" - ], - [ - "ath", - "y" - ], - [ - "Ġph", - "armacy" - ], - [ - "ĠBul", - "g" - ], - [ - "ĠG", - "ang" - ], - [ - "hic", - "le" - ], - [ - "og", - "an" - ], - [ - "ĠJ", - "ian" - ], - [ - "ĠIndian", - "a" - ], - [ - "Ġinstant", - "on" - ], - [ - "Ġpall", - "adium" - ], - [ - "f", - "iber" - ], - [ - "n", - "py" - ], - [ - "ĠU", - "A" - ], - [ - "ĠQ", - "T" - ], - [ - "cepti", - "ble" - ], - [ - "et", - "ine" - ], - [ - "ĠH", - "oles" - ], - [ - "Ġdepend", - "ences" - ], - [ - "Ġthreshold", - "ing" - ], - [ - "ĠMain", - "tenance" - ], - [ - "Ġparticip", - "ates" - ], - [ - "ĠGen", - "omes" - ], - [ - "factor", - "ial" - ], - [ - "ĠL", - "iber" - ], - [ - "ĠTherm", - "odynamic" - ], - [ - "Ġe", - "lective" - ], - [ - "uc", - "her" - ], - [ - "Ġhyper", - "ther" - ], - [ - "Ġstom", - "atal" - ], - [ - "ĠB", - "irth" - ], - [ - "ch", - "olesterol" - ], - [ - "Ġnot", - "ch" - ], - [ - "Ġsym", - "biotic" - ], - [ - "Ġbusiness", - "es" - ], - [ - "Ġapprec", - "iable" - ], - [ - "Ġspecial", - "ization" - ], - [ - "á", - "r" - ], - [ - "act", - "yl" - ], - [ - "ĠGraph", - "Pad" - ], - [ - "os", - "per" - ], - [ - "Ġor", - "chestr" - ], - [ - "Ġdi", - "hydro" - ], - [ - "Ġconcl", - "uding" - ], - [ - "CL", - "K" - ], - [ - "Ġeq", - "s" - ], - [ - "ĠProg", - "ression" - ], - [ - "Ġclub", - "s" - ], - [ - "ak", - "u" - ], - [ - "ev", - "ents" - ], - [ - "Ġspl", - "enic" - ], - [ - "Ġb", - "unch" - ], - [ - "ĠT", - "m" - ], - [ - "ĠM", - "obility" - ], - [ - "Ġtwo", - "fold" - ], - [ - "Ġradi", - "ally" - ], - [ - "L", - "STM" - ], - [ - "M", - "H" - ], - [ - "ĠCo", - "al" - ], - [ - "Ġfron", - "tier" - ], - [ - "J", - "an" - ], - [ - "J", - "un" - ], - [ - "ĠSim", - "pson" - ], - [ - "Ġabst", - "racts" - ], - [ - "P", - "al" - ], - [ - "Ġun", - "im" - ], - [ - "Ġro", - "bo" - ], - [ - "ĠII", - "B" - ], - [ - "dep", - "leted" - ], - [ - "Ġmorphological", - "ly" - ], - [ - "Ġenfor", - "cement" - ], - [ - "Ġd", - "well" - ], - [ - "Ġst", - "agn" - ], - [ - "Ġlim", - "estone" - ], - [ - "Ġmicro", - "v" - ], - [ - "Ġïĥ", - "¸" - ], - [ - "L", - "uc" - ], - [ - "p", - "acs" - ], - [ - "cy", - "ano" - ], - [ - "Ġintra", - "ocular" - ], - [ - "ĠCalc", - "ulate" - ], - [ - "Sup", - "port" - ], - [ - "SY", - "S" - ], - [ - "ĠV", - "S" - ], - [ - "CM", - "s" - ], - [ - "Const", - "ant" - ], - [ - "ĠD", - "j" - ], - [ - "Ġun", - "balanced" - ], - [ - "Ġrepeat", - "ability" - ], - [ - "g", - "ins" - ], - [ - "i", - "rect" - ], - [ - "ĠM", - "OR" - ], - [ - "ĠBa", - "iley" - ], - [ - "Ġadvance", - "ment" - ], - [ - "Ġpurs", - "uit" - ], - [ - "Ġa", - "rom" - ], - [ - "pro", - "ced" - ], - [ - "ĠIniti", - "ative" - ], - [ - "Ġincenti", - "ves" - ], - [ - "Ġsur", - "pass" - ], - [ - "gen", - "es" - ], - [ - "ĠIN", - "D" - ], - [ - "L", - "H" - ], - [ - "Ġsu", - "icidal" - ], - [ - "Ġbiodies", - "el" - ], - [ - "x", - "z" - ], - [ - "Ù", - "Ĭ" - ], - [ - "le", - "a" - ], - [ - "ĠAn", - "thony" - ], - [ - "Lear", - "ning" - ], - [ - "Ġund", - "o" - ], - [ - "Ġïĥ", - "º" - ], - [ - "ĠCommun", - "ities" - ], - [ - "h", - "ua" - ], - [ - "iti", - "me" - ], - [ - "ĠDe", - "an" - ], - [ - "Ġplas", - "min" - ], - [ - "ÃŃ", - "nez" - ], - [ - "ohyd", - "rate" - ], - [ - "Ġneurode", - "velop" - ], - [ - "Ġstoichi", - "ometric" - ], - [ - "ĠOnc", - "ology" - ], - [ - "Ġshow", - "er" - ], - [ - "ĠD", - "MS" - ], - [ - "W", - "OR" - ], - [ - "ĠP", - "IP" - ], - [ - "Ġster", - "ic" - ], - [ - "mitte", - "es" - ], - [ - "ist", - "ol" - ], - [ - "ox", - "ins" - ], - [ - "no", - "on" - ], - [ - "FF", - "T" - ], - [ - "Ġá", - "»" - ], - [ - "opo", - "iesis" - ], - [ - "Ġresemb", - "ling" - ], - [ - "ĠB", - "ord" - ], - [ - "Ġprob", - "iotics" - ], - [ - "ocy", - "sts" - ], - [ - "gre", - "y" - ], - [ - "ĠCatal", - "og" - ], - [ - "IZ", - "ATION" - ], - [ - "ill", - "es" - ], - [ - "ĠAl", - "an" - ], - [ - "ĠÅ", - "·" - ], - [ - "ĠLe", - "ib" - ], - [ - "ĠReason", - "ing" - ], - [ - "bi", - "ological" - ], - [ - "uter", - "ine" - ], - [ - "vac", - "izumab" - ], - [ - "lecom", - "mun" - ], - [ - "ĠW", - "arm" - ], - [ - "ep", - "age" - ], - [ - "vari", - "ants" - ], - [ - "B", - "SA" - ], - [ - "Ġïĥ", - "¶" - ], - [ - "Ġhepat", - "ocyte" - ], - [ - "ket", - "ch" - ], - [ - "Ġstrip", - "ping" - ], - [ - "ĠAd", - "verse" - ], - [ - "ĠFe", - "as" - ], - [ - "Ġïĥ", - "¯" - ], - [ - "P", - "ac" - ], - [ - "Ġind", - "entation" - ], - [ - "Ġsec", - "ular" - ], - [ - "Ġidentif", - "iable" - ], - [ - "run", - "ning" - ], - [ - "Ġr", - "d" - ], - [ - "Ġz", - "yg" - ], - [ - "ĠD", - "ictionary" - ], - [ - "Ġres", - "veratrol" - ], - [ - "ines", - "terase" - ], - [ - "Ġtet", - "racycline" - ], - [ - "ub", - "les" - ], - [ - "Ġthro", - "at" - ], - [ - "ĠL", - "amb" - ], - [ - "ary", - "on" - ], - [ - "ĠS", - "QL" - ], - [ - "ĠÃ", - "ľ" - ], - [ - "Ġgly", - "cemic" - ], - [ - "Ġcompet", - "ent" - ], - [ - "ĠAg", - "reement" - ], - [ - "oic", - "ed" - ], - [ - "Ġconstitu", - "tively" - ], - [ - "Ġelectro", - "cardi" - ], - [ - "oplas", - "ma" - ], - [ - "Ġî", - "Ħĥ" - ], - [ - "an", - "ide" - ], - [ - "Ġre", - "organization" - ], - [ - "Ġun", - "infected" - ], - [ - "UT", - "E" - ], - [ - "Ġro", - "yal" - ], - [ - "ĠS", - "it" - ], - [ - "Ġmar", - "ital" - ], - [ - "ĠKob", - "ayashi" - ], - [ - "B", - "arr" - ], - [ - "ĠT", - "ennessee" - ], - [ - "ĠChrom", - "at" - ], - [ - "ĠD", - "erm" - ], - [ - "pro", - "jection" - ], - [ - "ĠJ", - "ob" - ], - [ - "Ġâī", - "ł" - ], - [ - "ĠT", - "rip" - ], - [ - "Ġis", - "op" - ], - [ - "Ġproject", - "or" - ], - [ - "Ġatmosp", - "heres" - ], - [ - "Ġperfor", - "ation" - ], - [ - "st", - "orage" - ], - [ - "ith", - "s" - ], - [ - "Ġmon", - "omeric" - ], - [ - "ĠUS", - "B" - ], - [ - "ĠE", - "ve" - ], - [ - "Ġsp", - "ore" - ], - [ - "Ġm", - "T" - ], - [ - "ox", - "azole" - ], - [ - "ĠDe", - "formation" - ], - [ - "Ġtext", - "ual" - ], - [ - "Ġwar", - "f" - ], - [ - "Ġneuropath", - "ic" - ], - [ - "prep", - "ared" - ], - [ - "Ġbl", - "ended" - ], - [ - "ĠHo", - "uston" - ], - [ - "****************************************************************", - "********" - ], - [ - "es", - "ters" - ], - [ - "Equ", - "als" - ], - [ - "Ġallerg", - "en" - ], - [ - "Ġpertin", - "ent" - ], - [ - "f", - "acts" - ], - [ - "uc", - "tions" - ], - [ - "Ġcl", - "ocks" - ], - [ - "ĠV", - "ia" - ], - [ - "ĠCD", - "F" - ], - [ - "Ġest", - "uary" - ], - [ - "Ġphenomen", - "ology" - ], - [ - "ar", - "us" - ], - [ - "AP", - "H" - ], - [ - "Ġarg", - "ues" - ], - [ - "Ġinser", - "ts" - ], - [ - "g", - "ow" - ], - [ - "h", - "art" - ], - [ - "Ġchem", - "otaxis" - ], - [ - "Ġp", - "v" - ], - [ - "Ġre", - "in" - ], - [ - "ĠG", - "rim" - ], - [ - "ĠV", - "F" - ], - [ - "Ġeff", - "ic" - ], - [ - "ĠProf", - "iling" - ], - [ - "Ġan", - "odic" - ], - [ - "ĠDEN", - "V" - ], - [ - "ĠW", - "it" - ], - [ - "ĠSY", - "STEM" - ], - [ - "ĠCay", - "ley" - ], - [ - "En", - "g" - ], - [ - "ĠA", - "QP" - ], - [ - "inter", - "actions" - ], - [ - "ili", - "arity" - ], - [ - "ĠProm", - "otes" - ], - [ - "Ġd", - "ams" - ], - [ - "ing", - "ton" - ], - [ - "ff", - "ff" - ], - [ - "Ġint", - "ran" - ], - [ - "ĠTurb", - "ulence" - ], - [ - "ĠBian", - "chi" - ], - [ - "C", - "RE" - ], - [ - "ĠN", - "OD" - ], - [ - "ap", - "ine" - ], - [ - "ĠK", - "ane" - ], - [ - "ĠPD", - "GF" - ], - [ - "ĠAx", - "is" - ], - [ - "ĠC", - "ausal" - ], - [ - "ĠPo", - "or" - ], - [ - "ĠW", - "ords" - ], - [ - "ĠHR", - "V" - ], - [ - "Ġcyan", - "obacteria" - ], - [ - "Ġreminis", - "cent" - ], - [ - "ĠRemark", - "ably" - ], - [ - "he", - "et" - ], - [ - "@", - "@" - ], - [ - "b", - "il" - ], - [ - "Ġdiscrim", - "inating" - ], - [ - "ĠBal", - "tic" - ], - [ - "ĠQue", - "bec" - ], - [ - "Ġdef", - "ensive" - ], - [ - "âĪ", - "©" - ], - [ - "k", - "r" - ], - [ - "ĠR", - "PE" - ], - [ - "see", - "king" - ], - [ - "ĠMo", - "vie" - ], - [ - "Ġinnov", - "ations" - ], - [ - "le", - "pt" - ], - [ - "Ġk", - "w" - ], - [ - "Ġtib", - "ia" - ], - [ - "Ġne", - "at" - ], - [ - "yt", - "est" - ], - [ - "Ġthin", - "ner" - ], - [ - "Ġoste", - "oblasts" - ], - [ - "ĠNorth", - "west" - ], - [ - "M", - "OS" - ], - [ - "ĠP", - "Q" - ], - [ - "Ġsp", - "i" - ], - [ - "Ġrespond", - "s" - ], - [ - "Ġhistor", - "ically" - ], - [ - "ĠPack", - "age" - ], - [ - "ĠCoast", - "al" - ], - [ - "ĠMississ", - "ippi" - ], - [ - "ĠP", - "VA" - ], - [ - "per", - "ing" - ], - [ - "ind", - "ole" - ], - [ - "Ġprosp", - "ectively" - ], - [ - "ĠHem", - "isphere" - ], - [ - "Ġbare", - "ly" - ], - [ - "án", - "chez" - ], - [ - "ag", - "gered" - ], - [ - "yp", - "tian" - ], - [ - "ĠG", - "est" - ], - [ - "yl", - "ine" - ], - [ - "Ġphot", - "ochemical" - ], - [ - "os", - "calar" - ], - [ - "por", - "ated" - ], - [ - "Ġmetabol", - "omics" - ], - [ - "Ġoste", - "oblast" - ], - [ - "EGF", - "P" - ], - [ - "eri", - "atric" - ], - [ - "D", - "W" - ], - [ - "qu", - "est" - ], - [ - "ĠH", - "ave" - ], - [ - "Ġsp", - "ondyl" - ], - [ - "ĠPrim", - "er" - ], - [ - "Ġs", - "inks" - ], - [ - "Ġg", - "aussian" - ], - [ - "ĠK", - "hal" - ], - [ - "En", - "c" - ], - [ - "ĠAn", - "opheles" - ], - [ - "Th", - "anks" - ], - [ - "Ġconstr", - "ued" - ], - [ - "ĠU", - "SS" - ], - [ - "ĠZe", - "eman" - ], - [ - "Ġex", - "ported" - ], - [ - "ĠLe", - "vi" - ], - [ - "Ġcomm", - "ander" - ], - [ - "conn", - "ect" - ], - [ - "Ġnom", - "enclature" - ], - [ - "there", - "fore" - ], - [ - "ul", - "ata" - ], - [ - "Ġent", - "repreneur" - ], - [ - "Ġneuros", - "cience" - ], - [ - "z", - "an" - ], - [ - "Ġext", - "ant" - ], - [ - "AT", - "IVE" - ], - [ - "ope", - "z" - ], - [ - "Ġenfor", - "ced" - ], - [ - "ĠInnov", - "ation" - ], - [ - "ear", - "ance" - ], - [ - "Ġimp", - "ressive" - ], - [ - "ĠPl", - "ac" - ], - [ - "ĠMo", - "z" - ], - [ - "ĠSt", - "ark" - ], - [ - "Ġri", - "val" - ], - [ - "ĠCap", - "ital" - ], - [ - "Ġgranular", - "ity" - ], - [ - "Ġdiaphrag", - "m" - ], - [ - "ut", - "aneous" - ], - [ - "ind", - "s" - ], - [ - "Ġphot", - "ograph" - ], - [ - "Ġrect", - "angles" - ], - [ - "T", - "GF" - ], - [ - "Ġse", - "af" - ], - [ - "Ġm", - "aze" - ], - [ - "ĠH", - "W" - ], - [ - "Ġcorrel", - "ators" - ], - [ - "Ġdistinguish", - "able" - ], - [ - "Ġconfound", - "ers" - ], - [ - "Ġlandsl", - "ide" - ], - [ - "Ġto", - "ll" - ], - [ - "Ġwas", - "tes" - ], - [ - "ĠW", - "F" - ], - [ - "Ġend", - "oc" - ], - [ - "Ġcaps", - "id" - ], - [ - "ec", - "und" - ], - [ - "ĠR", - "BD" - ], - [ - "ps", - "in" - ], - [ - "Ġobst", - "etric" - ], - [ - "Ġnanos", - "heets" - ], - [ - "oc", - "ols" - ], - [ - "ren", - "s" - ], - [ - "ĠSub", - "stituting" - ], - [ - "Ġcustom", - "ized" - ], - [ - "Ġres", - "uscitation" - ], - [ - "Ġtub", - "ulin" - ], - [ - "ophy", - "te" - ], - [ - "~~~~", - "~~~~" - ], - [ - "pl", - "ants" - ], - [ - "hic", - "illin" - ], - [ - "hal", - "o" - ], - [ - "ruit", - "ment" - ], - [ - "ĠConc", - "rete" - ], - [ - "Ġnanor", - "ods" - ], - [ - "ĠForm", - "s" - ], - [ - "Ġd", - "ying" - ], - [ - "dis", - "charge" - ], - [ - "Ġwell", - "being" - ], - [ - "Ġwar", - "mer" - ], - [ - "ĠS", - "SD" - ], - [ - "ĠA", - "UT" - ], - [ - "ĠCon", - "jug" - ], - [ - "Ġjuven", - "iles" - ], - [ - "Ġine", - "vitably" - ], - [ - "ĠM", - "CS" - ], - [ - "appro", - "ach" - ], - [ - "ĠM", - "ason" - ], - [ - "ĠG", - "ust" - ], - [ - "ĠTherm", - "odynamics" - ], - [ - "Ġpe", - "el" - ], - [ - "ĠTranscript", - "ome" - ], - [ - "Ġindisp", - "ensable" - ], - [ - "ur", - "gery" - ], - [ - "pos", - "ity" - ], - [ - "Ġpolar", - "izations" - ], - [ - "ĠOther", - "s" - ], - [ - "Ġsand", - "y" - ], - [ - "Ġgli", - "omas" - ], - [ - "Ġpurs", - "ued" - ], - [ - "V", - "EL" - ], - [ - "Ġr", - "st" - ], - [ - "pos", - "ium" - ], - [ - "ne", - "arest" - ], - [ - "Ġdissem", - "inated" - ], - [ - "ĠMY", - "C" - ], - [ - "Ġal", - "dehyde" - ], - [ - "ĠDiagn", - "ostics" - ], - [ - "m", - "ans" - ], - [ - "Ġas", - "phal" - ], - [ - "ĠSe", - "lect" - ], - [ - "ĠRec", - "on" - ], - [ - "and", - "ro" - ], - [ - "D", - "IM" - ], - [ - "Ġf", - "eces" - ], - [ - "ill", - "on" - ], - [ - "ĠMAL", - "DI" - ], - [ - "n", - "f" - ], - [ - "ĠE", - "lim" - ], - [ - "Ġhapp", - "y" - ], - [ - "ĠKar", - "l" - ], - [ - "ĠIn", - "ser" - ], - [ - "Ġinter", - "rog" - ], - [ - "In", - "tern" - ], - [ - "Ġtensor", - "flow" - ], - [ - "Ġhalo", - "es" - ], - [ - "Ġanticip", - "ate" - ], - [ - "ĠDPP", - "H" - ], - [ - "rÃŃ", - "guez" - ], - [ - "H", - "er" - ], - [ - "an", - "ate" - ], - [ - "Ġd", - "ressing" - ], - [ - "ĠH", - "oly" - ], - [ - "Ġnew", - "er" - ], - [ - "rid", - "es" - ], - [ - "plac", - "ed" - ], - [ - "inet", - "obacter" - ], - [ - "ĠOcc", - "urrence" - ], - [ - "ed", - "ema" - ], - [ - "ĠI", - "k" - ], - [ - "ab", - "ad" - ], - [ - "ĠTrans", - "itions" - ], - [ - "Ġoutl", - "ines" - ], - [ - "Ġcoch", - "lear" - ], - [ - "G", - "y" - ], - [ - "s", - "uccess" - ], - [ - "ĠM", - "EM" - ], - [ - "ast", - "ype" - ], - [ - "Ġnormal", - "izing" - ], - [ - "Ġtermin", - "ates" - ], - [ - "Ġsudden", - "ly" - ], - [ - "b", - "box" - ], - [ - "ĠP", - "ul" - ], - [ - "ĠP", - "TP" - ], - [ - "ag", - "inal" - ], - [ - "Ġpre", - "trained" - ], - [ - "Ġun", - "reliable" - ], - [ - "ĠGraph", - "ical" - ], - [ - "ĠSey", - "fert" - ], - [ - "Ġcharacter", - "izations" - ], - [ - "Ġt", - "x" - ], - [ - "Ġbic", - "arbonate" - ], - [ - "math", - "ord" - ], - [ - "Ġher", - "itability" - ], - [ - "stack", - "exchange" - ], - [ - "i", - "ri" - ], - [ - "âĢ", - "ĸ" - ], - [ - "ip", - "it" - ], - [ - "at", - "tle" - ], - [ - "Ġare", - "na" - ], - [ - "ib", - "a" - ], - [ - "ĠA", - "X" - ], - [ - "ĠG", - "Ps" - ], - [ - "ophil", - "ia" - ], - [ - "S", - "EL" - ], - [ - "os", - "ystem" - ], - [ - "ĠâĬ", - "¢" - ], - [ - "ĠNucle", - "us" - ], - [ - "red", - "ited" - ], - [ - "AC", - "R" - ], - [ - "ĠAnt", - "enna" - ], - [ - "ĠCd", - "c" - ], - [ - "or", - "ie" - ], - [ - "Ġequil", - "ibration" - ], - [ - "el", - "ong" - ], - [ - "st", - "ability" - ], - [ - "ĠSch", - "ist" - ], - [ - "Ġinject", - "ing" - ], - [ - "h", - "p" - ], - [ - "Ġvit", - "amins" - ], - [ - "Po", - "isson" - ], - [ - "or", - "tal" - ], - [ - "ĠÃ", - "Ĭ" - ], - [ - "ĠÄ", - "ı" - ], - [ - "I", - "ll" - ], - [ - "Ġutil", - "s" - ], - [ - "оÐ", - "²" - ], - [ - "ĠG", - "rom" - ], - [ - "::", - "::" - ], - [ - "ĠGn", - "RH" - ], - [ - "ĠSier", - "ra" - ], - [ - "Ġd", - "rafted" - ], - [ - "Ġcap", - "ita" - ], - [ - "sh", - "ips" - ], - [ - "Ġtim", - "estamp" - ], - [ - "Ġsubstit", - "uents" - ], - [ - "ĠNot", - "able" - ], - [ - "ĠPur", - "pose" - ], - [ - "in", - "ol" - ], - [ - "Ġa", - "i" - ], - [ - "Ġf", - "og" - ], - [ - "ot", - "one" - ], - [ - "ĠPl", - "aces" - ], - [ - "bys", - "hev" - ], - [ - "ti", - "ology" - ], - [ - "ri", - "ption" - ], - [ - "Ġy", - "ards" - ], - [ - "ĠX", - "I" - ], - [ - "Ġtechn", - "ically" - ], - [ - "G", - "AM" - ], - [ - "ĠA", - "BS" - ], - [ - "pl", - "atform" - ], - [ - "ĠW", - "O" - ], - [ - "PRO", - "C" - ], - [ - "Ġrecons", - "tit" - ], - [ - "ĠAnomal", - "ous" - ], - [ - "ĠBi", - "ol" - ], - [ - "St", - "age" - ], - [ - "ĠReview", - "s" - ], - [ - "Ġrecall", - "ing" - ], - [ - "Ġille", - "gal" - ], - [ - "l", - "und" - ], - [ - "Â", - "¬" - ], - [ - "ut", - "henium" - ], - [ - "ĠP", - "es" - ], - [ - "Ġo", - "varies" - ], - [ - "sol", - "utions" - ], - [ - "mass", - "ive" - ], - [ - "ĠRA", - "W" - ], - [ - "Ġrecon", - "nection" - ], - [ - "ĠSus", - "ceptibility" - ], - [ - "Ġeconom", - "ical" - ], - [ - "cult", - "ured" - ], - [ - "ĠSh", - "am" - ], - [ - "sq", - "cup" - ], - [ - "Ġp", - "ear" - ], - [ - "dep", - "osition" - ], - [ - "uch", - "s" - ], - [ - "ĠS", - "aw" - ], - [ - "Ġembol", - "ism" - ], - [ - "B", - "ur" - ], - [ - "n", - "ar" - ], - [ - "ou", - "le" - ], - [ - "Ġtex", - "tile" - ], - [ - "se", - "ven" - ], - [ - "th", - "io" - ], - [ - "Ġden", - "oising" - ], - [ - "CE", - "P" - ], - [ - "Ġubiquit", - "ination" - ], - [ - "ĠCarl", - "os" - ], - [ - "a", - "P" - ], - [ - "Ġfol", - "der" - ], - [ - "Ġhemat", - "ological" - ], - [ - "il", - "uminescence" - ], - [ - "ĠF", - "uel" - ], - [ - "ic", - "ion" - ], - [ - "ac", - "ulture" - ], - [ - "AR", - "B" - ], - [ - "ĠTra", - "vel" - ], - [ - "F", - "unc" - ], - [ - "ac", - "les" - ], - [ - "ĠIn", - "te" - ], - [ - "Ġvacu", - "a" - ], - [ - "Ġcock", - "tail" - ], - [ - "ĠIn", - "sp" - ], - [ - "Ġcor", - "porate" - ], - [ - "Ġdepic", - "ting" - ], - [ - "Ġspr", - "int" - ], - [ - "ĠmTOR", - "C" - ], - [ - "Ġc", - "img" - ], - [ - "oc", - "arbon" - ], - [ - "ĠD", - "ave" - ], - [ - "ĠG", - "b" - ], - [ - "ij", - "i" - ], - [ - "target", - "ing" - ], - [ - "Ġsequest", - "ration" - ], - [ - "B", - "ri" - ], - [ - "I", - "GF" - ], - [ - "Ġanaly", - "tics" - ], - [ - "ĠAc", - "inetobacter" - ], - [ - "get", - "s" - ], - [ - "MP", - "S" - ], - [ - "ogl", - "uc" - ], - [ - "C", - "ent" - ], - [ - "Ġver", - "bs" - ], - [ - "Ġinduc", - "tance" - ], - [ - "di", - "agram" - ], - [ - "Ġrec", - "alled" - ], - [ - "Ġcos", - "me" - ], - [ - "Ġautom", - "otive" - ], - [ - "ĠPD", - "Es" - ], - [ - "ĠRe", - "id" - ], - [ - "Ġadap", - "ter" - ], - [ - "ĠOl", - "iver" - ], - [ - "Ġaval", - "anche" - ], - [ - "V", - "ir" - ], - [ - "ĠT", - "oxicity" - ], - [ - "ĠLe", - "u" - ], - [ - "Con", - "clusions" - ], - [ - "Ġtet", - "ragonal" - ], - [ - "ĠDM", - "F" - ], - [ - "umann", - "ii" - ], - [ - "ĠRequire", - "ments" - ], - [ - "t", - "oc" - ], - [ - "it", - "é" - ], - [ - "Ġcontin", - "ent" - ], - [ - "ĠH", - "ank" - ], - [ - "ĠDef", - "initions" - ], - [ - "GP", - "U" - ], - [ - "orig", - "in" - ], - [ - "Ġdich", - "ro" - ], - [ - "M", - "us" - ], - [ - "Ġb", - "ival" - ], - [ - "Ġimp", - "ulsive" - ], - [ - "Ġassemb", - "le" - ], - [ - "Ġpip", - "es" - ], - [ - "doc", - "s" - ], - [ - "Ġexchang", - "er" - ], - [ - "Ġall", - "ograft" - ], - [ - "lo", - "yd" - ], - [ - "ĠÌ", - "ĭ" - ], - [ - "Ġanten", - "atal" - ], - [ - "Ġgrass", - "land" - ], - [ - "Ġhy", - "stere" - ], - [ - "ĠAnti", - "gen" - ], - [ - "ĠGener", - "ic" - ], - [ - "ĠT", - "uring" - ], - [ - "ĠEx", - "cell" - ], - [ - "ĠHe", - "in" - ], - [ - "aj", - "a" - ], - [ - "umin", - "um" - ], - [ - "cit", - "abine" - ], - [ - "f", - "acial" - ], - [ - "iter", - "ation" - ], - [ - "Ġsl", - "urry" - ], - [ - "AM", - "L" - ], - [ - "erge", - "tic" - ], - [ - "ĠTH", - "F" - ], - [ - "Ġkil", - "ometers" - ], - [ - "f", - "g" - ], - [ - "ed", - "uc" - ], - [ - "id", - "ian" - ], - [ - "Ġpredic", - "ates" - ], - [ - "Ġradi", - "os" - ], - [ - "ĠPer", - "i" - ], - [ - "ĠShe", - "ll" - ], - [ - "Ġarc", - "sec" - ], - [ - "Ġstri", - "atal" - ], - [ - "Ġce", - "iling" - ], - [ - "olith", - "ic" - ], - [ - "Ġexhaus", - "tion" - ], - [ - "P", - "UT" - ], - [ - "ther", - "s" - ], - [ - "ym", - "p" - ], - [ - "ĠQ", - "ian" - ], - [ - "ĠProg", - "ressive" - ], - [ - "Ġw", - "el" - ], - [ - "ĠCon", - "vention" - ], - [ - "ĠCur", - "ie" - ], - [ - "ĠM", - "ans" - ], - [ - "ĠN", - "ova" - ], - [ - "ĠW", - "ells" - ], - [ - "de", - "w" - ], - [ - "St", - "andard" - ], - [ - "real", - "istic" - ], - [ - "trans", - "pose" - ], - [ - "ser", - "ial" - ], - [ - "ĠT", - "x" - ], - [ - "ĠA", - "MR" - ], - [ - "Ġind", - "eterm" - ], - [ - "ĠLi", - "ouville" - ], - [ - "hook", - "rightarrow" - ], - [ - "AR", - "s" - ], - [ - "Ġbase", - "ball" - ], - [ - "ac", - "ious" - ], - [ - "agne", - "tization" - ], - [ - "es", - "timate" - ], - [ - "ĠP", - "AS" - ], - [ - "Ġme", - "als" - ], - [ - "multi", - "ple" - ], - [ - "ĠBiomark", - "ers" - ], - [ - "W", - "ide" - ], - [ - "ĠTom", - "ography" - ], - [ - "////////////////", - "////////////////" - ], - [ - "Ġres", - "ins" - ], - [ - "Ġany", - "where" - ], - [ - "IN", - "C" - ], - [ - "ĠTe", - "aching" - ], - [ - "ĠSam", - "uel" - ], - [ - "Ġhall", - "mark" - ], - [ - "ĠTh", - "yroid" - ], - [ - "oth", - "i" - ], - [ - "Ġconst", - "raining" - ], - [ - "ĠBar", - "rett" - ], - [ - "ĠEr", - "rors" - ], - [ - "C", - "ole" - ], - [ - "sh", - "aring" - ], - [ - "HD", - "L" - ], - [ - "Eff", - "ect" - ], - [ - "ĠT", - "olerance" - ], - [ - "Ġstress", - "ful" - ], - [ - "ĠBal", - "ance" - ], - [ - "ĠT", - "ech" - ], - [ - "Ġval", - "leys" - ], - [ - "set", - "up" - ], - [ - "ĠRad", - "ical" - ], - [ - "ĠMacroph", - "ages" - ], - [ - "Ġinter", - "rupt" - ], - [ - "Ġdi", - "atom" - ], - [ - "col", - "ored" - ], - [ - "Ġpy", - "rid" - ], - [ - "FD", - "G" - ], - [ - "Ã", - "¦" - ], - [ - "Ġre", - "ared" - ], - [ - "ĠR", - "ating" - ], - [ - "Ġop", - "aque" - ], - [ - "pack", - "age" - ], - [ - "Ġnas", - "opharyngeal" - ], - [ - "Ġprecondition", - "ing" - ], - [ - "D", - "iptera" - ], - [ - "ĠM", - "ing" - ], - [ - "ĠCa", - "ro" - ], - [ - "ĠImmun", - "ity" - ], - [ - "rif", - "uge" - ], - [ - "ĠObj", - "ectives" - ], - [ - "g", - "han" - ], - [ - "uc", - "cin" - ], - [ - "ĠF", - "ors" - ], - [ - "ĠF", - "ITC" - ], - [ - "Ġse", - "ats" - ], - [ - "ĠImp", - "aired" - ], - [ - "Ġreef", - "s" - ], - [ - "em", - "aker" - ], - [ - "Ġoff", - "ices" - ], - [ - "Ġaccept", - "ing" - ], - [ - "ĠTR", - "AN" - ], - [ - "ĠTarget", - "s" - ], - [ - "Ġcorrel", - "ator" - ], - [ - "Ġsuper", - "capac" - ], - [ - "in", - "burgh" - ], - [ - "Ġcoll", - "ider" - ], - [ - "Ġenter", - "ic" - ], - [ - "ĠSTR", - "UCTURE" - ], - [ - "Ġmin", - "ister" - ], - [ - "ĠArch", - "ae" - ], - [ - "Lo", - "op" - ], - [ - "ĠA", - "SA" - ], - [ - "Ġcont", - "acted" - ], - [ - "Ġhis", - "tidine" - ], - [ - "fold", - "ed" - ], - [ - "S", - "earch" - ], - [ - "Ġresp", - "ects" - ], - [ - "ĠAT", - "F" - ], - [ - "Ġtro", - "uble" - ], - [ - "Ġprev", - "ailing" - ], - [ - "C", - "p" - ], - [ - "ĠT", - "CM" - ], - [ - "ĠSp", - "inal" - ], - [ - "Ġgu", - "ides" - ], - [ - "ev", - "itable" - ], - [ - "Ġb", - "rick" - ], - [ - "str", - "ings" - ], - [ - "ĠHung", - "ary" - ], - [ - "Ġe", - "ps" - ], - [ - "ent", - "ricular" - ], - [ - "Spec", - "ifically" - ], - [ - "and", - "o" - ], - [ - "iss", - "ues" - ], - [ - "osom", - "iasis" - ], - [ - "k", - "Da" - ], - [ - "Ġas", - "ide" - ], - [ - "Ġaden", - "ine" - ], - [ - "Ġmotiv", - "ate" - ], - [ - "strat", - "ig" - ], - [ - "B", - "LE" - ], - [ - "ĠDep", - "osition" - ], - [ - "m", - "otor" - ], - [ - "ĠH", - "ers" - ], - [ - "Ġne", - "bul" - ], - [ - "ĠBar", - "rier" - ], - [ - "Un", - "like" - ], - [ - "Ġball", - "istic" - ], - [ - "Ġsouth", - "western" - ], - [ - "ĠMont", - "real" - ], - [ - "S", - "can" - ], - [ - "Ġm", - "ould" - ], - [ - "Ġinter", - "rup" - ], - [ - "small", - "matrix" - ], - [ - "Ġelabor", - "ated" - ], - [ - "uc", - "ks" - ], - [ - "AP", - "S" - ], - [ - "ĠCons", - "umption" - ], - [ - "cap", - "acity" - ], - [ - "inn", - "itus" - ], - [ - "Ġgovern", - "ance" - ], - [ - "Ġp", - "alsy" - ], - [ - "Ġsub", - "mission" - ], - [ - "Ġtem", - "ple" - ], - [ - "ĠII", - "A" - ], - [ - "meth", - "ionine" - ], - [ - "Ġker", - "at" - ], - [ - "Ġrid", - "ges" - ], - [ - "Prom", - "ega" - ], - [ - "c", - "ols" - ], - [ - "IS", - "P" - ], - [ - "Ġap", - "nea" - ], - [ - "ĠFl", - "at" - ], - [ - "ĠEp", - "igenetic" - ], - [ - "Ġpar", - "ish" - ], - [ - "ĠPar", - "ametric" - ], - [ - "d", - "ash" - ], - [ - "f", - "uture" - ], - [ - "r", - "ise" - ], - [ - "Ġcontract", - "ing" - ], - [ - "alg", - "ia" - ], - [ - "Ġg", - "oto" - ], - [ - "stad", - "t" - ], - [ - "Ġfabric", - "ate" - ], - [ - "Ġdimer", - "ization" - ], - [ - "d", - "ump" - ], - [ - "ĠL", - "yn" - ], - [ - "Ġrecycl", - "ed" - ], - [ - "posed", - "ness" - ], - [ - "ĠSens", - "ory" - ], - [ - "ï", - "Ŀ" - ], - [ - "ĠW", - "et" - ], - [ - "Ġdi", - "ethyl" - ], - [ - "Ġbl", - "ades" - ], - [ - "Ġtim", - "ed" - ], - [ - "Ġkey", - "word" - ], - [ - "Ġpolyt", - "ope" - ], - [ - "ĠG", - "ot" - ], - [ - "Ġapproxim", - "ates" - ], - [ - "With", - "out" - ], - [ - "ĠB", - "ere" - ], - [ - "ĠL", - "p" - ], - [ - "opl", - "asty" - ], - [ - "ĠF", - "ibr" - ], - [ - "mod", - "ulated" - ], - [ - "ĠAR", - "M" - ], - [ - "Ġunde", - "restimate" - ], - [ - "ĠC", - "BS" - ], - [ - "ĠL", - "ectures" - ], - [ - "unc", - "an" - ], - [ - "ĠSe", - "ismic" - ], - [ - "So", - "ft" - ], - [ - "Ġzo", - "oplankton" - ], - [ - "Ġencephal", - "opathy" - ], - [ - "ĠS", - "SA" - ], - [ - "ĠC", - "ros" - ], - [ - "ĠH", - "ann" - ], - [ - "Ġsh", - "uffle" - ], - [ - "sc", - "ription" - ], - [ - "ĠRever", - "s" - ], - [ - "Stud", - "ies" - ], - [ - "Ġsoc", - "ially" - ], - [ - "Ġsub", - "cl" - ], - [ - "ĠY", - "ong" - ], - [ - "og", - "h" - ], - [ - "Ġïģ", - "³" - ], - [ - "UD", - "Y" - ], - [ - "ĠHa", - "ar" - ], - [ - "ĠDoc", - "tor" - ], - [ - "Ġint", - "akes" - ], - [ - "Ġbar", - "rel" - ], - [ - "ĠTR", - "PV" - ], - [ - "ĠAgg", - "reg" - ], - [ - "ny", - "i" - ], - [ - "tun", - "ed" - ], - [ - "ac", - "quired" - ], - [ - "Ġho", - "ok" - ], - [ - "F", - "GF" - ], - [ - "Â", - "«" - ], - [ - "ĠIn", - "jection" - ], - [ - "Ġgra", - "vel" - ], - [ - "Ġmicro", - "g" - ], - [ - "Ġmen", - "strual" - ], - [ - "Fe", - "ature" - ], - [ - "I", - "RE" - ], - [ - "u", - "u" - ], - [ - "ĠS", - "rc" - ], - [ - "ĠSt", - "ore" - ], - [ - "Ġiniti", - "ator" - ], - [ - "PS", - "O" - ], - [ - "Ġepile", - "ptic" - ], - [ - "Ġcing", - "ulate" - ], - [ - "I", - "J" - ], - [ - "R", - "ow" - ], - [ - "Ġsing", - "ing" - ], - [ - "ĠMet", - "han" - ], - [ - "ĠAld", - "rich" - ], - [ - "Ġtremend", - "ous" - ], - [ - "am", - "ining" - ], - [ - "Ġtrac", - "ts" - ], - [ - "Ġâİ", - "£" - ], - [ - "kl", - "ah" - ], - [ - "D", - "iv" - ], - [ - "ind", - "ol" - ], - [ - "Ġind", - "ole" - ], - [ - "ex", - "per" - ], - [ - "Ġgly", - "cer" - ], - [ - "Ġbenz", - "yl" - ], - [ - "Ġwors", - "ening" - ], - [ - "Ġunambig", - "uous" - ], - [ - "u", - "art" - ], - [ - "Ġpar", - "sim" - ], - [ - "ric", - "ks" - ], - [ - "Ġtra", - "il" - ], - [ - "ĠBl", - "anc" - ], - [ - "Ġamin", - "otransferase" - ], - [ - "ĠD", - "OC" - ], - [ - "Ġfum", - "ig" - ], - [ - "id", - "ic" - ], - [ - "ĠCon", - "sequences" - ], - [ - "Ġacid", - "ification" - ], - [ - "ĠCIF", - "AR" - ], - [ - "ĠD", - "atasets" - ], - [ - "ĠA", - "MI" - ], - [ - "Ġexpl", - "ants" - ], - [ - "ĠD", - "iverse" - ], - [ - "Ġde", - "phasing" - ], - [ - "Ġpar", - "liament" - ], - [ - "ip", - "ient" - ], - [ - "Ġhoney", - "comb" - ], - [ - "he", - "avy" - ], - [ - "Ġwaterm", - "ark" - ], - [ - "M", - "ED" - ], - [ - "d", - "atasets" - ], - [ - "w", - "aters" - ], - [ - "Pro", - "vid" - ], - [ - "inter", - "pret" - ], - [ - "rov", - "irus" - ], - [ - "I", - "o" - ], - [ - "R", - "AD" - ], - [ - "Ġl", - "unar" - ], - [ - "Ġwe", - "aning" - ], - [ - "Ġsensor", - "imotor" - ], - [ - "uc", - "a" - ], - [ - "Ġinf", - "ect" - ], - [ - "ĠUn", - "ique" - ], - [ - "GR", - "P" - ], - [ - "Q", - "oL" - ], - [ - "osp", - "ec" - ], - [ - "Ġforward", - "ing" - ], - [ - "Es", - "tim" - ], - [ - "ÅĦ", - "ski" - ], - [ - "ĠM", - "s" - ], - [ - "ach", - "n" - ], - [ - "Ġro", - "ta" - ], - [ - "Ġappoint", - "ment" - ], - [ - "ĠMed", - "al" - ], - [ - "Ġaden", - "ovirus" - ], - [ - "quin", - "ol" - ], - [ - "Ġdeuter", - "ium" - ], - [ - "te", - "p" - ], - [ - "ĠSt", - "yle" - ], - [ - "N", - "d" - ], - [ - "ay", - "ama" - ], - [ - "ĠH", - "amm" - ], - [ - "ĠSpec", - "ification" - ], - [ - "v", - "ability" - ], - [ - "th", - "a" - ], - [ - "Ġj", - "itter" - ], - [ - "Ġâİ", - "¦" - ], - [ - "a", - "qu" - ], - [ - "w", - "ire" - ], - [ - "Ġclass", - "ically" - ], - [ - "Ġsuper", - "potential" - ], - [ - "ĠSpec", - "im" - ], - [ - "ĠVari", - "ance" - ], - [ - "Ġalbum", - "s" - ], - [ - "ĠSen", - "ior" - ], - [ - "Ġneurotrans", - "mitter" - ], - [ - "ĠRecomb", - "inant" - ], - [ - "D", - "CS" - ], - [ - "v", - "l" - ], - [ - "Ġp", - "f" - ], - [ - "Ġin", - "evitable" - ], - [ - "ĠN", - "ick" - ], - [ - "Ġmanip", - "ulating" - ], - [ - "itu", - "ximab" - ], - [ - "ce", - "iver" - ], - [ - "ĠB", - "ren" - ], - [ - "ĠR", - "ace" - ], - [ - "Ġret", - "arded" - ], - [ - "mod", - "ulin" - ], - [ - "Cl", - "inical" - ], - [ - "Ġneu", - "rologic" - ], - [ - "ĠReg", - "iment" - ], - [ - "Ġzo", - "om" - ], - [ - "ĠOrth", - "ogonal" - ], - [ - "ĠConcer", - "ning" - ], - [ - "ĠJur", - "assic" - ], - [ - "ĠAr", - "tem" - ], - [ - "ĠMel", - "bourne" - ], - [ - "b", - "ins" - ], - [ - "j", - "l" - ], - [ - "Ġin", - "hab" - ], - [ - "Ġsq", - "rt" - ], - [ - "Ġsemis", - "imple" - ], - [ - "ast", - "ric" - ], - [ - "ĠPro", - "xim" - ], - [ - "ĠVari", - "ants" - ], - [ - "Ġa", - "esthetic" - ], - [ - "Ġsummar", - "ised" - ], - [ - "ĠBeck", - "er" - ], - [ - "O", - "CH" - ], - [ - "d", - "ale" - ], - [ - "Ġm", - "ounting" - ], - [ - "and", - "ering" - ], - [ - "Ġsoft", - "max" - ], - [ - "Ġneuro", - "inflammation" - ], - [ - "Ġesophag", - "us" - ], - [ - "oper", - "ators" - ], - [ - "ĠAD", - "AM" - ], - [ - "Ġviol", - "ate" - ], - [ - "ĠPH", - "Y" - ], - [ - "ed", - "e" - ], - [ - "ĠC", - "her" - ], - [ - "ors", - "al" - ], - [ - "Ġmetam", - "orphic" - ], - [ - "ĠI", - "CM" - ], - [ - "ĠAb", - "cam" - ], - [ - "sl", - "ot" - ], - [ - "ser", - "ine" - ], - [ - "Ġdu", - "plicates" - ], - [ - "ĠME", - "MS" - ], - [ - "ĠA", - "bl" - ], - [ - "ĠC", - "hel" - ], - [ - "ĠAuthor", - "ity" - ], - [ - "Ġge", - "o" - ], - [ - "Ġhome", - "omorphism" - ], - [ - "Ġimmunomod", - "ulatory" - ], - [ - "ĠT", - "U" - ], - [ - "ĠK", - "T" - ], - [ - "ater", - "ally" - ], - [ - "ox", - "ides" - ], - [ - "teb", - "ral" - ], - [ - "Ġcatar", - "act" - ], - [ - "le", - "aved" - ], - [ - "ig", - "u" - ], - [ - "ate", - "ur" - ], - [ - "ĠR", - "é" - ], - [ - "Ġdiscover", - "ies" - ], - [ - "bos", - "on" - ], - [ - "oc", - "ated" - ], - [ - "j", - "pg" - ], - [ - "ĠS", - "ato" - ], - [ - "ĠPRO", - "P" - ], - [ - "ĠIm", - "plement" - ], - [ - "EL", - "ISA" - ], - [ - "iqu", - "eness" - ], - [ - "Ġsym", - "bion" - ], - [ - "ĠFar", - "aday" - ], - [ - "ĠPPAR", - "γ" - ], - [ - "w", - "itz" - ], - [ - "re", - "ward" - ], - [ - "ĠB", - "ush" - ], - [ - "st", - "ressed" - ], - [ - "ĠA", - "bor" - ], - [ - "Ġair", - "ways" - ], - [ - "Ġinterfer", - "ometry" - ], - [ - "C", - "irc" - ], - [ - "Ġimmun", - "oprecipitation" - ], - [ - "ĠAp", - "ache" - ], - [ - "roph", - "osph" - ], - [ - "Ġo", - "C" - ], - [ - "Ġf", - "rog" - ], - [ - "ĠG", - "U" - ], - [ - "ff", - "e" - ], - [ - "ĠSt", - "ro" - ], - [ - "Ġdodec", - "yl" - ], - [ - "d", - "an" - ], - [ - "f", - "olds" - ], - [ - "ĠM", - "ust" - ], - [ - "Ġsurround", - "ings" - ], - [ - "Ġcod", - "ons" - ], - [ - "ond", - "a" - ], - [ - "t", - "b" - ], - [ - "od", - "ge" - ], - [ - "av", - "as" - ], - [ - "ĠSe", - "ason" - ], - [ - "t", - "ude" - ], - [ - "ĠPl", - "asticity" - ], - [ - "ĠHawai", - "i" - ], - [ - "D", - "EG" - ], - [ - "ĠC", - "MD" - ], - [ - "Ġsingle", - "ton" - ], - [ - "ke", - "ley" - ], - [ - "Ġalgebra", - "ically" - ], - [ - "Ġnano", - "structured" - ], - [ - "eas", - "ible" - ], - [ - "Ġoverlo", - "oked" - ], - [ - "ĠP", - "ulse" - ], - [ - "rom", - "echanical" - ], - [ - "ĠEl", - "se" - ], - [ - "Ġexcit", - "ons" - ], - [ - "ĠConst", - "rained" - ], - [ - "Ġco", - "hesion" - ], - [ - "Ġreal", - "izing" - ], - [ - "ĠRadi", - "ative" - ], - [ - "Ġtryp", - "an" - ], - [ - "x", - "s" - ], - [ - "ĠT", - "as" - ], - [ - "Ġmain", - "stream" - ], - [ - "Ġcompact", - "ly" - ], - [ - "g", - "rowing" - ], - [ - "es", - "c" - ], - [ - "Ġd", - "N" - ], - [ - "ĠSign", - "atures" - ], - [ - "ĠFundament", - "als" - ], - [ - "Ġex", - "pose" - ], - [ - "ĠR", - "ang" - ], - [ - "Ġhand", - "ed" - ], - [ - "Ġfunctional", - "ization" - ], - [ - "Ġpass", - "iv" - ], - [ - "al", - "tern" - ], - [ - "ag", - "ul" - ], - [ - "Ġschem", - "atically" - ], - [ - "O", - "W" - ], - [ - "Ġ", - "Ö" - ], - [ - "ĠP", - "OD" - ], - [ - "Ġhe", - "ar" - ], - [ - "ym", - "ore" - ], - [ - "ĠPrem", - "ier" - ], - [ - "S", - "outh" - ], - [ - "Ä", - "«" - ], - [ - "ĠO", - "BS" - ], - [ - "ĠAl", - "g" - ], - [ - "gl", - "ia" - ], - [ - "ĠTrans", - "membrane" - ], - [ - "Ġsphe", - "roids" - ], - [ - "ĠR", - "HS" - ], - [ - "Ġinc", - "hes" - ], - [ - "ĠK", - "ato" - ], - [ - "Ġi", - "e" - ], - [ - "ĠCom", - "mercial" - ], - [ - "Ġanaly", - "tes" - ], - [ - "Ġrisk", - "y" - ], - [ - "Ġp", - "iston" - ], - [ - "ĠMark", - "ovian" - ], - [ - "Ġdram", - "a" - ], - [ - "Ġc", - "i" - ], - [ - "ĠHist", - "ological" - ], - [ - "Ġact", - "uation" - ], - [ - "disc", - "rete" - ], - [ - "carb", - "amoyl" - ], - [ - "S", - "MA" - ], - [ - "Ġfeed", - "s" - ], - [ - "Ġneoplas", - "ia" - ], - [ - "ĠControll", - "er" - ], - [ - "b", - "een" - ], - [ - "glut", - "amine" - ], - [ - "in", - "jected" - ], - [ - "Ġc", - "rab" - ], - [ - "ĠC", - "auses" - ], - [ - "ĠSt", - "ory" - ], - [ - "Ġvan", - "adium" - ], - [ - "ĠT", - "itan" - ], - [ - "en", - "ix" - ], - [ - "ass", - "ign" - ], - [ - "Ġimmun", - "ogenicity" - ], - [ - "ĠAp", - "parent" - ], - [ - "Ġenh", - "ancers" - ], - [ - "ĠS", - "ou" - ], - [ - "all", - "oy" - ], - [ - "mathb", - "in" - ], - [ - "Ġsed", - "ation" - ], - [ - "ĠWork", - "shop" - ], - [ - "g", - "over" - ], - [ - "l", - "st" - ], - [ - "Ġup", - "welling" - ], - [ - "me", - "z" - ], - [ - "Ġpoly", - "propylene" - ], - [ - "ĠCol", - "orectal" - ], - [ - "ĠRel", - "axation" - ], - [ - "Ġfrag", - "ile" - ], - [ - "Ä", - "ĥ" - ], - [ - "Ġsub", - "graphs" - ], - [ - "the", - "oretical" - ], - [ - "Oper", - "ator" - ], - [ - "ly", - "wood" - ], - [ - "aw", - "n" - ], - [ - "ĠPer", - "centage" - ], - [ - "methyl", - "ation" - ], - [ - "corrhiz", - "al" - ], - [ - "G", - "rad" - ], - [ - "d", - "ens" - ], - [ - "ĠH", - "α" - ], - [ - "Ġup", - "coming" - ], - [ - "Ġvir", - "gin" - ], - [ - "N", - "ames" - ], - [ - "ĠR", - "yd" - ], - [ - "Ġâİ", - "¤" - ], - [ - "phosph", - "orylation" - ], - [ - "renew", - "al" - ], - [ - "Y", - "ear" - ], - [ - "In", - "it" - ], - [ - "Ġs", - "elling" - ], - [ - "ĠM", - "ASS" - ], - [ - "roph", - "in" - ], - [ - "ij", - "n" - ], - [ - "Con", - "versely" - ], - [ - "Ġunivers", - "ally" - ], - [ - "orh", - "ombic" - ], - [ - "Ġunpredict", - "able" - ], - [ - "F", - "ock" - ], - [ - "ch", - "air" - ], - [ - "iv", - "as" - ], - [ - "network", - "s" - ], - [ - "Ġterr", - "itories" - ], - [ - "th", - "ia" - ], - [ - "ĠAm", - "plification" - ], - [ - "M", - "arch" - ], - [ - "Ġf", - "lam" - ], - [ - "ĠCh", - "art" - ], - [ - "Ġshort", - "age" - ], - [ - "AM", - "ET" - ], - [ - "Ġgrap", - "e" - ], - [ - "Ġvoltam", - "metry" - ], - [ - "Ø", - "¯" - ], - [ - "ĠS", - "CH" - ], - [ - "Ġepit", - "hel" - ], - [ - "ĠChrom", - "osome" - ], - [ - "ĠX", - "L" - ], - [ - "ĠPers", - "istent" - ], - [ - "Ġtravel", - "ed" - ], - [ - "Ġmerid", - "ional" - ], - [ - "Ġf", - "printf" - ], - [ - "Ġg", - "um" - ], - [ - "vis", - "ory" - ], - [ - "Un", - "fortunately" - ], - [ - "Ġant", - "eced" - ], - [ - "Ġfric", - "tional" - ], - [ - "D", - "AT" - ], - [ - "ac", - "l" - ], - [ - "ĠP", - "regnancy" - ], - [ - "ĠB", - "Z" - ], - [ - "reg", - "ulatory" - ], - [ - "stim", - "ulating" - ], - [ - "J", - "apan" - ], - [ - "m", - "achine" - ], - [ - "u", - "ti" - ], - [ - "ĠL", - "er" - ], - [ - "Ġnan", - "oflu" - ], - [ - "prot", - "otype" - ], - [ - "identif", - "ication" - ], - [ - "klah", - "oma" - ], - [ - "ĠEm", - "ploy" - ], - [ - "Sch", - "warz" - ], - [ - "Ġincorrect", - "ly" - ], - [ - "at", - "to" - ], - [ - "ri", - "zation" - ], - [ - "ism", - "uth" - ], - [ - "Ġir", - "is" - ], - [ - "iment", - "ary" - ], - [ - "Ġinflation", - "ary" - ], - [ - "Ġoutflow", - "s" - ], - [ - "ĠL", - "ic" - ], - [ - "ore", - "ductase" - ], - [ - "Ġproceed", - "ing" - ], - [ - "ĠT", - "AC" - ], - [ - "ĠH", - "TL" - ], - [ - "Ġres", - "ides" - ], - [ - "str", - "al" - ], - [ - "ĠTrans", - "f" - ], - [ - "Ġdich", - "otom" - ], - [ - "Fil", - "ter" - ], - [ - "J", - "une" - ], - [ - "is", - "ure" - ], - [ - "ĠA", - "de" - ], - [ - "Ġij", - "k" - ], - [ - "ĠPhil", - "os" - ], - [ - "Ġstay", - "ed" - ], - [ - "Ġtam", - "oxifen" - ], - [ - "Ġaspar", - "agine" - ], - [ - "ex", - "ception" - ], - [ - "Ġaccum", - "ulating" - ], - [ - "ast", - "ro" - ], - [ - "Ch", - "ange" - ], - [ - "uz", - "i" - ], - [ - "Ġl", - "on" - ], - [ - "In", - "stead" - ], - [ - "Ġcent", - "rally" - ], - [ - "ĠD", - "ental" - ], - [ - "class", - "ified" - ], - [ - "ĠEg", - "yptian" - ], - [ - "Add", - "ress" - ], - [ - "ĠQuatern", - "ary" - ], - [ - "ĠU", - "SP" - ], - [ - "co", - "in" - ], - [ - "Ġembry", - "ogenesis" - ], - [ - "ïĢ", - "¨" - ], - [ - "N", - "ull" - ], - [ - "ĠM", - "ixing" - ], - [ - "int", - "ensive" - ], - [ - "Ġnorm", - "ative" - ], - [ - "ĠL", - "ef" - ], - [ - "Ġr", - "umen" - ], - [ - "ĠTh", - "ai" - ], - [ - "Ġsw", - "allow" - ], - [ - "Comp", - "onent" - ], - [ - "Ġrobo", - "tics" - ], - [ - "ĠC", - "ad" - ], - [ - "ĠC", - "IP" - ], - [ - "ĠAc", - "ids" - ], - [ - "ĠO", - "ffic" - ], - [ - "ure", - "r" - ], - [ - "ĠW", - "ick" - ], - [ - "Ġk", - "ink" - ], - [ - "ĠSch", - "a" - ], - [ - "ĠCharacter", - "istic" - ], - [ - "f", - "amilies" - ], - [ - "ĠG", - "Cs" - ], - [ - "ĠOptim", - "izing" - ], - [ - "Ġtim", - "er" - ], - [ - "é", - "l" - ], - [ - "j", - "in" - ], - [ - "re", - "versal" - ], - [ - "Ġsand", - "stone" - ], - [ - "H", - "N" - ], - [ - "t", - "k" - ], - [ - "Ġp", - "tr" - ], - [ - "Ġmon", - "ochromatic" - ], - [ - "Ġfeed", - "forward" - ], - [ - "ding", - "ton" - ], - [ - "Ġcritic", - "ism" - ], - [ - "Ġs", - "ig" - ], - [ - "Ġp", - "ace" - ], - [ - "ĠT", - "K" - ], - [ - "ĠW", - "as" - ], - [ - "Ġcertif", - "icate" - ], - [ - "Ġst", - "uck" - ], - [ - "Ġcor", - "rid" - ], - [ - "Ġlocal", - "isation" - ], - [ - "Ġsil", - "k" - ], - [ - "Ġdig", - "est" - ], - [ - "ĠTem", - "ple" - ], - [ - "ĠPost", - "erior" - ], - [ - "Ġcommut", - "ator" - ], - [ - "ts", - "ch" - ], - [ - "per", - "me" - ], - [ - "ys", - "ed" - ], - [ - "Ġmen", - "u" - ], - [ - "Ġmid", - "w" - ], - [ - "oc", - "atalytic" - ], - [ - "Ġpp", - "b" - ], - [ - "T", - "ypes" - ], - [ - "ar", - "ri" - ], - [ - "ĠL", - "OD" - ], - [ - "Ġlo", - "an" - ], - [ - "sec", - "ret" - ], - [ - "Ġcarb", - "ons" - ], - [ - "ĠH", - "olog" - ], - [ - "olip", - "ids" - ], - [ - "Ġupl", - "o" - ], - [ - "ĠDN", - "ase" - ], - [ - "Ġpuzz", - "le" - ], - [ - "Ġst", - "ance" - ], - [ - "ĠManc", - "hester" - ], - [ - "ĠDet", - "ector" - ], - [ - "im", - "s" - ], - [ - "ĠTerm", - "s" - ], - [ - "ĠP", - "GC" - ], - [ - "Ġinc", - "idents" - ], - [ - "ie", - "h" - ], - [ - "ĠID", - "s" - ], - [ - "ĠAh", - "mad" - ], - [ - "Ġn", - "ights" - ], - [ - "Ġbiom", - "o" - ], - [ - "ĠMethyl", - "ation" - ], - [ - "u", - "ator" - ], - [ - "res", - "ize" - ], - [ - "ĠF", - "inger" - ], - [ - "ĠW", - "o" - ], - [ - "Ġpost", - "er" - ], - [ - "Ġsolid", - "ification" - ], - [ - "ĠVal", - "idity" - ], - [ - "ĠDend", - "ritic" - ], - [ - "Ġad", - "herent" - ], - [ - "iss", - "ions" - ], - [ - "inc", - "tion" - ], - [ - "Ġantagon", - "istic" - ], - [ - "ĠPrelim", - "inaries" - ], - [ - "Ġco", - "val" - ], - [ - "Ġmov", - "ies" - ], - [ - "Ġbud", - "ding" - ], - [ - "K", - "n" - ], - [ - "ĠG", - "it" - ], - [ - "ĠThere", - "after" - ], - [ - "Ġcapac", - "itive" - ], - [ - "A", - "z" - ], - [ - "ĠT", - "LS" - ], - [ - "Ġiniti", - "ates" - ], - [ - "ĠD", - "MR" - ], - [ - "Ġâī", - "«" - ], - [ - "ĠMy", - "ocardial" - ], - [ - "ĠRot", - "ation" - ], - [ - "CON", - "FIG" - ], - [ - "Ġvow", - "el" - ], - [ - "Ġoliv", - "ine" - ], - [ - "H", - "amiltonian" - ], - [ - "Ġst", - "alk" - ], - [ - "N", - "eu" - ], - [ - "R", - "est" - ], - [ - "an", - "ical" - ], - [ - "Ġd", - "st" - ], - [ - "Ġres", - "h" - ], - [ - "Ġexp", - "ressive" - ], - [ - "Ġinf", - "ectivity" - ], - [ - "ok", - "u" - ], - [ - "CT", - "L" - ], - [ - "F", - "requency" - ], - [ - "Ġprem", - "ise" - ], - [ - "W", - "alk" - ], - [ - "Ġâ", - "Ĺ" - ], - [ - "Ġrel", - "apsed" - ], - [ - "t", - "ured" - ], - [ - "ĠU", - "ML" - ], - [ - "ov", - "an" - ], - [ - "ĠRes", - "earchers" - ], - [ - "Ġconven", - "iently" - ], - [ - "us", - "k" - ], - [ - "IN", - "IT" - ], - [ - "Eq", - "s" - ], - [ - "F", - "actory" - ], - [ - "Ġun", - "steady" - ], - [ - "ĠAn", - "sw" - ], - [ - "Al", - "a" - ], - [ - "nit", - "ine" - ], - [ - "q", - "p" - ], - [ - "ul", - "ous" - ], - [ - "res", - "earch" - ], - [ - "ĠB", - "rom" - ], - [ - "ĠDem", - "oc" - ], - [ - "config", - "uration" - ], - [ - "ulos", - "ic" - ], - [ - "Ġf", - "ra" - ], - [ - "Ġg", - "ift" - ], - [ - "Th", - "ird" - ], - [ - "Cl", - "aim" - ], - [ - "Ä", - "Ł" - ], - [ - "od", - "iazep" - ], - [ - "Ġpro", - "x" - ], - [ - "oc", - "ystis" - ], - [ - "ĠR", - "PA" - ], - [ - "ĠLik", - "ert" - ], - [ - "R", - "MS" - ], - [ - "t", - "ech" - ], - [ - "Ġac", - "ous" - ], - [ - "T", - "LR" - ], - [ - "b", - "uck" - ], - [ - "ĠThe", - "rap" - ], - [ - "uss", - "ions" - ], - [ - "hel", - "or" - ], - [ - "ĠEm", - "otion" - ], - [ - "b", - "ird" - ], - [ - "Ġth", - "io" - ], - [ - "Ġquantit", - "ation" - ], - [ - "brack", - "et" - ], - [ - "Ġper", - "cept" - ], - [ - "Ġsub", - "category" - ], - [ - "Ġlight", - "ning" - ], - [ - "Ġher", - "nia" - ], - [ - "Ġneurot", - "rophic" - ], - [ - "SD", - "S" - ], - [ - "ĠAnd", - "ers" - ], - [ - "Ġslow", - "ing" - ], - [ - "strong", - "ly" - ], - [ - "ĠC", - "ounting" - ], - [ - "ĠIn", - "cluding" - ], - [ - "duc", - "tions" - ], - [ - "ub", - "ated" - ], - [ - "ĠSt", - "orm" - ], - [ - "cor", - "related" - ], - [ - "Ġautoanti", - "bodies" - ], - [ - "ĠM", - "erg" - ], - [ - "oc", - "er" - ], - [ - "mic", - "utes" - ], - [ - "Ġnonlinear", - "ities" - ], - [ - "ĠCent", - "ury" - ], - [ - "ĠLand", - "scape" - ], - [ - "ĠDeriv", - "atives" - ], - [ - "ĠContr", - "ary" - ], - [ - "Ġcomp", - "ile" - ], - [ - "ĠHep", - "atic" - ], - [ - "Ġpond", - "s" - ], - [ - "Ġorgan", - "ize" - ], - [ - "D", - "MSO" - ], - [ - "P", - "osition" - ], - [ - "Ġb", - "rach" - ], - [ - "Ġinf", - "lat" - ], - [ - "osp", - "ace" - ], - [ - "Ġskew", - "ness" - ], - [ - "Ġag", - "itation" - ], - [ - "ĠHO", - "MO" - ], - [ - "E", - "U" - ], - [ - "Ġcom", - "mented" - ], - [ - "Ġcor", - "pora" - ], - [ - "Ġmal", - "t" - ], - [ - "Herm", - "itian" - ], - [ - "id", - "ay" - ], - [ - "ĠHelm", - "holtz" - ], - [ - "ro", - "blast" - ], - [ - "ĠC", - "TR" - ], - [ - "un", - "ching" - ], - [ - "ĠM", - "ond" - ], - [ - "ĠCom", - "ment" - ], - [ - "Ġoste", - "osarcoma" - ], - [ - "post", - "erior" - ], - [ - "Ġthym", - "us" - ], - [ - "Ġcig", - "arettes" - ], - [ - "N", - "W" - ], - [ - "o", - "lem" - ], - [ - "ĠH", - "ox" - ], - [ - "ĠNF", - "L" - ], - [ - "ĠAvail", - "able" - ], - [ - "ĠS", - "iber" - ], - [ - "ĠF", - "eld" - ], - [ - "Ġborder", - "line" - ], - [ - "Ġbe", - "ats" - ], - [ - "Ġorgan", - "ised" - ], - [ - "Ġdistingu", - "ishes" - ], - [ - "Ġdial", - "og" - ], - [ - "ĠBerg", - "er" - ], - [ - "ole", - "ic" - ], - [ - "Ġnum", - "bered" - ], - [ - "Ġreach", - "able" - ], - [ - "ĠRoberts", - "on" - ], - [ - "ĠCham", - "ber" - ], - [ - "nd", - "array" - ], - [ - "Ġcytos", - "keletal" - ], - [ - "Ġbl", - "ending" - ], - [ - "bl", - "ood" - ], - [ - "Im", - "port" - ], - [ - "Ġoverwhel", - "ming" - ], - [ - "Ġi", - "o" - ], - [ - "Ġout", - "age" - ], - [ - "ĠSch", - "olar" - ], - [ - "plac", - "ing" - ], - [ - "ĠPol", - "yp" - ], - [ - "Dec", - "l" - ], - [ - "ĠMED", - "LINE" - ], - [ - "ĠK", - "M" - ], - [ - "ĠD", - "AP" - ], - [ - "err", - "ors" - ], - [ - "ĠS", - "HR" - ], - [ - "ĠD", - "ex" - ], - [ - "ĠG", - "AS" - ], - [ - "ĠG", - "ian" - ], - [ - "Ġclinic", - "opathological" - ], - [ - "Ġïģ", - "·" - ], - [ - "ĠPredic", - "tions" - ], - [ - "ĠQuad", - "ratic" - ], - [ - "Ġarrhyth", - "mias" - ], - [ - "ar", - "id" - ], - [ - "Ġcl", - "othing" - ], - [ - "ĠFract", - "ure" - ], - [ - "ĉ", - "ĠĠĠĠĠ" - ], - [ - "add", - "y" - ], - [ - "ĠAlber", - "ta" - ], - [ - "ĠW", - "ed" - ], - [ - "phi", - "re" - ], - [ - "ĠEn", - "cryp" - ], - [ - "ĠL", - "AB" - ], - [ - "ĠF", - "ano" - ], - [ - "CT", - "T" - ], - [ - "Ġor", - "yz" - ], - [ - "ili", - "ac" - ], - [ - "ĠL", - "iao" - ], - [ - "vers", - "us" - ], - [ - "Ġmes", - "o" - ], - [ - "Ġmid", - "point" - ], - [ - "Ġst", - "ator" - ], - [ - "ĠJ", - "enn" - ], - [ - "ov", - "sky" - ], - [ - "Ġunc", - "over" - ], - [ - "eren", - "n" - ], - [ - "ĠMc", - "M" - ], - [ - "âī", - "Ī" - ], - [ - "ĠCirc", - "uits" - ], - [ - "Ġfet", - "uses" - ], - [ - "Ġaggl", - "omer" - ], - [ - "Ġf", - "b" - ], - [ - "Ġy", - "y" - ], - [ - "at", - "ech" - ], - [ - "AR", - "G" - ], - [ - "Ġba", - "umannii" - ], - [ - "Ġellipso", - "id" - ], - [ - "Ġl", - "oses" - ], - [ - "Ġun", - "ve" - ], - [ - "Ġbut", - "t" - ], - [ - "Ġmultic", - "entre" - ], - [ - "il", - "ine" - ], - [ - "Ġres", - "ort" - ], - [ - "Ġcereb", - "rovascular" - ], - [ - "ĠDecre", - "ased" - ], - [ - "j", - "ud" - ], - [ - "s", - "us" - ], - [ - "am", - "ol" - ], - [ - "const", - "raints" - ], - [ - "Ġt", - "een" - ], - [ - "ĠPass", - "ive" - ], - [ - "ĠCauc", - "asian" - ], - [ - "Ġc", - "ran" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠĠ" - ], - [ - "ü", - "n" - ], - [ - "ĠDN", - "MT" - ], - [ - "Ġt", - "error" - ], - [ - "ad", - "renal" - ], - [ - "Ġangi", - "ogenic" - ], - [ - "ĠInhib", - "itory" - ], - [ - "p", - "rag" - ], - [ - "Ġco", - "b" - ], - [ - "els", - "h" - ], - [ - "Ġenhance", - "ments" - ], - [ - "ĠSha", - "w" - ], - [ - "ĠTak", - "ahashi" - ], - [ - "Ġsulph", - "ur" - ], - [ - "Ġgrav", - "itation" - ], - [ - "ĠPVD", - "F" - ], - [ - "m", - "ust" - ], - [ - "Â", - "¢" - ], - [ - "as", - "ymptotic" - ], - [ - "el", - "man" - ], - [ - "ĠP", - "ros" - ], - [ - "ĠM", - "AD" - ], - [ - "ĠL", - "en" - ], - [ - "the", - "rapy" - ], - [ - "eful", - "ly" - ], - [ - "sulf", - "ur" - ], - [ - "ĠT", - "CA" - ], - [ - "ad", - "ditive" - ], - [ - "tal", - "k" - ], - [ - "Ġpig", - "lets" - ], - [ - "Ġprosp", - "ect" - ], - [ - "ecund", - "ity" - ], - [ - "ĠX", - "iang" - ], - [ - "hand", - "ler" - ], - [ - "Ġcl", - "ath" - ], - [ - "Ġmill", - "imeter" - ], - [ - "j", - "ar" - ], - [ - "Ġbi", - "ophysical" - ], - [ - "Ġcomplex", - "ities" - ], - [ - "ĠHer", - "b" - ], - [ - "Ġrecover", - "s" - ], - [ - "ĠVin", - "cent" - ], - [ - "ĠPuer", - "to" - ], - [ - "E", - "arth" - ], - [ - "R", - "AM" - ], - [ - "Ġc", - "ables" - ], - [ - "des", - "igned" - ], - [ - "ĠOscill", - "ation" - ], - [ - "Ġme", - "iosis" - ], - [ - "Ġfle", - "et" - ], - [ - "ĠHunting", - "ton" - ], - [ - "ĠB", - "eg" - ], - [ - "ĠE", - "Cs" - ], - [ - "ĠAn", - "tic" - ], - [ - "Ġpractition", - "er" - ], - [ - "c", - "ultural" - ], - [ - "k", - "at" - ], - [ - "Ġrec", - "oil" - ], - [ - "ĠIm", - "plicit" - ], - [ - "Ġsumm", - "aries" - ], - [ - "Ġdiscontinu", - "ed" - ], - [ - "Ġencompass", - "ing" - ], - [ - "ĠAlt", - "ogether" - ], - [ - "ĠD", - "IST" - ], - [ - "Ġconst", - "ellation" - ], - [ - "ĠEx", - "isting" - ], - [ - "Ġconduct", - "ors" - ], - [ - "oplas", - "m" - ], - [ - "ĠCosm", - "ology" - ], - [ - "Z", - "ero" - ], - [ - "ĠIn", - "form" - ], - [ - "Ġend", - "angered" - ], - [ - "Ġweap", - "ons" - ], - [ - "at", - "ype" - ], - [ - "ĠAs", - "c" - ], - [ - "Ġflu", - "ence" - ], - [ - "Ġfer", - "ric" - ], - [ - "ĠLaure", - "nt" - ], - [ - "Ear", - "ly" - ], - [ - "Ġs", - "gn" - ], - [ - "ĠHad", - "amard" - ], - [ - "Ġastr", - "on" - ], - [ - "C", - "ys" - ], - [ - "ĠTh", - "m" - ], - [ - "Ġdec", - "e" - ], - [ - "eren", - "cing" - ], - [ - "ĠMe", - "ans" - ], - [ - "Ġhyd", - "rated" - ], - [ - "Ù", - "Ī" - ], - [ - "Ġrig", - "orously" - ], - [ - "Ġamb", - "ulatory" - ], - [ - "ĠDO", - "I" - ], - [ - "Hand", - "le" - ], - [ - "ĠEnterobacter", - "iaceae" - ], - [ - "ĠR", - "Q" - ], - [ - "ĠG", - "FR" - ], - [ - "pro", - "te" - ], - [ - "Ġmig", - "rated" - ], - [ - "then", - "ing" - ], - [ - "ĠHop", - "kins" - ], - [ - "ĠPsych", - "ology" - ], - [ - "ig", - "l" - ], - [ - "ĠE", - "DS" - ], - [ - "ĠâĪ", - "¶" - ], - [ - "Ġrem", - "otely" - ], - [ - "ĠÂ", - "¥" - ], - [ - "Ġinsp", - "iration" - ], - [ - "ĠâĮ", - "¬" - ], - [ - "ol", - "ian" - ], - [ - "Ġsal", - "iency" - ], - [ - "ĠD", - "og" - ], - [ - "ĠR", - "osa" - ], - [ - "oy", - "a" - ], - [ - "Ġoccup", - "ies" - ], - [ - "cam", - "era" - ], - [ - "Ġdecomp", - "ression" - ], - [ - "Ġsc", - "att" - ], - [ - "Ġinvestig", - "ator" - ], - [ - "Ġcount", - "erex" - ], - [ - "ĠIFN", - "γ" - ], - [ - "ĠPitts", - "burgh" - ], - [ - "Ġad", - "minister" - ], - [ - "ne", - "gl" - ], - [ - "uss", - "is" - ], - [ - "MP", - "C" - ], - [ - "ĠSw", - "itching" - ], - [ - "Ġcool", - "er" - ], - [ - "Ġbron", - "chi" - ], - [ - "Ġpar", - "alle" - ], - [ - "Ġspec", - "kle" - ], - [ - "Ġphys", - "iologic" - ], - [ - "IN", - "VAL" - ], - [ - "Ġheter", - "ologous" - ], - [ - "||", - "|" - ], - [ - "org", - "hum" - ], - [ - "G", - "AL" - ], - [ - "Ġmal", - "formations" - ], - [ - "Ġweak", - "ening" - ], - [ - "Ġpsych", - "o" - ], - [ - "ĠI", - "H" - ], - [ - "Ġcontrad", - "ictory" - ], - [ - "Ġphon", - "ological" - ], - [ - "ĠPerturb", - "ation" - ], - [ - "b", - "B" - ], - [ - "ĠN", - "os" - ], - [ - "TR", - "UE" - ], - [ - "fold", - "ing" - ], - [ - "phen", - "ol" - ], - [ - "ĠL", - "SM" - ], - [ - "ĠâĪ", - "Ĺ" - ], - [ - "ĠAn", - "gle" - ], - [ - "Ġprov", - "incial" - ], - [ - "Fe", - "O" - ], - [ - "Å", - "Ľ" - ], - [ - "ĠI", - "ber" - ], - [ - "ress", - "ors" - ], - [ - "Ġprolifer", - "ating" - ], - [ - "z", - "ers" - ], - [ - "organ", - "ism" - ], - [ - "âĨ", - "ĵ" - ], - [ - "Z", - "O" - ], - [ - "c", - "img" - ], - [ - "Ġun", - "perturbed" - ], - [ - "Ġj", - "j" - ], - [ - "Ġelectro", - "dynamics" - ], - [ - "ĠEp", - "it" - ], - [ - "NT", - "s" - ], - [ - "ĠBlo", - "om" - ], - [ - "Ġl", - "anth" - ], - [ - "am", - "inant" - ], - [ - "ĠSw", - "ift" - ], - [ - "Europe", - "an" - ], - [ - "Ġaff", - "erent" - ], - [ - "Red", - "uce" - ], - [ - "p", - "ublished" - ], - [ - "ĠF", - "itting" - ], - [ - "ĠF", - "ungal" - ], - [ - "Ġtrib", - "e" - ], - [ - "rec", - "ting" - ], - [ - "Ġconjug", - "acy" - ], - [ - "im", - "eters" - ], - [ - "ĠC", - "ec" - ], - [ - "ĠK", - "H" - ], - [ - "cast", - "le" - ], - [ - "Ġsept", - "al" - ], - [ - "rele", - "asing" - ], - [ - "Ġo", - "ss" - ], - [ - "ĠÂ", - "¦" - ], - [ - "ĠMiss", - "ing" - ], - [ - "ĠFat", - "igue" - ], - [ - "ĠBase", - "ball" - ], - [ - "Ġimmunoblot", - "ting" - ], - [ - "Ġo", - "h" - ], - [ - "or", - "ations" - ], - [ - "Ġv", - "ine" - ], - [ - "az", - "y" - ], - [ - "ser", - "um" - ], - [ - "Ġlook", - "up" - ], - [ - "Ġne", - "ovascular" - ], - [ - "ia", - "h" - ], - [ - "so", - "il" - ], - [ - "Ġair", - "flow" - ], - [ - "ĠSlo", - "an" - ], - [ - "h", - "im" - ], - [ - "ç", - "ļ" - ], - [ - "loc", - "ated" - ], - [ - "z", - "antine" - ], - [ - "ĠS", - "uccessful" - ], - [ - "em", - "inal" - ], - [ - "ĠD", - "imensional" - ], - [ - "ĠN", - "SA" - ], - [ - "ĠLog", - "istic" - ], - [ - "emet", - "ery" - ], - [ - "Ġb", - "rak" - ], - [ - "ant", - "al" - ], - [ - "so", - "uth" - ], - [ - "Ġprot", - "otypes" - ], - [ - "Ġadv", - "ised" - ], - [ - "Ġideal", - "ized" - ], - [ - "ophy", - "tic" - ], - [ - "nb", - "sp" - ], - [ - "B", - "inary" - ], - [ - "H", - "yp" - ], - [ - "J", - "oh" - ], - [ - "p", - "olation" - ], - [ - "Ġpoly", - "vinyl" - ], - [ - "estim", - "ated" - ], - [ - "Ġox", - "ytocin" - ], - [ - "ĠLet", - "ter" - ], - [ - "ĠImp", - "air" - ], - [ - "Ġenvelop", - "es" - ], - [ - "main", - "ly" - ], - [ - "Ġm", - "ys" - ], - [ - "Ġint", - "ras" - ], - [ - "Ġbi", - "ogenic" - ], - [ - "cy", - "steine" - ], - [ - "Ġur", - "ic" - ], - [ - "ĠCy", - "an" - ], - [ - "ryp", - "tion" - ], - [ - "Ġphotore", - "ceptor" - ], - [ - "ĠT", - "oxic" - ], - [ - "ĠG", - "amm" - ], - [ - "Ġcontain", - "ment" - ], - [ - "Ig", - "G" - ], - [ - "S", - "qu" - ], - [ - "Ġperf", - "used" - ], - [ - "Ġbios", - "ensors" - ], - [ - "Ġmag", - "matic" - ], - [ - "R", - "ate" - ], - [ - "ĠT", - "f" - ], - [ - "Ġsec", - "rete" - ], - [ - "Ġcritical", - "ity" - ], - [ - "Ġcomposition", - "ally" - ], - [ - "ĠBr", - "uce" - ], - [ - "S", - "Z" - ], - [ - "ĠS", - "port" - ], - [ - "ĠE", - "I" - ], - [ - "Ġdise", - "ased" - ], - [ - "Ġpres", - "chool" - ], - [ - "ĠHar", - "vey" - ], - [ - "ĠPT", - "H" - ], - [ - "Ġbil", - "ayers" - ], - [ - "ĠOscill", - "ations" - ], - [ - "ĠHon", - "or" - ], - [ - "ĠC", - "CN" - ], - [ - "ĠM", - "OT" - ], - [ - "ĠL", - "loyd" - ], - [ - "Ġtrap", - "ez" - ], - [ - "Ġbud", - "s" - ], - [ - "OFF", - "SET" - ], - [ - "Ġmac", - "romolecules" - ], - [ - "Ġbil", - "irubin" - ], - [ - "ol", - "ly" - ], - [ - "Ġutil", - "ities" - ], - [ - "minist", - "ered" - ], - [ - "Ġglob", - "e" - ], - [ - "OLOG", - "Y" - ], - [ - "rop", - "ods" - ], - [ - "ĠMD", - "M" - ], - [ - "ĠPy", - "Object" - ], - [ - "mac", - "roph" - ], - [ - "ĠP", - "BMCs" - ], - [ - "osp", - "heres" - ], - [ - "Ġcatast", - "rophic" - ], - [ - "ĠNavig", - "ation" - ], - [ - "ĠL", - "SD" - ], - [ - "Ġcre", - "am" - ], - [ - "Ġdere", - "g" - ], - [ - "b", - "onded" - ], - [ - "ren", - "ts" - ], - [ - "Ġpotenti", - "ation" - ], - [ - "Ġst", - "ro" - ], - [ - "Ġst", - "eeper" - ], - [ - "ulin", - "um" - ], - [ - "Ġperiodon", - "titis" - ], - [ - "ar", - "ization" - ], - [ - "âĪ", - "ª" - ], - [ - "amic", - "in" - ], - [ - "Ġmagne", - "tized" - ], - [ - "ĠNutri", - "tional" - ], - [ - "Ġacc", - "ord" - ], - [ - "ga", - "ard" - ], - [ - "FT", - "IR" - ], - [ - "r", - "amethyl" - ], - [ - "ĠG", - "le" - ], - [ - "M", - "el" - ], - [ - "ĠCT", - "L" - ], - [ - "Ġtransl", - "ating" - ], - [ - "Ġauto", - "immunity" - ], - [ - "oler", - "ant" - ], - [ - "triang", - "leq" - ], - [ - "am", - "o" - ], - [ - "Ġv", - "el" - ], - [ - "ĠH", - "CN" - ], - [ - "ĠH", - "amming" - ], - [ - "ĠVen", - "us" - ], - [ - "ĠG", - "ad" - ], - [ - "ĠO", - "wing" - ], - [ - "In", - "formation" - ], - [ - "ĠSchem", - "es" - ], - [ - "caro", - "tene" - ], - [ - "I", - "ts" - ], - [ - "an", - "is" - ], - [ - "Ġre", - "play" - ], - [ - "Ġto", - "uc" - ], - [ - "LE", - "CT" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠ" - ], - [ - "Ġtab", - "ulated" - ], - [ - "ĠSchott", - "ky" - ], - [ - "F", - "ar" - ], - [ - "am", - "ation" - ], - [ - "ĠR", - "ies" - ], - [ - "Ġexp", - "ects" - ], - [ - "ĠInst", - "ability" - ], - [ - "Ġs", - "ons" - ], - [ - "Ġdec", - "k" - ], - [ - "Ġïģ", - "¥" - ], - [ - "ĠSign", - "ature" - ], - [ - "Ġlith", - "osphere" - ], - [ - "W", - "W" - ], - [ - "m", - "akers" - ], - [ - "ugh", - "ters" - ], - [ - "Ġâİ", - "¡" - ], - [ - "ardi", - "an" - ], - [ - "à", - "¦" - ], - [ - "Ġac", - "cepts" - ], - [ - "ĠO", - "SA" - ], - [ - "Ġγ", - "δ" - ], - [ - "non", - "umber" - ], - [ - "S", - "elect" - ], - [ - "l", - "ite" - ], - [ - "ĠA", - "queous" - ], - [ - "ag", - "awa" - ], - [ - "ĠEd", - "inburgh" - ], - [ - "ĠMemb", - "ranes" - ], - [ - "ĠS", - "IG" - ], - [ - "ak", - "ia" - ], - [ - "Ġtest", - "es" - ], - [ - "Ġhel", - "i" - ], - [ - "++", - "++" - ], - [ - "Ġultraf", - "ast" - ], - [ - "Ġmaneu", - "ver" - ], - [ - "ĠD", - "ate" - ], - [ - "ph", - "in" - ], - [ - "ĠK", - "ad" - ], - [ - "Ġtransfer", - "ase" - ], - [ - "P", - "ers" - ], - [ - "Ġt", - "ones" - ], - [ - "ĠS", - "GD" - ], - [ - "ant", - "o" - ], - [ - "ĠO", - "range" - ], - [ - "ĠGe", - "ography" - ], - [ - "ĠAcc", - "umulation" - ], - [ - "at", - "y" - ], - [ - "Ġbe", - "ating" - ], - [ - "Ġover", - "lying" - ], - [ - "ĠND", - "VI" - ], - [ - "ĠTown", - "ship" - ], - [ - "j", - "ing" - ], - [ - "ĠN", - "OS" - ], - [ - "play", - "er" - ], - [ - "ĠMD", - "D" - ], - [ - "ĠHung", - "arian" - ], - [ - "Ġd", - "w" - ], - [ - "ĠH", - "in" - ], - [ - "Ġvalid", - "ating" - ], - [ - "Ġcolor", - "imetric" - ], - [ - "ĠSupers", - "ymmetric" - ], - [ - "F", - "UNC" - ], - [ - "g", - "ically" - ], - [ - "of", - "uran" - ], - [ - "----", - "---" - ], - [ - "Ġimp", - "ing" - ], - [ - "similar", - "ity" - ], - [ - "ĠD", - "OX" - ], - [ - "ĠG", - "lo" - ], - [ - "iv", - "irus" - ], - [ - "list", - "ed" - ], - [ - "Ġbus", - "y" - ], - [ - "ipro", - "floxacin" - ], - [ - "Ġan", - "xi" - ], - [ - "Ġbl", - "unt" - ], - [ - "Ġproced", - "ural" - ], - [ - "Ġunknown", - "s" - ], - [ - "Ad", - "S" - ], - [ - "thick", - "ness" - ], - [ - "follow", - "s" - ], - [ - "cl", - "osing" - ], - [ - "environment", - "al" - ], - [ - "ĠFeed", - "ing" - ], - [ - "un", - "ami" - ], - [ - "end", - "e" - ], - [ - "ip", - "ine" - ], - [ - "Ġimpact", - "ing" - ], - [ - "Ġpenet", - "rating" - ], - [ - "amb", - "ia" - ], - [ - "ĠWave", - "let" - ], - [ - "Ġfilament", - "ous" - ], - [ - "Ġl", - "eng" - ], - [ - "ĠS", - "CA" - ], - [ - "ĠE", - "ther" - ], - [ - "met", - "all" - ], - [ - "Ġfr", - "inge" - ], - [ - "ĠAdj", - "ust" - ], - [ - "us", - "z" - ], - [ - "ĠR", - "ey" - ], - [ - "ĠBo", - "yd" - ], - [ - "Ġburn", - "out" - ], - [ - "Ġco", - "ok" - ], - [ - "Ġnow", - "adays" - ], - [ - "ĠDispers", - "ion" - ], - [ - "ĠRodrig", - "uez" - ], - [ - "F", - "actor" - ], - [ - "ĠO", - "klahoma" - ], - [ - "Ġun", - "ital" - ], - [ - "Ġpredict", - "ability" - ], - [ - "Ġlith", - "ography" - ], - [ - "è", - "s" - ], - [ - "W", - "illi" - ], - [ - "un", - "al" - ], - [ - "ast", - "ing" - ], - [ - "cor", - "rection" - ], - [ - "ĠD", - "ed" - ], - [ - "ĠSoci", - "o" - ], - [ - "ĠChap", - "man" - ], - [ - "ĠE", - "co" - ], - [ - "Ġonc", - "ogene" - ], - [ - "ĠDri", - "ve" - ], - [ - "Ġfun", - "nel" - ], - [ - "u", - "is" - ], - [ - "ĠGEN", - "ER" - ], - [ - "ĠA", - "CR" - ], - [ - "Ġworkload", - "s" - ], - [ - "Ġocta", - "hedral" - ], - [ - "v", - "ich" - ], - [ - "en", - "burg" - ], - [ - "Ġimpro", - "per" - ], - [ - "dec", - "oded" - ], - [ - "Ġimmunos", - "orbent" - ], - [ - "Ġinhom", - "ogeneity" - ], - [ - "R", - "K" - ], - [ - "on", - "ically" - ], - [ - "Ġglycoprotein", - "s" - ], - [ - "on", - "ics" - ], - [ - "ĠF", - "ok" - ], - [ - "ĠB", - "ras" - ], - [ - "ĠCalc", - "ulus" - ], - [ - "ĠM", - "oss" - ], - [ - "ĠR", - "K" - ], - [ - "Ġvi", - "olet" - ], - [ - "Ġlymph", - "omas" - ], - [ - "ens", - "pace" - ], - [ - "ĠPal", - "ae" - ], - [ - "Ġren", - "in" - ], - [ - "ph", - "ant" - ], - [ - "ĠRE", - "D" - ], - [ - "Ġfault", - "y" - ], - [ - "Ri", - "emann" - ], - [ - "Ã", - "ī" - ], - [ - "ĠEll", - "i" - ], - [ - "B", - "ol" - ], - [ - "T", - "n" - ], - [ - "Y", - "ang" - ], - [ - "g", - "ender" - ], - [ - "Ġdet", - "uning" - ], - [ - "Ġoper", - "on" - ], - [ - "Ġinsectic", - "ide" - ], - [ - "es", - "i" - ], - [ - "am", - "on" - ], - [ - "ĠS", - "CD" - ], - [ - "ĠB", - "ath" - ], - [ - "ĠâĢ", - "ĸ" - ], - [ - "ĠGe", - "ographic" - ], - [ - "Ġcycl", - "ohex" - ], - [ - "ĠConf", - "idence" - ], - [ - "Ġcom", - "et" - ], - [ - "Ġfol", - "ate" - ], - [ - "ob", - "server" - ], - [ - "Ġvis", - "itors" - ], - [ - "ext", - "ra" - ], - [ - "at", - "eness" - ], - [ - "ĠS", - "PT" - ], - [ - "arc", - "ane" - ], - [ - "Ġhol", - "istic" - ], - [ - "sem", - "i" - ], - [ - "ĠM", - "ild" - ], - [ - "Ġsm", - "ear" - ], - [ - "Ġcycl", - "ase" - ], - [ - "Ġan", - "ymore" - ], - [ - "Ġse", - "agrass" - ], - [ - "Ġcons", - "ortium" - ], - [ - "Ġfin", - "ishes" - ], - [ - "cy", - "an" - ], - [ - "duct", - "ance" - ], - [ - "f", - "rost" - ], - [ - "here", - "after" - ], - [ - "Ġpres", - "criptions" - ], - [ - "Ġcm", - "d" - ], - [ - "ĠPer", - "ceived" - ], - [ - "co", - "ordinates" - ], - [ - "Ġst", - "yl" - ], - [ - "ĠB", - "ard" - ], - [ - "ĠH", - "oll" - ], - [ - "Ġsi", - "RNAs" - ], - [ - "s", - "ugg" - ], - [ - "Ġth", - "r" - ], - [ - "Ġmain", - "land" - ], - [ - "SC", - "H" - ], - [ - "Ġasser", - "tions" - ], - [ - "Ġbab", - "ies" - ], - [ - "Ġrecap", - "it" - ], - [ - "T", - "ok" - ], - [ - "Ġres", - "ected" - ], - [ - "con", - "struct" - ], - [ - "B", - "er" - ], - [ - "Ġch", - "oline" - ], - [ - "Ġunit", - "arity" - ], - [ - "Ġcataly", - "zes" - ], - [ - "det", - "ector" - ], - [ - "ĠS", - "MB" - ], - [ - "ter", - "y" - ], - [ - "cl", - "uded" - ], - [ - "ĠAb", - "breviations" - ], - [ - "ĠOlive", - "ira" - ], - [ - "L", - "OC" - ], - [ - "z", - "in" - ], - [ - "ĠLore", - "nz" - ], - [ - "K", - "ernel" - ], - [ - "ly", - "n" - ], - [ - "ĠL", - "EP" - ], - [ - "son", - "i" - ], - [ - "Ġsept", - "um" - ], - [ - "T", - "MS" - ], - [ - "Ġun", - "modified" - ], - [ - "bor", - "ough" - ], - [ - "ĠAud", - "io" - ], - [ - "Ġdoll", - "ars" - ], - [ - "CM", - "D" - ], - [ - "Ġnorth", - "western" - ], - [ - "Ġpal", - "mit" - ], - [ - "ragal", - "actic" - ], - [ - "ĠM", - "iz" - ], - [ - "F", - "H" - ], - [ - "conf", - "idence" - ], - [ - "N", - "EXT" - ], - [ - "ĠA", - "GE" - ], - [ - "ĠEq", - "n" - ], - [ - "ĠClass", - "es" - ], - [ - "Ġmis", - "leading" - ], - [ - "ĠPK", - "A" - ], - [ - "Ġanch", - "ored" - ], - [ - "ĠR", - "ip" - ], - [ - "ph", - "ag" - ], - [ - "Ġint", - "ubation" - ], - [ - "ĠAng", - "ular" - ], - [ - "ĠB", - "EC" - ], - [ - "Th", - "r" - ], - [ - "Ġorgan", - "isations" - ], - [ - "Ġcomfort", - "able" - ], - [ - "Ġcommission", - "ed" - ], - [ - "p", - "oll" - ], - [ - "y", - "dia" - ], - [ - "in", - "stead" - ], - [ - "Ġpass", - "word" - ], - [ - "Ġcompl", - "iant" - ], - [ - "ĠPrec", - "ipitation" - ], - [ - "ophosph", - "amide" - ], - [ - "ust", - "ers" - ], - [ - "Ġpneum", - "ococcal" - ], - [ - "Ġtom", - "ographic" - ], - [ - "tida", - "e" - ], - [ - "ĠFir", - "micutes" - ], - [ - "b", - "w" - ], - [ - "ĠPD", - "B" - ], - [ - "ĠGP", - "Us" - ], - [ - "ĠPlan", - "ar" - ], - [ - "Ġverb", - "ose" - ], - [ - "Summ", - "ary" - ], - [ - "l", - "ance" - ], - [ - "ĠE", - "GFP" - ], - [ - "ong", - "ru" - ], - [ - "Com", - "plex" - ], - [ - "ĠWhe", - "at" - ], - [ - "uc", - "he" - ], - [ - "ĠM", - "CA" - ], - [ - "ĠPro", - "jection" - ], - [ - "Ġstat", - "s" - ], - [ - "Ġsumm", - "and" - ], - [ - "dim", - "ethoxyphenyl" - ], - [ - "ĠAB", - "STRACT" - ], - [ - "Ġcaroten", - "oid" - ], - [ - "Ġbro", - "ke" - ], - [ - "ĠDesign", - "ing" - ], - [ - "ĠHet", - "ero" - ], - [ - "ĠCarls", - "bad" - ], - [ - "C", - "ov" - ], - [ - "in", - "eral" - ], - [ - "Ġanaly", - "te" - ], - [ - "ĠCo", - "leman" - ], - [ - "Ġeigen", - "state" - ], - [ - "ĠHol", - "land" - ], - [ - "ERS", - "ION" - ], - [ - "ĠD", - "ak" - ], - [ - "ell", - "ers" - ], - [ - "ĠÃ", - "ĺ" - ], - [ - "miss", - "ing" - ], - [ - "dep", - "osited" - ], - [ - "ĠLinc", - "oln" - ], - [ - "an", - "ion" - ], - [ - "ĠSP", - "EC" - ], - [ - "Ġfertil", - "izer" - ], - [ - "ĠC", - "PS" - ], - [ - "Ġco", - "factor" - ], - [ - "Ġtre", - "n" - ], - [ - "Ġcal", - "endar" - ], - [ - "Ġyoung", - "est" - ], - [ - "STAT", - "US" - ], - [ - "ĠEXPERIM", - "ENTAL" - ], - [ - "Ġs", - "r" - ], - [ - "Ġn", - "l" - ], - [ - "ĠM", - "ES" - ], - [ - "Stud", - "y" - ], - [ - "p", - "adding" - ], - [ - "Ġat", - "opic" - ], - [ - "ĠO", - "G" - ], - [ - "Ġent", - "rainment" - ], - [ - "AF", - "M" - ], - [ - "ĠC", - "ou" - ], - [ - "We", - "b" - ], - [ - "ĠMic", - "roscopic" - ], - [ - "Ġunambig", - "uously" - ], - [ - "D", - "ay" - ], - [ - "y", - "otrophic" - ], - [ - "re", - "ous" - ], - [ - "Ġs", - "arcom" - ], - [ - "ĠV", - "AL" - ], - [ - "Ġhind", - "ered" - ], - [ - "ĠRE", - "M" - ], - [ - "ot", - "rexate" - ], - [ - "oc", - "arcin" - ], - [ - "ĠAl", - "k" - ], - [ - "Ġbre", - "vity" - ], - [ - "fact", - "ual" - ], - [ - "C", - "er" - ], - [ - "di", - "ox" - ], - [ - "oph", - "ical" - ], - [ - "Ġly", - "tic" - ], - [ - "T", - "ake" - ], - [ - "Ġint", - "end" - ], - [ - "ĠCl", - "a" - ], - [ - "Ġaster", - "oid" - ], - [ - "ĠS", - "EP" - ], - [ - "ap", - "enem" - ], - [ - "univers", - "al" - ], - [ - "Ġo", - "ceans" - ], - [ - "Ġmon", - "oid" - ], - [ - "Ġsepar", - "ator" - ], - [ - "ĠP", - "orous" - ], - [ - "Ġpost", - "operatively" - ], - [ - "Ġsem", - "in" - ], - [ - "ĠDis", - "play" - ], - [ - "Ġhyd", - "rolase" - ], - [ - "transfer", - "ases" - ], - [ - "Ġthromb", - "us" - ], - [ - "ĠO", - "v" - ], - [ - "ĠDie", - "lectric" - ], - [ - "Ġcomp", - "elling" - ], - [ - "ass", - "ing" - ], - [ - "ĠM", - "AS" - ], - [ - "ull", - "ary" - ], - [ - "ĠMor", - "i" - ], - [ - "ĠPath", - "ogenesis" - ], - [ - "ĠBre", - "aking" - ], - [ - "ĠPL", - "GA" - ], - [ - "cool", - "ing" - ], - [ - "Â", - "§" - ], - [ - "Ġfe", - "e" - ], - [ - "Ġreduc", - "ible" - ], - [ - "Ġdiver", - "ge" - ], - [ - "Ġque", - "ues" - ], - [ - "Ġmush", - "room" - ], - [ - "Ġdeacetyl", - "ase" - ], - [ - "Y", - "FP" - ], - [ - "Ġdis", - "reg" - ], - [ - "ĠAr", - "rays" - ], - [ - "process", - "es" - ], - [ - "ĠTransport", - "ation" - ], - [ - "Ġundet", - "ectable" - ], - [ - "bur", - "sts" - ], - [ - "Ġphospholip", - "ase" - ], - [ - "O", - "ption" - ], - [ - "as", - "in" - ], - [ - "Ġn", - "octurnal" - ], - [ - "te", - "z" - ], - [ - "ĠDis", - "ruption" - ], - [ - "oser", - "ine" - ], - [ - "behavi", - "or" - ], - [ - "ĠT", - "ony" - ], - [ - "ĠK", - "ot" - ], - [ - "ie", - "val" - ], - [ - "Ġmy", - "ofib" - ], - [ - "Ġhal", - "ogen" - ], - [ - "ĠC", - "PR" - ], - [ - "ploy", - "ed" - ], - [ - "ĠPol", - "ymers" - ], - [ - "Ġaden", - "oma" - ], - [ - "Ġquar", - "tile" - ], - [ - "Ġquatern", - "ary" - ], - [ - "ĠIra", - "q" - ], - [ - "Ġs", - "ieve" - ], - [ - "Ġint", - "ractable" - ], - [ - "Ġfabric", - "s" - ], - [ - "continu", - "um" - ], - [ - "ĠEmerg", - "ence" - ], - [ - "P", - "ot" - ], - [ - "iti", - "sm" - ], - [ - "ven", - "ess" - ], - [ - "ho", - "e" - ], - [ - "Ġred", - "es" - ], - [ - "ĠHR", - "P" - ], - [ - "ploid", - "y" - ], - [ - "pic", - "uous" - ], - [ - "og", - "o" - ], - [ - "ĠG", - "ag" - ], - [ - "Ġnom", - "inated" - ], - [ - "occup", - "ied" - ], - [ - "Ġqu", - "ench" - ], - [ - "rop", - "olis" - ], - [ - "nucle", - "otide" - ], - [ - "ĠEvent", - "ually" - ], - [ - "Ñ", - "ı" - ], - [ - "ĠCl", - "ock" - ], - [ - "ĠSte", - "ady" - ], - [ - "opol", - "ymers" - ], - [ - "ĠA", - "RE" - ], - [ - "ir", - "nov" - ], - [ - "hel", - "f" - ], - [ - "bl", - "ob" - ], - [ - "down", - "load" - ], - [ - "PL", - "L" - ], - [ - "UN", - "T" - ], - [ - "predic", - "tions" - ], - [ - "Ġocc", - "ipital" - ], - [ - "t", - "oxic" - ], - [ - "ĠV", - "ice" - ], - [ - "Ġang", - "io" - ], - [ - "Cu", - "O" - ], - [ - "Ġresist", - "ances" - ], - [ - "ffl", - "ffl" - ], - [ - "D", - "istribution" - ], - [ - "G", - "re" - ], - [ - "on", - "amide" - ], - [ - "ĠI", - "OP" - ], - [ - "UN", - "EL" - ], - [ - "Ġa", - "ids" - ], - [ - "ĠH", - "UV" - ], - [ - "EC", - "M" - ], - [ - "ĠP", - "AD" - ], - [ - "ĠAg", - "NPs" - ], - [ - "Pr", - "int" - ], - [ - "Ġlam", - "ellar" - ], - [ - "ĠUltr", - "ason" - ], - [ - "se", - "vere" - ], - [ - "ĠAn", - "notation" - ], - [ - "N", - "IR" - ], - [ - "s", - "gn" - ], - [ - "ĠO", - "ften" - ], - [ - "Ġit", - "erate" - ], - [ - "Ġcar", - "riage" - ], - [ - "sp", - "herical" - ], - [ - "ĠF", - "rid" - ], - [ - "Ġdiff", - "ract" - ], - [ - "ĠBas", - "al" - ], - [ - "Ġuns", - "atisf" - ], - [ - "ĠDys", - "function" - ], - [ - "arboxyl", - "ic" - ], - [ - "ĠCol", - "lective" - ], - [ - "Ġdegrad", - "ing" - ], - [ - "Ġadi", - "posity" - ], - [ - "Ġfif", - "ty" - ], - [ - "Ġpar", - "s" - ], - [ - "ĠOptim", - "ized" - ], - [ - "oc", - "aine" - ], - [ - "Ġb", - "b" - ], - [ - "ĠS", - "hip" - ], - [ - "ĠL", - "W" - ], - [ - "Ġtre", - "mor" - ], - [ - "ĠÃ", - "£" - ], - [ - "Ġnucle", - "ons" - ], - [ - "Ġscienti", - "st" - ], - [ - "ĠM", - "ish" - ], - [ - "g", - "ression" - ], - [ - "ĠM", - "erc" - ], - [ - "ĠF", - "lem" - ], - [ - "Ġcor", - "als" - ], - [ - "In", - "cre" - ], - [ - "ĠD", - "SP" - ], - [ - "Ġdef", - "enses" - ], - [ - "dim", - "er" - ], - [ - "ather", - "ine" - ], - [ - "ot", - "ubes" - ], - [ - "str", - "ide" - ], - [ - "ĠAlter", - "ations" - ], - [ - "Ġo", - "est" - ], - [ - "ĠB", - "IC" - ], - [ - "Ġradi", - "ated" - ], - [ - "Ġket", - "amine" - ], - [ - "Ġdissimilar", - "ity" - ], - [ - "ĠAnc", - "ient" - ], - [ - "ĠH", - "ed" - ], - [ - "Ġatt", - "r" - ], - [ - "ĠIs", - "a" - ], - [ - "Ġion", - "ospheric" - ], - [ - "Ġgover", - "nor" - ], - [ - "ĠEstim", - "ated" - ], - [ - "Ġultr", - "athin" - ], - [ - "Up", - "date" - ], - [ - "Ġimmuno", - "assay" - ], - [ - "Ġconject", - "ured" - ], - [ - "Ġ", - "REF" - ], - [ - "ĠSi", - "egel" - ], - [ - "Ad", - "v" - ], - [ - "M", - "em" - ], - [ - "Ġp", - "ups" - ], - [ - "ĠAP", - "PL" - ], - [ - "ecom", - "posable" - ], - [ - "j", - "ournal" - ], - [ - "ĠR", - "ol" - ], - [ - "ĠL", - "ob" - ], - [ - "ring", - "ton" - ], - [ - "Ġnons", - "ingular" - ], - [ - "Ġcit", - "ric" - ], - [ - "ion", - "es" - ], - [ - "os", - "itis" - ], - [ - "AL", - "Y" - ], - [ - "Ġmen", - "tions" - ], - [ - "ĠMark", - "ers" - ], - [ - "algebra", - "ic" - ], - [ - "Ġflatten", - "ed" - ], - [ - "Ġm", - "ail" - ], - [ - "ĠT", - "GA" - ], - [ - "ĠP", - "MA" - ], - [ - "ĠN", - "aval" - ], - [ - "Ġfac", - "ilitation" - ], - [ - "Ġun", - "identified" - ], - [ - "Ġem", - "pathy" - ], - [ - "ject", - "ories" - ], - [ - "log", - "its" - ], - [ - "Ġperman", - "ently" - ], - [ - "Ġbott", - "les" - ], - [ - "ĠBeng", - "al" - ], - [ - "Ġpean", - "ut" - ], - [ - "Ġcapill", - "aries" - ], - [ - "eren", - "ts" - ], - [ - "ĠLo", - "oking" - ], - [ - "chang", - "es" - ], - [ - "ĠMag", - "ell" - ], - [ - "ĠC", - "MC" - ], - [ - "ĠV", - "erm" - ], - [ - "Ġsubs", - "cales" - ], - [ - "dem", - "and" - ], - [ - "ore", - "xia" - ], - [ - "Ġachieve", - "ments" - ], - [ - "ĠRobust", - "ness" - ], - [ - "ĠWall", - "ace" - ], - [ - "ĠD", - "TT" - ], - [ - "og", - "els" - ], - [ - "ock", - "er" - ], - [ - "ĠSp", - "ike" - ], - [ - "Ġpain", - "ter" - ], - [ - "Ġbus", - "es" - ], - [ - "Ġpoll", - "uted" - ], - [ - "Ġt", - "ort" - ], - [ - "ĠP", - "PP" - ], - [ - "ne", - "x" - ], - [ - "ext", - "ended" - ], - [ - "ucal", - "ypt" - ], - [ - "Ġpro", - "static" - ], - [ - "ĠF", - "CC" - ], - [ - "Ġk", - "ick" - ], - [ - "oy", - "al" - ], - [ - "epoch", - "s" - ], - [ - "h", - "ss" - ], - [ - "y", - "on" - ], - [ - "Ġd", - "ans" - ], - [ - "ĠA", - "w" - ], - [ - "Ġad", - "versely" - ], - [ - "Ġalt", - "ogether" - ], - [ - "Ġophthal", - "m" - ], - [ - "Ġc", - "pu" - ], - [ - "ĠF", - "RET" - ], - [ - "Ġfore", - "nsic" - ], - [ - "Ġhot", - "spots" - ], - [ - "Ġpain", - "tings" - ], - [ - "Ġo", - "mn" - ], - [ - "Ġp", - "S" - ], - [ - "og", - "lu" - ], - [ - "of", - "ol" - ], - [ - "FT", - "s" - ], - [ - "Ġderm", - "at" - ], - [ - "prag", - "ma" - ], - [ - "Ġb", - "ump" - ], - [ - "ĠC", - "ir" - ], - [ - "a", - "S" - ], - [ - "Ġn", - "aked" - ], - [ - "ĠN", - "LS" - ], - [ - "ĠSp", - "itzer" - ], - [ - "Ġsal", - "vage" - ], - [ - "Ġintu", - "itively" - ], - [ - "Ġcas", - "ual" - ], - [ - "Ġf", - "ired" - ], - [ - "ver", - "ages" - ], - [ - "ĠBur", - "den" - ], - [ - "W", - "ang" - ], - [ - "yle", - "m" - ], - [ - "Ġradi", - "ographs" - ], - [ - "ĠSch", - "iff" - ], - [ - "OL", - "UTION" - ], - [ - "C", - "ross" - ], - [ - "Ġh", - "ints" - ], - [ - "ow", - "ing" - ], - [ - "ĠSt", - "reng" - ], - [ - "ĠAN", - "Y" - ], - [ - "Ġwor", - "ry" - ], - [ - "ĠRog", - "er" - ], - [ - "Ġtrabec", - "ular" - ], - [ - "B", - "and" - ], - [ - "ĠN", - "ec" - ], - [ - "ip", - "es" - ], - [ - "to", - "ol" - ], - [ - "ĠIL", - "C" - ], - [ - "i", - "Äĩ" - ], - [ - "o", - "cean" - ], - [ - "ĠA", - "ri" - ], - [ - "AM", - "A" - ], - [ - "ĠVer", - "tex" - ], - [ - "activ", - "ate" - ], - [ - "L", - "ocation" - ], - [ - "on", - "ts" - ], - [ - "Ġh", - "s" - ], - [ - "Ġsl", - "ender" - ], - [ - "ref", - "ring" - ], - [ - "ĠEnd", - "ogenous" - ], - [ - "adi", - "abatic" - ], - [ - "Ġcryp", - "tic" - ], - [ - "Ġerad", - "ication" - ], - [ - "ĠKev", - "in" - ], - [ - "Ġm", - "c" - ], - [ - "Ġcardi", - "o" - ], - [ - "Ġphosphor", - "yl" - ], - [ - "W", - "itten" - ], - [ - "Ġs", - "cl" - ], - [ - "ĠI", - "w" - ], - [ - "ĠM", - "ade" - ], - [ - "Ġfound", - "ing" - ], - [ - "ofl", - "ag" - ], - [ - "al", - "ine" - ], - [ - "hor", - "izontal" - ], - [ - "ĠGeneral", - "ization" - ], - [ - "psy", - "chiatric" - ], - [ - "ĠD", - "uncan" - ], - [ - "ĠSn", - "O" - ], - [ - "ĠA", - "ar" - ], - [ - "Ġg", - "g" - ], - [ - "Ġpre", - "mi" - ], - [ - "ĠSt", - "rom" - ], - [ - "ĠEx", - "plan" - ], - [ - "Ġleth", - "ality" - ], - [ - "Ï", - "Ĥ" - ], - [ - "od", - "o" - ], - [ - "Ġsub", - "scrib" - ], - [ - "ĠST", - "UDY" - ], - [ - "Ġoutper", - "formed" - ], - [ - "Ġcoval", - "ently" - ], - [ - "M", - "HC" - ], - [ - "f", - "ail" - ], - [ - "ĠK", - "ac" - ], - [ - "EG", - "R" - ], - [ - "ĠTR", - "I" - ], - [ - "rob", - "ot" - ], - [ - "ĠCandid", - "ate" - ], - [ - "ĠTN", - "BC" - ], - [ - "Ġarchae", - "ological" - ], - [ - "E", - "ukary" - ], - [ - "Ġl", - "ava" - ], - [ - "di", - "pole" - ], - [ - "Ġunc", - "ons" - ], - [ - "An", - "ti" - ], - [ - "Ġpred", - "nis" - ], - [ - "ĠRob", - "in" - ], - [ - "Ġstratig", - "raphic" - ], - [ - "ĠÂ", - "¤" - ], - [ - "Ġfin", - "ance" - ], - [ - "ĠStud", - "io" - ], - [ - "re", - "nder" - ], - [ - "Ġre", - "aring" - ], - [ - "Ġg", - "er" - ], - [ - "ĠO", - "pt" - ], - [ - "ĠMan", - "ifolds" - ], - [ - "Ġdest", - "abil" - ], - [ - "Ġtel", - "omerase" - ], - [ - "Ġpick", - "ing" - ], - [ - "Ġamplic", - "on" - ], - [ - "Ġyear", - "ly" - ], - [ - "ĠN", - "CC" - ], - [ - "ins", - "er" - ], - [ - "ĠEn", - "richment" - ], - [ - "ĠMicro", - "structure" - ], - [ - "ĠWar", - "ren" - ], - [ - "ophys", - "ics" - ], - [ - "Ġfif", - "teen" - ], - [ - "Å", - "ij" - ], - [ - "Ġreview", - "er" - ], - [ - "Ġsk", - "illed" - ], - [ - "Ġmagnet", - "oresistance" - ], - [ - "Ġrecon", - "figuration" - ], - [ - "Ġpo", - "et" - ], - [ - "Ġpred", - "etermined" - ], - [ - "Ġcry", - "opres" - ], - [ - "Ġattract", - "ors" - ], - [ - "Ġprojec", - "tile" - ], - [ - "ĠC", - "rystals" - ], - [ - "ĠM", - "CM" - ], - [ - "ĠX", - "anth" - ], - [ - "Ġclock", - "wise" - ], - [ - "regn", - "ant" - ], - [ - "Ġg", - "ated" - ], - [ - "ry", - "za" - ], - [ - "ĠP", - "rosp" - ], - [ - "ad", - "in" - ], - [ - "Ġm", - "olybdenum" - ], - [ - "ĠAl", - "ps" - ], - [ - "ĠBal", - "d" - ], - [ - "Ġhall", - "uc" - ], - [ - "ud", - "o" - ], - [ - "Ġmon", - "t" - ], - [ - "ĠFl", - "ash" - ], - [ - "Ġpull", - "ing" - ], - [ - "ĠL", - "Q" - ], - [ - "ĠWals", - "h" - ], - [ - "ĠTh", - "omson" - ], - [ - "mes", - "on" - ], - [ - "Ġinter", - "cal" - ], - [ - "Ġel", - "apsed" - ], - [ - "FF", - "FF" - ], - [ - "ĠFore", - "casting" - ], - [ - "à", - "¯" - ], - [ - "ĠL", - "SP" - ], - [ - "end", - "orf" - ], - [ - "Ġx", - "ml" - ], - [ - "sub", - "strate" - ], - [ - "M", - "u" - ], - [ - "d", - "uring" - ], - [ - "oc", - "onstr" - ], - [ - "EM", - "A" - ], - [ - "Ġïĥ", - "«" - ], - [ - "ĠD", - "FS" - ], - [ - "ĠV", - "on" - ], - [ - "Ġfat", - "hers" - ], - [ - "Ġunc", - "o" - ], - [ - "ĠUnd", - "erg" - ], - [ - "Ġmultiplex", - "ing" - ], - [ - "at", - "ra" - ], - [ - "Ġco", - "hesive" - ], - [ - "ĠU", - "I" - ], - [ - "ĠPre", - "v" - ], - [ - "çļ", - "Ħ" - ], - [ - "c", - "um" - ], - [ - "h", - "f" - ], - [ - "ĠS", - "CN" - ], - [ - "atal", - "ysis" - ], - [ - "ĠAr", - "sen" - ], - [ - "amp", - "ing" - ], - [ - "ĠPl", - "astic" - ], - [ - "ĠMad", - "ison" - ], - [ - "Ġsuprem", - "um" - ], - [ - "ĠC", - "ited" - ], - [ - "Ġare", - "n" - ], - [ - "isk", - "i" - ], - [ - "in", - "el" - ], - [ - "st", - "ro" - ], - [ - "Ġcor", - "rupted" - ], - [ - "Ġgl", - "ab" - ], - [ - "Ġcardi", - "opulmonary" - ], - [ - "Ġprag", - "matic" - ], - [ - "C", - "AG" - ], - [ - "St", - "ack" - ], - [ - "thi", - "oxo" - ], - [ - "ĠRepro", - "ductive" - ], - [ - "Ġste", - "atosis" - ], - [ - "B", - "est" - ], - [ - "ĠB", - "ars" - ], - [ - "Ġr", - "acing" - ], - [ - "ĠU", - "tah" - ], - [ - "equ", - "ivalence" - ], - [ - "ĠFif", - "ty" - ], - [ - "ĠCytok", - "ine" - ], - [ - "Ġutil", - "ised" - ], - [ - "hor", - "izon" - ], - [ - "our", - "acil" - ], - [ - "ivers", - "ary" - ], - [ - "em", - "er" - ], - [ - "ĠQ", - "uestions" - ], - [ - "Ġlink", - "ages" - ], - [ - "anche", - "z" - ], - [ - "V", - "V" - ], - [ - "Ġphotod", - "et" - ], - [ - "k", - "owski" - ], - [ - "RE", - "ST" - ], - [ - "Ġhost", - "ing" - ], - [ - "Ġpush", - "ing" - ], - [ - "Ġneurot", - "oxicity" - ], - [ - "S", - "Q" - ], - [ - "r", - "st" - ], - [ - "Ġh", - "ockey" - ], - [ - "Ġtri", - "ps" - ], - [ - "ĠInd", - "oor" - ], - [ - "em", - "atics" - ], - [ - "Ġtrans", - "ect" - ], - [ - "ĠAB", - "I" - ], - [ - "ag", - "ar" - ], - [ - "âĪ", - "ļ" - ], - [ - "eg", - "enerate" - ], - [ - "ĠQ", - "P" - ], - [ - "MI", - "D" - ], - [ - "ĠAc", - "cept" - ], - [ - "ĠCy", - "ber" - ], - [ - "N", - "orth" - ], - [ - "Ġd", - "θ" - ], - [ - "all", - "a" - ], - [ - "Ġbra", - "id" - ], - [ - "f", - "inding" - ], - [ - "al", - "in" - ], - [ - "ĠL", - "ST" - ], - [ - "ĠL", - "ax" - ], - [ - "ud", - "in" - ], - [ - "Ġi", - "NOS" - ], - [ - "con", - "vert" - ], - [ - "AC", - "A" - ], - [ - "ĠGu", - "an" - ], - [ - "Ġlymph", - "ocytic" - ], - [ - "Ġsyll", - "able" - ], - [ - "ĠT", - "OR" - ], - [ - "ĠS", - "CR" - ], - [ - "ĠA", - "J" - ], - [ - "Ġout", - "burst" - ], - [ - "bl", - "adder" - ], - [ - "OT", - "A" - ], - [ - "aud", - "io" - ], - [ - "chrom", - "en" - ], - [ - "Ñģ", - "ÑĤ" - ], - [ - "Ġgrate", - "fully" - ], - [ - "Ġt", - "iling" - ], - [ - "Ġqu", - "it" - ], - [ - "sh", - "an" - ], - [ - "ĠAcc", - "retion" - ], - [ - "Ġnarrow", - "ing" - ], - [ - "ĠInduc", - "es" - ], - [ - "M", - "ic" - ], - [ - "Ġf", - "uc" - ], - [ - "Ġth", - "alamus" - ], - [ - "AN", - "ES" - ], - [ - "Ġquatern", - "ion" - ], - [ - "ĠLister", - "ia" - ], - [ - "d", - "uality" - ], - [ - "he", - "nd" - ], - [ - "and", - "e" - ], - [ - "Ġpa", - "ro" - ], - [ - "Ġinsp", - "ected" - ], - [ - "ques", - "tion" - ], - [ - "ĠH", - "oney" - ], - [ - "Ġch", - "unks" - ], - [ - "Ġfore", - "arm" - ], - [ - "radi", - "ents" - ], - [ - "ific", - "antly" - ], - [ - "ob", - "ank" - ], - [ - "Ġsome", - "where" - ], - [ - "Ġmon", - "etary" - ], - [ - "ĠLouis", - "iana" - ], - [ - "Ġem", - "ulsions" - ], - [ - "Ġprogram", - "mable" - ], - [ - "Ġmanif", - "ests" - ], - [ - "ĠMart", - "inez" - ], - [ - "Ġt", - "ed" - ], - [ - "em", - "en" - ], - [ - "ann", - "i" - ], - [ - "Ġoverl", - "aid" - ], - [ - "Ġvir", - "ulent" - ], - [ - "M", - "ask" - ], - [ - "ĠU", - "tility" - ], - [ - "Ġw", - "k" - ], - [ - "ose", - "xual" - ], - [ - "ĠEar", - "l" - ], - [ - "d", - "ar" - ], - [ - "h", - "dr" - ], - [ - "ract", - "ors" - ], - [ - "Ġconstruct", - "or" - ], - [ - "Ġnas", - "cent" - ], - [ - "inz", - "burg" - ], - [ - "ĠCra", - "ig" - ], - [ - "Ġplex", - "us" - ], - [ - "re", - "verse" - ], - [ - "og", - "rav" - ], - [ - "tag", - "s" - ], - [ - "Ġcalibr", - "ate" - ], - [ - "à", - "®" - ], - [ - "Ġh", - "ide" - ], - [ - "ĠF", - "ol" - ], - [ - "Ġinter", - "acted" - ], - [ - "Ġconf", - "ron" - ], - [ - "mark", - "et" - ], - [ - "Ġsoci", - "odemographic" - ], - [ - "ĠLuc", - "as" - ], - [ - "ĠM", - "CT" - ], - [ - "ĠR", - "SS" - ], - [ - "Ġmicro", - "plate" - ], - [ - "under", - "st" - ], - [ - "I", - "tal" - ], - [ - "ĠC", - "MR" - ], - [ - "rec", - "y" - ], - [ - "ĠPC", - "OS" - ], - [ - "Ġdetox", - "ification" - ], - [ - "Ġsubt", - "ree" - ], - [ - "Ġsubs", - "ections" - ], - [ - "Ġpropos", - "itions" - ], - [ - "Acknowledg", - "ements" - ], - [ - "reinfor", - "ced" - ], - [ - "l", - "is" - ], - [ - "ĠC", - "IR" - ], - [ - "Ġim", - "printed" - ], - [ - "vi", - "um" - ], - [ - "af", - "ic" - ], - [ - "Ġcheck", - "list" - ], - [ - "ĠR", - "x" - ], - [ - "ĠE", - "ph" - ], - [ - "Ġsol", - "der" - ], - [ - "trans", - "formation" - ], - [ - "ĠStra", - "it" - ], - [ - "az", - "ar" - ], - [ - "Ġhand", - "ler" - ], - [ - "ke", - "let" - ], - [ - "B", - "CL" - ], - [ - "M", - "ath" - ], - [ - "Ġw", - "ishes" - ], - [ - "um", - "inescent" - ], - [ - "ĠP", - "EC" - ], - [ - "ir", - "t" - ], - [ - "yl", - "idene" - ], - [ - "Ġlo", - "osely" - ], - [ - "na", - "issance" - ], - [ - "IL", - "s" - ], - [ - "fo", - "il" - ], - [ - "ĠGN", - "U" - ], - [ - "ĠK", - "et" - ], - [ - "vi", - "x" - ], - [ - "ĠPl", - "ain" - ], - [ - "ĠRE", - "S" - ], - [ - "Ġparent", - "ing" - ], - [ - "ĠConn", - "ection" - ], - [ - "Ġrhiz", - "osphere" - ], - [ - "opre", - "valence" - ], - [ - "i", - "atic" - ], - [ - "Ġp", - "A" - ], - [ - "ĠV", - "il" - ], - [ - "set", - "ting" - ], - [ - "ĠRe", - "LU" - ], - [ - "ĠBO", - "OST" - ], - [ - "Ġappreci", - "ate" - ], - [ - "b", - "x" - ], - [ - "ore", - "st" - ], - [ - "olog", - "ie" - ], - [ - "Ġpal", - "p" - ], - [ - "fo", - "o" - ], - [ - "us", - "ual" - ], - [ - "Ġquestion", - "ed" - ], - [ - "Ġtrig", - "on" - ], - [ - "ĠGF", - "AP" - ], - [ - "ĠKy", - "oto" - ], - [ - "dis", - "e" - ], - [ - "anti", - "le" - ], - [ - "ü", - "ck" - ], - [ - "ĠQuanti", - "zation" - ], - [ - "Ġs", - "cler" - ], - [ - "Ġbe", - "half" - ], - [ - "ĠD", - "uality" - ], - [ - "Ġmagnetic", - "ally" - ], - [ - "Ġeleg", - "ant" - ], - [ - "U", - "A" - ], - [ - "ep", - "is" - ], - [ - "Ġsub", - "clinical" - ], - [ - "ont", - "rol" - ], - [ - "ĠChemical", - "s" - ], - [ - "Util", - "s" - ], - [ - "Ġlow", - "ers" - ], - [ - "ext", - "raction" - ], - [ - "Ġampl", - "ifiers" - ], - [ - "ĠEnt", - "ry" - ], - [ - "ĠWOR", - "K" - ], - [ - "Ġthrombocyt", - "openia" - ], - [ - "M", - "il" - ], - [ - "id", - "us" - ], - [ - "emb", - "ry" - ], - [ - "man", - "ager" - ], - [ - "ĠCo", - "ordination" - ], - [ - "ĠPhen", - "otypic" - ], - [ - "ch", - "unk" - ], - [ - "Ġhypot", - "ension" - ], - [ - "Ġcry", - "ogenic" - ], - [ - "Ġreact", - "ants" - ], - [ - "ĠM", - "MSE" - ], - [ - "Ġcent", - "ros" - ], - [ - "ĠBut", - "ler" - ], - [ - "Ġcav", - "itation" - ], - [ - "ĠLess", - "ons" - ], - [ - "es", - "tion" - ], - [ - "ĠM", - "IS" - ], - [ - "ass", - "oci" - ], - [ - "AP", - "E" - ], - [ - "ĠEuler", - "ian" - ], - [ - "Ġrecre", - "ational" - ], - [ - "ĠNe", - "o" - ], - [ - "ĠCD", - "M" - ], - [ - "rep", - "eat" - ], - [ - "det", - "ails" - ], - [ - "B", - "al" - ], - [ - "ST", - "A" - ], - [ - "Ġâī", - "º" - ], - [ - "ĠCam", - "ero" - ], - [ - "ĠTele", - "vision" - ], - [ - "Ġwork", - "force" - ], - [ - "Ġcomputer", - "ized" - ], - [ - "Ġextra", - "ordinary" - ], - [ - "Ġrib", - "onucle" - ], - [ - "Ġhydroph", - "obicity" - ], - [ - "ĠFeas", - "ibility" - ], - [ - "O", - "l" - ], - [ - "T", - "w" - ], - [ - "ĠM", - "am" - ], - [ - "ĠF", - "AC" - ], - [ - "pro", - "fit" - ], - [ - "negl", - "igible" - ], - [ - "ĠF", - "ruit" - ], - [ - "Ġear", - "s" - ], - [ - "Ġshe", - "aring" - ], - [ - "ĠCorrespond", - "ing" - ], - [ - "f", - "un" - ], - [ - "i", - "eck" - ], - [ - "m", - "os" - ], - [ - "ĠE", - "MI" - ], - [ - "ĠSome", - "times" - ], - [ - "Ġfluor", - "ine" - ], - [ - "Ġdeterg", - "ent" - ], - [ - "Ġal", - "g" - ], - [ - "rac", - "es" - ], - [ - "iv", - "able" - ], - [ - "CO", - "MM" - ], - [ - "ĠSw", - "itch" - ], - [ - "Ġstra", - "ined" - ], - [ - "vir", - "tual" - ], - [ - "Tem", - "perature" - ], - [ - "Ġcredi", - "ble" - ], - [ - "ĠG", - "PCR" - ], - [ - "ĠDe", - "bye" - ], - [ - "ĠL", - "it" - ], - [ - "Ġhe", - "mic" - ], - [ - "Ġtrans", - "ducers" - ], - [ - "met", - "ast" - ], - [ - "adi", - "ene" - ], - [ - "Ġoryz", - "ae" - ], - [ - "t", - "n" - ], - [ - "Ġafter", - "noon" - ], - [ - "ĠArab", - "ian" - ], - [ - "ĠChrom", - "atin" - ], - [ - "Ġxen", - "ografts" - ], - [ - "Ġcrypt", - "ographic" - ], - [ - "Ġax", - "illary" - ], - [ - "Ġvolunte", - "er" - ], - [ - "ĠNev", - "ada" - ], - [ - "Ġp", - "ions" - ], - [ - "un", - "known" - ], - [ - "ĠF", - "U" - ], - [ - "ven", - "ously" - ], - [ - "radi", - "o" - ], - [ - "ĠLab", - "our" - ], - [ - "ĠVill", - "age" - ], - [ - "R", - "ic" - ], - [ - "Ġmet", - "at" - ], - [ - "Ġser", - "otypes" - ], - [ - "reg", - "ression" - ], - [ - "s", - "aturation" - ], - [ - "re", - "ra" - ], - [ - "Ġfar", - "ther" - ], - [ - "Ġround", - "ing" - ], - [ - "Ġlib", - "itum" - ], - [ - "Ġsh", - "uff" - ], - [ - "ĠO", - "w" - ], - [ - "Ġlocal", - "ised" - ], - [ - "ĠAL", - "G" - ], - [ - "Ġhypert", - "rophic" - ], - [ - "p", - "pm" - ], - [ - "im", - "ine" - ], - [ - "ĠA", - "the" - ], - [ - "Ġan", - "hydro" - ], - [ - "Ġsup", - "ramolecular" - ], - [ - "Ġmac", - "ros" - ], - [ - "acet", - "ed" - ], - [ - "ĠOl", - "iv" - ], - [ - "Ġmotiv", - "ational" - ], - [ - "ĠC", - "ave" - ], - [ - "enz", - "ie" - ], - [ - "Ġaffili", - "ated" - ], - [ - "Ferm", - "i" - ], - [ - "Ġequal", - "ities" - ], - [ - "ĠMil", - "an" - ], - [ - "Ġd", - "ressed" - ], - [ - "Ġan", - "ger" - ], - [ - "ad", - "os" - ], - [ - "Ġav", - "g" - ], - [ - "ĠPh", - "on" - ], - [ - "Ġradio", - "activity" - ], - [ - "ĠE", - "ch" - ], - [ - "Ġorgan", - "oids" - ], - [ - "Ġïģ", - "§" - ], - [ - "ĠAnth", - "rop" - ], - [ - "l", - "ateral" - ], - [ - "Ġal", - "pine" - ], - [ - "Ġaud", - "it" - ], - [ - "W", - "ER" - ], - [ - "ĠC", - "SC" - ], - [ - "Ġrank", - "ings" - ], - [ - "ĠER", - "R" - ], - [ - "GL", - "ER" - ], - [ - "Ob", - "viously" - ], - [ - "ĠMad", - "rid" - ], - [ - "obenz", - "ene" - ], - [ - "other", - "mia" - ], - [ - "Ġrespons", - "ibilities" - ], - [ - "omes", - "tic" - ], - [ - "ĠInf", - "lation" - ], - [ - "Ġepidem", - "ics" - ], - [ - "Ġt", - "aut" - ], - [ - "ph", - "os" - ], - [ - "ĠUn", - "less" - ], - [ - "Ġge", - "omagnetic" - ], - [ - "ĠCF", - "TR" - ], - [ - "vel", - "d" - ], - [ - "ari", - "etal" - ], - [ - "Ġend", - "otoxin" - ], - [ - "AD", - "P" - ], - [ - "Ġsupp", - "ressive" - ], - [ - "rand", - "ial" - ], - [ - "Ġïĥ", - "©" - ], - [ - "exc", - "ited" - ], - [ - "ĠInn", - "ate" - ], - [ - "ĠL", - "ópez" - ], - [ - "omyc", - "etes" - ], - [ - "Ġbe", - "autiful" - ], - [ - "ir", - "k" - ], - [ - "ĠH", - "wang" - ], - [ - "ĠU", - "SE" - ], - [ - "ÏĢ", - "i" - ], - [ - "Rec", - "ord" - ], - [ - "Att", - "ribute" - ], - [ - "Ġre", - "acts" - ], - [ - "ĠB", - "und" - ], - [ - "Ġcow", - "ork" - ], - [ - "Ġconf", - "luence" - ], - [ - "ĠReg", - "ardless" - ], - [ - "Ġmetagen", - "omic" - ], - [ - "M", - "AL" - ], - [ - "Ġa", - "ided" - ], - [ - "ang", - "a" - ], - [ - "Ġam", - "n" - ], - [ - "ĠI", - "CI" - ], - [ - "ĠP", - "ML" - ], - [ - "Ġdel", - "ivers" - ], - [ - "Ġke", - "yp" - ], - [ - "Ġbeet", - "les" - ], - [ - "Ġoxid", - "ant" - ], - [ - "Im", - "mun" - ], - [ - "Ġrhyth", - "mic" - ], - [ - "fem", - "ale" - ], - [ - "J", - "C" - ], - [ - "P", - "AD" - ], - [ - "gen", - "itor" - ], - [ - "A", - "MS" - ], - [ - "c", - "atalytic" - ], - [ - "ĠM", - "om" - ], - [ - "ĠH", - "ert" - ], - [ - "ad", - "ish" - ], - [ - "Ġcont", - "ention" - ], - [ - "Ġy", - "olk" - ], - [ - "Ġdem", - "yel" - ], - [ - "Ġsuc", - "c" - ], - [ - "Ġtravel", - "s" - ], - [ - "V", - "e" - ], - [ - "ĠF", - "ul" - ], - [ - "ĠR", - "if" - ], - [ - "Ġint", - "rons" - ], - [ - "enc", - "aps" - ], - [ - "col", - "our" - ], - [ - "Ġhot", - "el" - ], - [ - "Ac", - "cess" - ], - [ - "ado", - "op" - ], - [ - "Ġcoal", - "ition" - ], - [ - "ĠMu", - "h" - ], - [ - "ĠL", - "TP" - ], - [ - "aut", - "om" - ], - [ - "ĠL", - "ak" - ], - [ - "Ġrem", - "edi" - ], - [ - "Ġtra", - "iling" - ], - [ - "ins", - "ulator" - ], - [ - "ĠRel", - "ig" - ], - [ - "ĠHud", - "son" - ], - [ - "em", - "ics" - ], - [ - "O", - "Ac" - ], - [ - "our", - "t" - ], - [ - "Ġrel", - "ic" - ], - [ - "ĠMi", - "xture" - ], - [ - "Ġcalor", - "imeter" - ], - [ - "ĠR", - "DF" - ], - [ - "ĠHod", - "gkin" - ], - [ - "Newton", - "ian" - ], - [ - "ĠDelay", - "ed" - ], - [ - "ĠNorthe", - "ast" - ], - [ - "her", - "ing" - ], - [ - "Ġhel", - "ices" - ], - [ - "Ġprincip", - "ally" - ], - [ - "Ġsusp", - "icion" - ], - [ - "Ġextrem", - "ities" - ], - [ - "Ġdead", - "line" - ], - [ - "ĠEnter", - "ococcus" - ], - [ - "m", - "j" - ], - [ - "Ġh", - "p" - ], - [ - "ĠN", - "AS" - ], - [ - "ous", - "s" - ], - [ - "Ġintram", - "uscular" - ], - [ - "L", - "IN" - ], - [ - "Ġch", - "icks" - ], - [ - "S", - "core" - ], - [ - "Ġf", - "ür" - ], - [ - "ĠR", - "SA" - ], - [ - "Ġk", - "r" - ], - [ - "Ġphot", - "ography" - ], - [ - "Ġclear", - "ing" - ], - [ - "hol", - "omorphic" - ], - [ - "t", - "hem" - ], - [ - "Ġp", - "om" - ], - [ - "ĠL", - "is" - ], - [ - "Ġdisc", - "ard" - ], - [ - "Ġgu", - "an" - ], - [ - "c", - "x" - ], - [ - "ub", - "ov" - ], - [ - "ĠCons", - "istency" - ], - [ - "Ġple", - "i" - ], - [ - "ĠUr", - "inary" - ], - [ - "Ġbread", - "th" - ], - [ - "E", - "I" - ], - [ - "m", - "echan" - ], - [ - "Ġd", - "q" - ], - [ - "ĠBl", - "ast" - ], - [ - "co", - "eff" - ], - [ - "IL", - "D" - ], - [ - "Ġunem", - "ployment" - ], - [ - "A", - "rm" - ], - [ - "ĠC", - "n" - ], - [ - "mod", - "erate" - ], - [ - "Ġagg", - "ress" - ], - [ - "Ġcircum", - "f" - ], - [ - "l", - "os" - ], - [ - "Ġb", - "aro" - ], - [ - "velop", - "e" - ], - [ - "Ġulcer", - "ative" - ], - [ - "Ġhelic", - "ase" - ], - [ - "H", - "W" - ], - [ - "K", - "G" - ], - [ - "r", - "ion" - ], - [ - "Ġgen", - "otyped" - ], - [ - "Ġar", - "id" - ], - [ - "ĠAndre", - "as" - ], - [ - "Ġthere", - "of" - ], - [ - "ĠOper", - "ating" - ], - [ - "ĠNE", - "W" - ], - [ - "ĠAntib", - "acterial" - ], - [ - "ĠDar", - "win" - ], - [ - "Ġrefere", - "e" - ], - [ - "Ġd", - "ome" - ], - [ - "ag", - "us" - ], - [ - "ĠD", - "MD" - ], - [ - "AT", - "OR" - ], - [ - "Current", - "ly" - ], - [ - "ĠInequ", - "alities" - ], - [ - "d", - "N" - ], - [ - "ol", - "ymer" - ], - [ - "em", - "pirical" - ], - [ - "ĠBra", - "un" - ], - [ - "F", - "IN" - ], - [ - "ĠO", - "ber" - ], - [ - "pr", - "one" - ], - [ - "Ġdimin", - "ish" - ], - [ - "ĠGrad", - "uate" - ], - [ - "ĠT", - "SH" - ], - [ - "ĠH", - "su" - ], - [ - "oid", - "osis" - ], - [ - "Ġepid", - "ural" - ], - [ - "Ġreinfor", - "cing" - ], - [ - "Ġthe", - "atre" - ], - [ - "Ġv", - "ib" - ], - [ - "ĠH", - "ob" - ], - [ - "col", - "lection" - ], - [ - "MAN", - "GLER" - ], - [ - "ĠH", - "ecke" - ], - [ - "Ġtr", - "uck" - ], - [ - "Ġmotiv", - "ates" - ], - [ - "ĠV", - "OC" - ], - [ - "Ġun", - "bound" - ], - [ - "ram", - "id" - ], - [ - "ious", - "ly" - ], - [ - "ĠFern", - "ández" - ], - [ - "ĠF", - "acial" - ], - [ - "ox", - "azol" - ], - [ - "Ġtre", - "adm" - ], - [ - "ĠRes", - "id" - ], - [ - "Lo", - "ader" - ], - [ - "ĠRun", - "ning" - ], - [ - "otin", - "ib" - ], - [ - "P", - "AC" - ], - [ - "V", - "II" - ], - [ - "i", - "u" - ], - [ - "Ġc", - "ite" - ], - [ - "ĠH", - "ockey" - ], - [ - "ES", - "C" - ], - [ - "rho", - "ea" - ], - [ - "Ġmac", - "aques" - ], - [ - "Ġmedi", - "ast" - ], - [ - "at", - "im" - ], - [ - "ĠT", - "MP" - ], - [ - "ĠA", - "GB" - ], - [ - "ĠR", - "up" - ], - [ - "ug", - "a" - ], - [ - "Ġass", - "urance" - ], - [ - "p", - "ay" - ], - [ - "en", - "ergies" - ], - [ - "ĠK", - "end" - ], - [ - "till", - "ery" - ], - [ - "Ġanest", - "hetic" - ], - [ - "Wind", - "ow" - ], - [ - "Ġbe", - "verages" - ], - [ - "ag", - "uchi" - ], - [ - "ĠFL", - "T" - ], - [ - "ĠBound", - "ed" - ], - [ - "ĠPolymer", - "ase" - ], - [ - "S", - "am" - ], - [ - "ĠOr", - "bit" - ], - [ - "Ġseason", - "ality" - ], - [ - "Ġtachy", - "cardia" - ], - [ - "este", - "em" - ], - [ - "ĠPerf", - "ect" - ], - [ - "S", - "EC" - ], - [ - "l", - "ater" - ], - [ - "tal", - "e" - ], - [ - "ĠForm", - "ally" - ], - [ - "L", - "G" - ], - [ - "z", - "yn" - ], - [ - "Ġmicro", - "algae" - ], - [ - "Ġindi", - "um" - ], - [ - "erenn", - "ial" - ], - [ - "ĠI", - "PT" - ], - [ - "Ġk", - "j" - ], - [ - "ĠPD", - "A" - ], - [ - "Ġassim", - "il" - ], - [ - "whe", - "el" - ], - [ - "ĠS", - "OS" - ], - [ - "ĠP", - "FC" - ], - [ - "Ġdec", - "oded" - ], - [ - "AT", - "S" - ], - [ - "Ġsoci", - "etal" - ], - [ - "Ġdiffe", - "omorphisms" - ], - [ - "Ġtra", - "verse" - ], - [ - "Ġcoll", - "ateral" - ], - [ - "g", - "ives" - ], - [ - "ĠC", - "EN" - ], - [ - "Ġra", - "nd" - ], - [ - "Ġher", - "self" - ], - [ - "Ġpay", - "ments" - ], - [ - "Ġps", - "i" - ], - [ - "âIJ", - "£" - ], - [ - "ĠGrom", - "ov" - ], - [ - "Ġacc", - "idental" - ], - [ - "ĠRe", - "ality" - ], - [ - "Ġlog", - "istics" - ], - [ - "Ġrobust", - "ly" - ], - [ - "ĠSar", - "ah" - ], - [ - "N", - "U" - ], - [ - "d", - "ates" - ], - [ - "ĠC", - "UR" - ], - [ - "ĠD", - "ream" - ], - [ - "Ġdegrad", - "es" - ], - [ - "ĠGE", - "O" - ], - [ - "Ġbutter", - "fly" - ], - [ - "Ġpend", - "ulum" - ], - [ - "q", - "a" - ], - [ - "Ġas", - "partate" - ], - [ - "pseud", - "o" - ], - [ - "Ġall", - "osteric" - ], - [ - "der", - "r" - ], - [ - "ĠQ", - "oL" - ], - [ - "Ag", - "ilent" - ], - [ - "ĠHard", - "ware" - ], - [ - "ĠCum", - "ulative" - ], - [ - "Ġp", - "n" - ], - [ - "qu", - "antitative" - ], - [ - "Ġapp", - "raisal" - ], - [ - "Ġpoly", - "acrylamide" - ], - [ - "Ġmild", - "ly" - ], - [ - "Ġcontrac", - "eptive" - ], - [ - "ĠPubl", - "ished" - ], - [ - "Ġupl", - "ift" - ], - [ - "be", - "h" - ], - [ - "Ġadap", - "tor" - ], - [ - "ĠEqu", - "al" - ], - [ - "thien", - "yl" - ], - [ - "at", - "ched" - ], - [ - "Ġrep", - "ly" - ], - [ - "Ġup", - "wards" - ], - [ - "Ġaut", - "opsy" - ], - [ - "sim", - "ulation" - ], - [ - "Ġgran", - "ite" - ], - [ - "Ġpel", - "vis" - ], - [ - "Ġhat", - "ching" - ], - [ - "ĠS", - "PS" - ], - [ - "ĠG", - "EM" - ], - [ - "illi", - "ard" - ], - [ - "ĠRet", - "rospective" - ], - [ - "ĠEarth", - "qu" - ], - [ - "ĠInvestig", - "ations" - ], - [ - "ĠMer", - "ck" - ], - [ - "Ġchol", - "angi" - ], - [ - "Ġinfiltr", - "ating" - ], - [ - "Ġoverestim", - "ated" - ], - [ - "focus", - "ed" - ], - [ - "A", - "min" - ], - [ - "Ġpre", - "eclampsia" - ], - [ - "osp", - "atial" - ], - [ - "ĠTRA", - "IL" - ], - [ - "P", - "air" - ], - [ - "Ġsub", - "marine" - ], - [ - "Ġprote", - "olysis" - ], - [ - "Ġcomple", - "ments" - ], - [ - "ĠKir", - "ch" - ], - [ - "Ġcent", - "rom" - ], - [ - "Ġn", - "ap" - ], - [ - "ĠWe", - "ar" - ], - [ - "Ġpun", - "ishment" - ], - [ - "Ġautoreg", - "ressive" - ], - [ - "Ġcompos", - "er" - ], - [ - "ĠEng", - "el" - ], - [ - "Ġana", - "emia" - ], - [ - "ĠKron", - "ecker" - ], - [ - "ĠD", - "id" - ], - [ - "ĠCar", - "p" - ], - [ - "pe", - "er" - ], - [ - "Ġbug", - "s" - ], - [ - "ĠIslam", - "ic" - ], - [ - "ith", - "romycin" - ], - [ - "Ġcons", - "ec" - ], - [ - "Ġfam", - "iliarity" - ], - [ - "et", - "axel" - ], - [ - "Ġint", - "ensively" - ], - [ - "ĠU", - "pt" - ], - [ - "Ġindic", - "a" - ], - [ - "AD", - "A" - ], - [ - "ĠChe", - "byshev" - ], - [ - "Ġhierarch", - "ies" - ], - [ - "Ġworth", - "while" - ], - [ - "Ġburn", - "ed" - ], - [ - "ĠHM", - "GB" - ], - [ - "Ġpolyg", - "onal" - ], - [ - "b", - "rile" - ], - [ - "Ġz", - "oon" - ], - [ - "war", - "ning" - ], - [ - "Eukary", - "ota" - ], - [ - "d", - "A" - ], - [ - "ĠRep", - "eated" - ], - [ - "ĠCast", - "ro" - ], - [ - "Ġmet", - "ropolitan" - ], - [ - "ont", - "inuous" - ], - [ - "ĠBar", - "nes" - ], - [ - "ĠPost", - "operative" - ], - [ - "Ġcyt", - "ology" - ], - [ - "Ġspot", - "ted" - ], - [ - "vers", - "ity" - ], - [ - "aff", - "ine" - ], - [ - "sor", - "ted" - ], - [ - "ĠPro", - "to" - ], - [ - "ĠDes", - "criptive" - ], - [ - "Ġhit", - "ting" - ], - [ - "Ġanalog", - "ously" - ], - [ - "feed", - "back" - ], - [ - "Ġspirit", - "ual" - ], - [ - "ĠL", - "INE" - ], - [ - "ress", - "in" - ], - [ - "oph", - "thal" - ], - [ - "Ġpoly", - "unsaturated" - ], - [ - "Ġpi", - "per" - ], - [ - "observ", - "ations" - ], - [ - "ĭ", - "¤" - ], - [ - "ir", - "re" - ], - [ - "ĠW", - "NT" - ], - [ - "Ġund", - "ifferentiated" - ], - [ - "eral", - "d" - ], - [ - "ĠCT", - "C" - ], - [ - "Ġhomomorphism", - "s" - ], - [ - "ĠNeon", - "atal" - ], - [ - "F", - "in" - ], - [ - "ro", - "zen" - ], - [ - "ĠL", - "ux" - ], - [ - "Ġmod", - "ifier" - ], - [ - "ĠK", - "A" - ], - [ - "osa", - "ur" - ], - [ - "Ġinterven", - "tional" - ], - [ - "ĠHa", - "pl" - ], - [ - "Ġlumin", - "ance" - ], - [ - "Ġun", - "fortunately" - ], - [ - "Ġsleep", - "ing" - ], - [ - "Ġcit", - "rus" - ], - [ - "reson", - "ance" - ], - [ - "Ġm", - "oss" - ], - [ - "ul", - "ay" - ], - [ - "ĠP", - "enn" - ], - [ - "ad", - "ministration" - ], - [ - "ĠN", - "GF" - ], - [ - "Ġsec", - "ured" - ], - [ - "ĠA", - "Es" - ], - [ - "ĠP", - "WM" - ], - [ - "oc", - "co" - ], - [ - "ob", - "uf" - ], - [ - "Ġphotoc", - "urrent" - ], - [ - "ĠScilab", - "Double" - ], - [ - "A", - "pril" - ], - [ - "Ġfor", - "amin" - ], - [ - "Ġpar", - "alysis" - ], - [ - "ĠQu", - "ark" - ], - [ - "eq", - "ref" - ], - [ - "ĠBro", - "oks" - ], - [ - "ĠColl", - "ision" - ], - [ - "W", - "ar" - ], - [ - "Ġ", - "ig" - ], - [ - "am", - "ylase" - ], - [ - "ist", - "ered" - ], - [ - "Ġret", - "raction" - ], - [ - "ĠMulti", - "plex" - ], - [ - "ĠMa", - "o" - ], - [ - "Com", - "mon" - ], - [ - "ĠEcon", - "omics" - ], - [ - "ĠCriter", - "ion" - ], - [ - "ĠC", - "CC" - ], - [ - "ĠLe", - "i" - ], - [ - "Ġorth", - "orhombic" - ], - [ - "Ġaliqu", - "ots" - ], - [ - "Ġst", - "ric" - ], - [ - "ĠL", - "enn" - ], - [ - "Ġdis", - "closure" - ], - [ - "amet", - "h" - ], - [ - "Ġnormal", - "isation" - ], - [ - "Ġphyl", - "ogen" - ], - [ - "ĠQTL", - "s" - ], - [ - "ĠVers", - "us" - ], - [ - "ĠUtil", - "ization" - ], - [ - "y", - "ne" - ], - [ - "un", - "ted" - ], - [ - "ĠD", - "uff" - ], - [ - "ĠG", - "J" - ], - [ - "Ġoptim", - "ised" - ], - [ - "iform", - "is" - ], - [ - "ĠIncre", - "ases" - ], - [ - "ĠFD", - "G" - ], - [ - "ĠBatter", - "y" - ], - [ - "P", - "he" - ], - [ - "ĠC", - "CS" - ], - [ - "Ġch", - "rys" - ], - [ - "of", - "en" - ], - [ - "Ġmultic", - "omponent" - ], - [ - "disc", - "ussed" - ], - [ - "bond", - "ing" - ], - [ - "ore", - "tically" - ], - [ - "ĠAll", - "iance" - ], - [ - "Ġhead", - "quarters" - ], - [ - "ĠGlas", - "gow" - ], - [ - "Ġb", - "out" - ], - [ - "Ġe", - "ighth" - ], - [ - "Ġinc", - "urred" - ], - [ - "ĠBar", - "ry" - ], - [ - "Ġquad", - "ric" - ], - [ - "Ġdu", - "ties" - ], - [ - "Ġmind", - "fulness" - ], - [ - "rastruct", - "ural" - ], - [ - "T", - "rain" - ], - [ - "sh", - "itz" - ], - [ - "CD", - "C" - ], - [ - "Ġdys", - "lipidemia" - ], - [ - "Ġalle", - "ged" - ], - [ - "Ġbron", - "ze" - ], - [ - "Ġattain", - "ment" - ], - [ - "Q", - "D" - ], - [ - "rom", - "bin" - ], - [ - "Ġap", - "olipoprotein" - ], - [ - "own", - "ed" - ], - [ - "Ġge", - "ographically" - ], - [ - "work", - "ing" - ], - [ - "ĠBl", - "ind" - ], - [ - "Ġdon", - "ation" - ], - [ - "ĠSer", - "ge" - ], - [ - "Ġspread", - "s" - ], - [ - "ĠHeter", - "ogeneity" - ], - [ - "ĠFr", - "é" - ], - [ - "Ġdef", - "er" - ], - [ - "Ġlif", - "ts" - ], - [ - "EGF", - "R" - ], - [ - "ĠPort", - "land" - ], - [ - "Ġbrother", - "s" - ], - [ - "ĠTrypan", - "osoma" - ], - [ - "in", - "ian" - ], - [ - "Ġp", - "ressed" - ], - [ - "Ġtrans", - "duced" - ], - [ - "Ġpol", - "yn" - ], - [ - "Ġlist", - "eners" - ], - [ - "bo", - "ards" - ], - [ - "ĠSustain", - "able" - ], - [ - "al", - "an" - ], - [ - "ĠS", - "ullivan" - ], - [ - "Assum", - "ption" - ], - [ - "oft", - "en" - ], - [ - "j", - "p" - ], - [ - "or", - "ative" - ], - [ - "pl", - "ers" - ], - [ - "Ġmodular", - "ity" - ], - [ - "ĠHerm", - "ite" - ], - [ - "Ġhydroxy", - "apatite" - ], - [ - "ĠHir", - "sch" - ], - [ - "D", - "eterm" - ], - [ - "f", - "acing" - ], - [ - "ir", - "radiated" - ], - [ - "Ġhar", - "sh" - ], - [ - "Ġtoler", - "ate" - ], - [ - "ĠT", - "rap" - ], - [ - "ĠA", - "ware" - ], - [ - "ot", - "ax" - ], - [ - "AT", - "ING" - ], - [ - "Ġhist", - "opathology" - ], - [ - "ĠIsra", - "eli" - ], - [ - "clock", - "wise" - ], - [ - "z", - "ig" - ], - [ - "ĠJ", - "C" - ], - [ - "ĠQu", - "ick" - ], - [ - "ĠSL", - "AM" - ], - [ - "Ġf", - "ox" - ], - [ - "ĠR", - "av" - ], - [ - "gener", - "ating" - ], - [ - "Ġhemat", - "oxylin" - ], - [ - "yl", - "transferase" - ], - [ - "Ġcorrobor", - "ated" - ], - [ - "F", - "DR" - ], - [ - "o", - "ard" - ], - [ - "Ġequ", - "id" - ], - [ - "ĠÂ", - "»" - ], - [ - "Ġneuro", - "psychological" - ], - [ - "Ġbreak", - "up" - ], - [ - "Ġemphas", - "izing" - ], - [ - "Ġemiss", - "ivity" - ], - [ - "block", - "ing" - ], - [ - "Ġpar", - "all" - ], - [ - "Ġtil", - "ting" - ], - [ - "Ġp", - "eng" - ], - [ - "ĠSc", - "an" - ], - [ - "Ġion", - "osphere" - ], - [ - "Ġm", - "ount" - ], - [ - "fore", - "st" - ], - [ - "Ġcall", - "us" - ], - [ - "α", - "β" - ], - [ - "ĠChrist", - "mas" - ], - [ - "ĠMag", - "azine" - ], - [ - "eval", - "uate" - ], - [ - "ĠP", - "ag" - ], - [ - "ĠBe", - "at" - ], - [ - "Ġaccum", - "ulates" - ], - [ - "Ġcrow", - "ding" - ], - [ - "unn", - "eling" - ], - [ - "Ġ", - "Ñ" - ], - [ - "ĠA", - "CP" - ], - [ - "ge", - "ometry" - ], - [ - "MP", - "T" - ], - [ - "Ġpharmac", - "ists" - ], - [ - "Ġpull", - "back" - ], - [ - "Ġduc", - "tility" - ], - [ - "S", - "upervised" - ], - [ - "Ġlymph", - "oblastic" - ], - [ - "pe", - "a" - ], - [ - "typ", - "ical" - ], - [ - "bro", - "ken" - ], - [ - "F", - "c" - ], - [ - "Ġl", - "ining" - ], - [ - "ĠD", - "um" - ], - [ - "Ġmulti", - "ples" - ], - [ - "ó", - "w" - ], - [ - "Ġmer", - "its" - ], - [ - "Ġextinc", - "t" - ], - [ - "ĠNur", - "sing" - ], - [ - "ĠExplo", - "iting" - ], - [ - "ĠBhatt", - "ach" - ], - [ - "J", - "uly" - ], - [ - "t", - "ze" - ], - [ - "th", - "romb" - ], - [ - "te", - "enth" - ], - [ - "Ġtoxic", - "ities" - ], - [ - "Ġdenit", - "rification" - ], - [ - "Ġex", - "position" - ], - [ - "Ġim", - "perf" - ], - [ - "Ġsur", - "name" - ], - [ - "po", - "inter" - ], - [ - "ĠEr", - "n" - ], - [ - "ĠAbund", - "ance" - ], - [ - "ĠD", - "unn" - ], - [ - "oph", - "ora" - ], - [ - "Ġtool", - "kit" - ], - [ - "Lo", - "ad" - ], - [ - "ĠDeriv", - "ation" - ], - [ - "c", - "ould" - ], - [ - "ĠC", - "aspase" - ], - [ - "ĠSp", - "rague" - ], - [ - "ĠTr", - "p" - ], - [ - "Ġbright", - "est" - ], - [ - "ill", - "ard" - ], - [ - "Ġinter", - "disciplinary" - ], - [ - "Ġqu", - "arant" - ], - [ - "Ġhyper", - "surfaces" - ], - [ - "eli", - "ac" - ], - [ - "ĠAL", - "MA" - ], - [ - "Ġacryl", - "ic" - ], - [ - "Ġgent", - "le" - ], - [ - "De", - "ep" - ], - [ - "ĠPand", - "emic" - ], - [ - "Ġinf", - "easible" - ], - [ - "Ġradi", - "ol" - ], - [ - "AB", - "P" - ], - [ - "Ġmes", - "enteric" - ], - [ - "ylind", - "er" - ], - [ - "pack", - "ed" - ], - [ - "Ġsomat", - "osensory" - ], - [ - "Ġp", - "ave" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠ" - ], - [ - "Ġpharmac", - "ology" - ], - [ - "Ġtan", - "h" - ], - [ - "ĠMt", - "b" - ], - [ - "Ġchim", - "pan" - ], - [ - "Ġautophag", - "ic" - ], - [ - "Ġwithd", - "rawn" - ], - [ - "ĠM", - "CC" - ], - [ - "Z", - "F" - ], - [ - "ĠS", - "pl" - ], - [ - "ĠL", - "au" - ], - [ - "Ġbi", - "ologic" - ], - [ - "elect", - "rons" - ], - [ - "Ġunderestim", - "ation" - ], - [ - "Ġcharacter", - "ise" - ], - [ - "circ", - "ular" - ], - [ - "ĠTHE", - "ORY" - ], - [ - "B", - "rown" - ], - [ - "F", - "BS" - ], - [ - "J", - "o" - ], - [ - "d", - "G" - ], - [ - "m", - "ars" - ], - [ - "ar", - "ticular" - ], - [ - "ĠP", - "ren" - ], - [ - "ĠM", - "SA" - ], - [ - "ĠIt", - "em" - ], - [ - "Ġsem", - "idefinite" - ], - [ - "ĠGib", - "son" - ], - [ - "Ġtour", - "ism" - ], - [ - "ĠK", - "ok" - ], - [ - "Ġexpos", - "ing" - ], - [ - "Ġintra", - "venously" - ], - [ - "dri", - "ver" - ], - [ - "ĠFort", - "unately" - ], - [ - "ĠS", - "ach" - ], - [ - "Ġcont", - "aminant" - ], - [ - "Ġab", - "rog" - ], - [ - "ĠEm", - "otional" - ], - [ - "VAL", - "UE" - ], - [ - "dispers", - "ion" - ], - [ - "Jac", - "obi" - ], - [ - "ĠImper", - "ial" - ], - [ - "I", - "on" - ], - [ - "L", - "in" - ], - [ - "f", - "idelity" - ], - [ - "ĠB", - "irds" - ], - [ - "ĠCon", - "current" - ], - [ - "mat", - "ism" - ], - [ - "co", - "al" - ], - [ - "Ġt", - "q" - ], - [ - "ĠMn", - "O" - ], - [ - "Ġfoss", - "ils" - ], - [ - "Ġt", - "ender" - ], - [ - "Ġr", - "hesus" - ], - [ - "Ġblo", - "om" - ], - [ - "ab", - "dominal" - ], - [ - "Ġscal", - "p" - ], - [ - "Ġhome", - "ostatic" - ], - [ - "ĠH", - "unt" - ], - [ - "ĠPharmac", - "okine" - ], - [ - "b", - "rown" - ], - [ - "ĠH", - "YP" - ], - [ - "Ġdiss", - "ociated" - ], - [ - "ĠSoc", - "cer" - ], - [ - "ĠInequ", - "ality" - ], - [ - "m", - "aker" - ], - [ - "Ġsh", - "ade" - ], - [ - "ĠZ", - "ur" - ], - [ - "obs", - "ervation" - ], - [ - "al", - "tered" - ], - [ - "U", - "U" - ], - [ - "Ġthe", - "or" - ], - [ - "ep", - "it" - ], - [ - "Ġphyl", - "um" - ], - [ - "Ġvig", - "orous" - ], - [ - "ĠA", - "CM" - ], - [ - "Ġmeth", - "otrexate" - ], - [ - "dem", - "ographic" - ], - [ - "Ġsing", - "ly" - ], - [ - "ĠPhys", - "iology" - ], - [ - "Ġremod", - "elling" - ], - [ - "ĠK", - "rist" - ], - [ - "rop", - "ies" - ], - [ - "flow", - "s" - ], - [ - "hard", - "ness" - ], - [ - "igh", - "teen" - ], - [ - "bre", - "ve" - ], - [ - "ĠRet", - "inal" - ], - [ - "Ġscin", - "till" - ], - [ - "Ġutter", - "ance" - ], - [ - "Ġmonolith", - "ic" - ], - [ - "ĠVl", - "ad" - ], - [ - "ĠL", - "MC" - ], - [ - "ip", - "t" - ], - [ - "arrow", - "s" - ], - [ - "ĠPubl", - "ishing" - ], - [ - "ĠStrept", - "omyces" - ], - [ - "f", - "al" - ], - [ - "Ġtroposp", - "here" - ], - [ - "B", - "en" - ], - [ - "c", - "andid" - ], - [ - "ĠS", - "ic" - ], - [ - "tim", - "ore" - ], - [ - "L", - "en" - ], - [ - "in", - "en" - ], - [ - "amp", - "ered" - ], - [ - "ĠMon", - "th" - ], - [ - "Ġopp", - "onent" - ], - [ - "Aug", - "ust" - ], - [ - "Ġst", - "aggered" - ], - [ - "cent", - "re" - ], - [ - "exp", - "ect" - ], - [ - "Ġred", - "dening" - ], - [ - "ĠT", - "l" - ], - [ - "hib", - "ition" - ], - [ - "Ġmicro", - "particles" - ], - [ - "ĠInt", - "rac" - ], - [ - "ĠInitial", - "ize" - ], - [ - "Ġdict", - "ated" - ], - [ - "D", - "ig" - ], - [ - "ä", - "º" - ], - [ - "he", - "aling" - ], - [ - "Ġd", - "V" - ], - [ - "Ġappe", - "tite" - ], - [ - "Ġunus", - "ually" - ], - [ - "ĠAstr", - "onomy" - ], - [ - "Ġw", - "are" - ], - [ - "Ġover", - "coming" - ], - [ - "Ġcoll", - "iders" - ], - [ - "ĠUS", - "ING" - ], - [ - "ocardi", - "tis" - ], - [ - "P", - "ick" - ], - [ - "Ġd", - "ub" - ], - [ - "ĠJ", - "ason" - ], - [ - "ĠEd", - "itor" - ], - [ - "ê", - "³" - ], - [ - "Ġl", - "ags" - ], - [ - "Ġcl", - "s" - ], - [ - "Ġsur", - "gically" - ], - [ - "ĠPV", - "C" - ], - [ - "par", - "ticularly" - ], - [ - "Ġred", - "ist" - ], - [ - "Ġlog", - "ics" - ], - [ - "sk", - "ii" - ], - [ - "ĠD", - "VD" - ], - [ - "Ġcomp", - "ly" - ], - [ - "az", - "i" - ], - [ - "ĠInter", - "acts" - ], - [ - "bo", - "olean" - ], - [ - "ĠER", - "P" - ], - [ - "ĠEr", - "r" - ], - [ - "otrans", - "piration" - ], - [ - "ĠPé", - "rez" - ], - [ - "A", - "sp" - ], - [ - "am", - "iliar" - ], - [ - "ĠF", - "etal" - ], - [ - "Ġdecl", - "aration" - ], - [ - "k", - "inson" - ], - [ - "t", - "ube" - ], - [ - "Ġphysiological", - "ly" - ], - [ - "c", - "ue" - ], - [ - "ĠE", - "ri" - ], - [ - "Ġen", - "vision" - ], - [ - "ex", - "ternal" - ], - [ - "inter", - "mediate" - ], - [ - "Ġshop", - "ping" - ], - [ - "ĠF", - "ras" - ], - [ - "ĠH", - "aj" - ], - [ - "ĠAl", - "ger" - ], - [ - "Ġanthrop", - "ometric" - ], - [ - "Ġcancell", - "ed" - ], - [ - "H", - "PV" - ], - [ - "k", - "ers" - ], - [ - "af", - "a" - ], - [ - "Ġvulner", - "abilities" - ], - [ - "electro", - "lyte" - ], - [ - "ĠGonz", - "alez" - ], - [ - "íķ", - "ĺ" - ], - [ - "q", - "v" - ], - [ - "Ġde", - "af" - ], - [ - "Ġbut", - "yrate" - ], - [ - "ĠCo", - "efficient" - ], - [ - "Ġstar", - "burst" - ], - [ - "Ġpolym", - "orph" - ], - [ - "ĠE", - "RA" - ], - [ - "ĠMax", - "imal" - ], - [ - "ĠMu", - "eller" - ], - [ - "Ġabsor", - "bers" - ], - [ - "Ġa", - "rab" - ], - [ - "re", - "tions" - ], - [ - "Ġne", - "bula" - ], - [ - "Ġmin", - "es" - ], - [ - "е", - "н" - ], - [ - "%%%%%%%%", - "%%%%%%%%" - ], - [ - "Ġband", - "pass" - ], - [ - "Ġpoly", - "urethane" - ], - [ - "Re", - "LU" - ], - [ - "ĠFer", - "ro" - ], - [ - "pic", - "illin" - ], - [ - "C", - "AD" - ], - [ - "T", - "y" - ], - [ - "ĠP", - "CD" - ], - [ - "ĠB", - "AC" - ], - [ - "Ġplankton", - "ic" - ], - [ - "F", - "er" - ], - [ - "Ġc", - "ricket" - ], - [ - "Ġman", - "ure" - ], - [ - "oun", - "s" - ], - [ - "âĪ", - "§" - ], - [ - "Ġtor", - "ques" - ], - [ - "m", - "itian" - ], - [ - "Ġt", - "ion" - ], - [ - "ĠG", - "arden" - ], - [ - "Ġfol", - "k" - ], - [ - "Ġsusp", - "icious" - ], - [ - "Ã", - "Ĥ" - ], - [ - "od", - "ia" - ], - [ - "ist", - "encies" - ], - [ - "ãĢ", - "ī" - ], - [ - "ĠInv", - "itrogen" - ], - [ - "ĠS", - "UN" - ], - [ - "ĠSuper", - "ior" - ], - [ - "Ġdiscontinu", - "ation" - ], - [ - "c", - "ock" - ], - [ - "k", - "not" - ], - [ - "Ġext", - "ens" - ], - [ - "ĠWh", - "itney" - ], - [ - "Ġhar", - "bour" - ], - [ - "P", - "ID" - ], - [ - "Ġp", - "mol" - ], - [ - "ol", - "ymph" - ], - [ - "Ġg", - "ard" - ], - [ - "ĠO", - "varian" - ], - [ - "Ġrep", - "ressed" - ], - [ - "ĠAl", - "ab" - ], - [ - "ĠÃ", - "Ħ" - ], - [ - "ule", - "x" - ], - [ - "ĠAust", - "rian" - ], - [ - "Ġa", - "flat" - ], - [ - "Ġpar", - "athyroid" - ], - [ - "Ġgroup", - "oid" - ], - [ - "Ġdev", - "ast" - ], - [ - "ĠK", - "v" - ], - [ - "Ġbor", - "row" - ], - [ - "Ġuncon", - "ventional" - ], - [ - "Ġbore", - "hole" - ], - [ - "Ñ", - "Į" - ], - [ - "ĠD", - "ays" - ], - [ - "Ġlex", - "ic" - ], - [ - "N", - "or" - ], - [ - "ĠH", - "erc" - ], - [ - "ass", - "ays" - ], - [ - "Ġdraw", - "ings" - ], - [ - "def", - "in" - ], - [ - "ev", - "oked" - ], - [ - "ĠÈ", - "³" - ], - [ - "ĠSund", - "ay" - ], - [ - "ĠC", - "hes" - ], - [ - "cons", - "idered" - ], - [ - "oped", - "ic" - ], - [ - "larg", - "er" - ], - [ - "om", - "inant" - ], - [ - "ĠB", - "omb" - ], - [ - "Ġf", - "iss" - ], - [ - "Ġh", - "inge" - ], - [ - "ĠI", - "onic" - ], - [ - "Ġdest", - "ro" - ], - [ - "Ġcomplement", - "arity" - ], - [ - "Hig", - "gs" - ], - [ - "or", - "ia" - ], - [ - "our", - "cing" - ], - [ - "ĠX", - "in" - ], - [ - "Ġwork", - "space" - ], - [ - "ĠLig", - "and" - ], - [ - "Ġstrugg", - "le" - ], - [ - "ĠImmunohist", - "ochemical" - ], - [ - "Ġn", - "ick" - ], - [ - "ĠGu", - "ard" - ], - [ - "rig", - "id" - ], - [ - "Ġaqu", - "aculture" - ], - [ - "Experim", - "ent" - ], - [ - "Ë", - "Ī" - ], - [ - "ti", - "r" - ], - [ - "ĠS", - "MS" - ], - [ - "Ġbe", - "vacizumab" - ], - [ - "Ġmod", - "ulations" - ], - [ - "Ġge", - "ophysical" - ], - [ - "Pro", - "perties" - ], - [ - "Ġpain", - "ted" - ], - [ - "Ġs", - "anc" - ], - [ - "Ġin", - "timate" - ], - [ - "Ġn", - "ail" - ], - [ - "id", - "entity" - ], - [ - "Ġdat", - "um" - ], - [ - "anth", - "us" - ], - [ - "Ġdy", - "adic" - ], - [ - "Ġconvinc", - "ing" - ], - [ - "e", - "lem" - ], - [ - "Ġh", - "iding" - ], - [ - "Ġr", - "ugby" - ], - [ - "ĠX", - "e" - ], - [ - "ĠIs", - "sue" - ], - [ - "Ġves", - "icular" - ], - [ - "ĠKel", - "vin" - ], - [ - "Ġdist", - "ancing" - ], - [ - "echn", - "ology" - ], - [ - "af", - "ers" - ], - [ - "ĠAut", - "hentic" - ], - [ - "Pub", - "Med" - ], - [ - "Ġdeform", - "ity" - ], - [ - "ĠCha", - "os" - ], - [ - "ĠSh", - "ield" - ], - [ - "ox", - "etine" - ], - [ - "ĠWork", - "ers" - ], - [ - "ĠMO", - "I" - ], - [ - "Ġdehyd", - "rated" - ], - [ - "ĠGast", - "ric" - ], - [ - "Ġmonomial", - "s" - ], - [ - "od", - "ox" - ], - [ - "ĠD", - "ublin" - ], - [ - "Ġle", - "ishman" - ], - [ - "Ġpl", - "anner" - ], - [ - "circ", - "le" - ], - [ - "Ġfract", - "ured" - ], - [ - "ĠLoc", - "ally" - ], - [ - "ĠAc", - "tions" - ], - [ - "Ġlic", - "hen" - ], - [ - "h", - "annel" - ], - [ - "ĠT", - "AG" - ], - [ - "Ġdec", - "isive" - ], - [ - "ĠQ", - "M" - ], - [ - "Ġbiom", - "aterials" - ], - [ - "ĠVirus", - "es" - ], - [ - "hydrox", - "yphenyl" - ], - [ - "ĠI", - "AA" - ], - [ - "ĠR", - "U" - ], - [ - "vi", - "olating" - ], - [ - "Ġp", - "ockets" - ], - [ - "ch", - "ant" - ], - [ - "ib", - "erg" - ], - [ - "lect", - "omy" - ], - [ - "oler", - "ae" - ], - [ - "Ġattract", - "ing" - ], - [ - "Ġket", - "one" - ], - [ - "ĠC", - "od" - ], - [ - "Ġmicro", - "arrays" - ], - [ - "ĠMet", - "als" - ], - [ - "benz", - "oyl" - ], - [ - "Ġsemigroup", - "s" - ], - [ - "Ġreconstit", - "uted" - ], - [ - "s", - "ites" - ], - [ - "an", - "abe" - ], - [ - "ĠCom", - "posites" - ], - [ - "Ġwild", - "type" - ], - [ - "Ġleuk", - "aemia" - ], - [ - "Ġmur", - "der" - ], - [ - "Ġdent", - "in" - ], - [ - "H", - "ub" - ], - [ - "O", - "rient" - ], - [ - "on", - "n" - ], - [ - "syn", - "chron" - ], - [ - "Ġchron", - "ically" - ], - [ - "methylene", - "amino" - ], - [ - "Ġdop", - "ant" - ], - [ - "Ġf", - "ecundity" - ], - [ - "de", - "lete" - ], - [ - "rem", - "ia" - ], - [ - "ĠNH", - "L" - ], - [ - "iti", - "dis" - ], - [ - "Ġcop", - "ep" - ], - [ - "X", - "I" - ], - [ - "Ġloc", - "ating" - ], - [ - "ĠZ", - "IKV" - ], - [ - "hex", - "a" - ], - [ - "ĠFactor", - "ization" - ], - [ - "ynch", - "us" - ], - [ - "M", - "ethyl" - ], - [ - "h", - "agen" - ], - [ - "ĠP", - "aw" - ], - [ - "ne", - "ath" - ], - [ - "bs", - "ite" - ], - [ - "Ġtrac", - "he" - ], - [ - "B", - "re" - ], - [ - "u", - "w" - ], - [ - "ro", - "it" - ], - [ - "Ġre", - "acting" - ], - [ - "ĠB", - "ae" - ], - [ - "Ġquoti", - "ents" - ], - [ - "Ġp", - "ins" - ], - [ - "ĠV", - "ARI" - ], - [ - "Ġequ", - "ine" - ], - [ - "ĠRun", - "ge" - ], - [ - "Ġcolon", - "ial" - ], - [ - "measure", - "ment" - ], - [ - "ĠAbb", - "ott" - ], - [ - "Ġorth", - "o" - ], - [ - "Ġmeta", - "phor" - ], - [ - "benz", - "oic" - ], - [ - "ĠTransform", - "ers" - ], - [ - "L", - "ower" - ], - [ - "ĠO", - "VA" - ], - [ - "radi", - "al" - ], - [ - "Fl", - "ag" - ], - [ - "author", - "bs" - ], - [ - "Ġtreadm", - "ill" - ], - [ - "Ġenter", - "ica" - ], - [ - "ĠJul", - "ia" - ], - [ - "Ġpl", - "umes" - ], - [ - "Ġinv", - "oke" - ], - [ - "chlor", - "ic" - ], - [ - "ol", - "ino" - ], - [ - "Ġinter", - "ruption" - ], - [ - "sub", - "unit" - ], - [ - "ĠMD", - "P" - ], - [ - "Ġmanip", - "ulator" - ], - [ - "ĠScal", - "es" - ], - [ - "ĠHT", - "ML" - ], - [ - "ĠFreder", - "ick" - ], - [ - "G", - "arc" - ], - [ - "Ġb", - "ell" - ], - [ - "ĠR", - "ect" - ], - [ - "rom", - "ised" - ], - [ - "W", - "ord" - ], - [ - "o", - "ples" - ], - [ - "oper", - "ated" - ], - [ - "Ġcollec", - "ts" - ], - [ - "ĠHor", - "izon" - ], - [ - "Ġsa", - "fer" - ], - [ - "d", - "up" - ], - [ - "ĠM", - "ills" - ], - [ - "AL", - "P" - ], - [ - "Ġex", - "opl" - ], - [ - "AT", - "TR" - ], - [ - "war", - "a" - ], - [ - "ĉĉĉĉ", - "ĉĉĉ" - ], - [ - "Ġdeb", - "ug" - ], - [ - "Des", - "criptor" - ], - [ - "stat", - "istics" - ], - [ - "ĠC", - "ub" - ], - [ - "ST", - "ER" - ], - [ - "ĠSt", - "abilization" - ], - [ - "ĠIR", - "AS" - ], - [ - "Ġconform", - "ally" - ], - [ - "Ad", - "ap" - ], - [ - "Â", - "Ń" - ], - [ - "ĠQ", - "S" - ], - [ - "Ġmicro", - "strip" - ], - [ - "Ġdel", - "icate" - ], - [ - "Ġpubl", - "isher" - ], - [ - "Ġh", - "os" - ], - [ - "ĠS", - "v" - ], - [ - "ĠDes", - "ert" - ], - [ - "ĠGu", - "er" - ], - [ - "ĠCap", - "ture" - ], - [ - "E", - "BP" - ], - [ - "d", - "ust" - ], - [ - "å", - "¤" - ], - [ - "ĠO", - "ls" - ], - [ - "Ġsuper", - "script" - ], - [ - "ĠFl", - "uctuations" - ], - [ - "ill", - "ium" - ], - [ - "Ġcap", - "tion" - ], - [ - "Ġconc", - "ur" - ], - [ - "Ġquantif", - "ies" - ], - [ - "ster", - "dam" - ], - [ - "Ġspik", - "ed" - ], - [ - "N", - "an" - ], - [ - "us", - "in" - ], - [ - "ĠL", - "AN" - ], - [ - "Ġobserv", - "es" - ], - [ - "ĠAl", - "a" - ], - [ - "ĠInt", - "uitively" - ], - [ - "cur", - "r" - ], - [ - "Ġshr", - "inking" - ], - [ - "Ġcompress", - "ibility" - ], - [ - "orp", - "oreal" - ], - [ - "Ġdeb", - "t" - ], - [ - "ç", - "Ķ" - ], - [ - "ĠT", - "il" - ], - [ - "ĠW", - "AT" - ], - [ - "ody", - "ne" - ], - [ - "Ġgate", - "way" - ], - [ - "Ġduc", - "tile" - ], - [ - "ĠJes", - "us" - ], - [ - "os", - "itol" - ], - [ - "ĠM", - "ales" - ], - [ - "Ġsol", - "vation" - ], - [ - "Ġdisag", - "ree" - ], - [ - "Ġortholog", - "s" - ], - [ - "S", - "an" - ], - [ - "ig", - "o" - ], - [ - "Ġph", - "ages" - ], - [ - "Ġneg", - "atives" - ], - [ - "Ġinterp", - "re" - ], - [ - "AA", - "A" - ], - [ - "Ġgrating", - "s" - ], - [ - "ĠM", - "oll" - ], - [ - "ĠR", - "ivers" - ], - [ - "Ġcr", - "uzi" - ], - [ - "ĠGen", - "erate" - ], - [ - "ĠBar", - "bara" - ], - [ - "ĠHer", - "itage" - ], - [ - "ĠFlu", - "orescent" - ], - [ - "ĠLaw", - "s" - ], - [ - "Array", - "Expr" - ], - [ - "Ġmultip", - "ole" - ], - [ - "Ġsquee", - "zing" - ], - [ - "S", - "PSS" - ], - [ - "l", - "f" - ], - [ - "n", - "lm" - ], - [ - "Ġw", - "orn" - ], - [ - "ĠK", - "uz" - ], - [ - "Ġgenes", - "is" - ], - [ - "ĠEm", - "peror" - ], - [ - "vol", - "atile" - ], - [ - "Ġsib", - "ling" - ], - [ - "iv", - "ir" - ], - [ - "o", - "en" - ], - [ - "Ġprot", - "ost" - ], - [ - "Ġtransform", - "ers" - ], - [ - "enn", - "ium" - ], - [ - "Ġpropos", - "ing" - ], - [ - "Ġbroadcast", - "ing" - ], - [ - "Q", - "M" - ], - [ - "ĠD", - "ependent" - ], - [ - "Ġdis", - "able" - ], - [ - "ĠU", - "AS" - ], - [ - "Ġwar", - "nings" - ], - [ - "Ġarm", - "ed" - ], - [ - "Ġjournal", - "ist" - ], - [ - "Ġmonoc", - "linic" - ], - [ - "ol", - "ium" - ], - [ - "ap", - "ing" - ], - [ - "to", - "on" - ], - [ - "Ġorth", - "odontic" - ], - [ - "ĠNormal", - "ization" - ], - [ - "Ġmand", - "ible" - ], - [ - "ab", - "an" - ], - [ - "ĠW", - "ak" - ], - [ - "ext", - "end" - ], - [ - "Multi", - "ple" - ], - [ - "in", - "vestig" - ], - [ - "is", - "cal" - ], - [ - "ut", - "tered" - ], - [ - "Ġbur", - "g" - ], - [ - "dec", - "ode" - ], - [ - "em", - "por" - ], - [ - "ĠD", - "uration" - ], - [ - "ann", - "y" - ], - [ - "opro", - "st" - ], - [ - "ĠRen", - "ormalization" - ], - [ - "ĠF", - "UNCTION" - ], - [ - "yt", - "orch" - ], - [ - "Ġsyn", - "apt" - ], - [ - "ĠForm", - "at" - ], - [ - "ĠCR", - "T" - ], - [ - "ĠJon", - "athan" - ], - [ - "ĠOF", - "F" - ], - [ - "or", - "r" - ], - [ - "Ġres", - "ur" - ], - [ - "Ġcor", - "ruption" - ], - [ - "d", - "welling" - ], - [ - "Ġback", - "up" - ], - [ - "AG", - "T" - ], - [ - "ĠSaf", - "e" - ], - [ - "dor", - "fer" - ], - [ - "Ġatax", - "ia" - ], - [ - "Ġpar", - "v" - ], - [ - "read", - "er" - ], - [ - "Ġsubt", - "ract" - ], - [ - "embol", - "ism" - ], - [ - "Ġt", - "innitus" - ], - [ - "Ġcyt", - "omegalovirus" - ], - [ - "Ġdele", - "ting" - ], - [ - "T", - "ex" - ], - [ - "ĠC", - "SS" - ], - [ - "ard", - "t" - ], - [ - "Ġout", - "growth" - ], - [ - "Ġmy", - "ocytes" - ], - [ - "dig", - "ital" - ], - [ - "Ġsub", - "scale" - ], - [ - "usp", - "ension" - ], - [ - "Ġham", - "ster" - ], - [ - "Ġinflat", - "on" - ], - [ - "h", - "ara" - ], - [ - "ur", - "ches" - ], - [ - "ĠC", - "LE" - ], - [ - "ĠY", - "as" - ], - [ - "ĠEn", - "coding" - ], - [ - "ĠAug", - "er" - ], - [ - "Ġanastom", - "osis" - ], - [ - "A", - "gent" - ], - [ - "ĠS", - "IL" - ], - [ - "ĠC", - "CT" - ], - [ - "Ġbr", - "ine" - ], - [ - "Ġolig", - "o" - ], - [ - "Ġfluor", - "o" - ], - [ - "Ġgall", - "ery" - ], - [ - "d", - "dots" - ], - [ - "Ġc", - "ilia" - ], - [ - "ĠP", - "PV" - ], - [ - "ĠU", - "TR" - ], - [ - "Ġinter", - "tidal" - ], - [ - "ocal", - "ized" - ], - [ - "Ġcrow", - "ds" - ], - [ - "od", - "or" - ], - [ - "Ġco", - "v" - ], - [ - "Ġnon", - "etheless" - ], - [ - "Ġïģ", - "¤" - ], - [ - "Ġboost", - "ed" - ], - [ - "ĠChak", - "ra" - ], - [ - "H", - "al" - ], - [ - "P", - "ear" - ], - [ - "Ġimp", - "rec" - ], - [ - "ĠSup", - "plement" - ], - [ - "go", - "al" - ], - [ - "Ġôı¼", - "ģ" - ], - [ - "Ġst", - "all" - ], - [ - "Ġher", - "d" - ], - [ - "small", - "er" - ], - [ - "Ġreconstruct", - "ing" - ], - [ - "Ġarte", - "facts" - ], - [ - "Ġt", - "eg" - ], - [ - "con", - "ventional" - ], - [ - "rad", - "ical" - ], - [ - "Ġliter", - "al" - ], - [ - "frame", - "work" - ], - [ - "ipro", - "cal" - ], - [ - "E", - "EG" - ], - [ - "Ġg", - "ins" - ], - [ - "od", - "ermal" - ], - [ - "ĠAg", - "u" - ], - [ - "ĠTw", - "elve" - ], - [ - "M", - "ul" - ], - [ - "Ø", - "¨" - ], - [ - "ir", - "l" - ], - [ - "ĠB", - "elief" - ], - [ - "Ġinc", - "ont" - ], - [ - "IC", - "C" - ], - [ - "hex", - "ane" - ], - [ - "Ġe", - "jected" - ], - [ - "ĠP", - "SC" - ], - [ - "ĠH", - "PC" - ], - [ - "ĠV", - "H" - ], - [ - "Ġequival", - "ences" - ], - [ - "plot", - "lib" - ], - [ - "en", - "ital" - ], - [ - "ri", - "ans" - ], - [ - "pro", - "v" - ], - [ - "ĠV", - "ibr" - ], - [ - "Ġgram", - "matical" - ], - [ - "bach", - "ia" - ], - [ - "accept", - "able" - ], - [ - "od", - "icity" - ], - [ - "ab", - "b" - ], - [ - "Ġher", - "bs" - ], - [ - "Ġpredom", - "inance" - ], - [ - "ĠOrient", - "ation" - ], - [ - "Ġinver", - "tebrate" - ], - [ - "Ġpel", - "agic" - ], - [ - "count", - "ry" - ], - [ - "ĠOrig", - "ins" - ], - [ - "ĠAdoles", - "cents" - ], - [ - "ĠT", - "uning" - ], - [ - "rain", - "ian" - ], - [ - "ĠSc", - "ar" - ], - [ - "Ġlight", - "est" - ], - [ - "Ġemit", - "ters" - ], - [ - "ĠTs", - "ai" - ], - [ - "ri", - "tical" - ], - [ - "ĠEx", - "pert" - ], - [ - "aut", - "hors" - ], - [ - "E", - "CTION" - ], - [ - "ĠSever", - "ity" - ], - [ - "N", - "am" - ], - [ - "p", - "ubl" - ], - [ - "ĠA", - "be" - ], - [ - "Ġnanoc", - "rystalline" - ], - [ - "ĠNak", - "amura" - ], - [ - "ĠP", - "ec" - ], - [ - "ĠB", - "ug" - ], - [ - "Ġsens", - "ed" - ], - [ - "ON", - "S" - ], - [ - "IC", - "s" - ], - [ - "Ġelectro", - "chem" - ], - [ - "ĠR", - "OM" - ], - [ - "ĠRec", - "ruitment" - ], - [ - "ĠâŁ", - "©" - ], - [ - "Ġbiomo", - "lecules" - ], - [ - "ĠB", - "rac" - ], - [ - "Ġtrans", - "position" - ], - [ - "ĠW", - "P" - ], - [ - "ĠO", - "mega" - ], - [ - "Ġdiag", - "on" - ], - [ - "plate", - "let" - ], - [ - "J", - "M" - ], - [ - "ac", - "re" - ], - [ - "ĠA", - "SR" - ], - [ - "ĠK", - "ath" - ], - [ - "Ġpri", - "v" - ], - [ - "opl", - "asts" - ], - [ - "S", - "amples" - ], - [ - "d", - "F" - ], - [ - "at", - "ti" - ], - [ - "ĠS", - "anger" - ], - [ - "ip", - "itated" - ], - [ - "Ġric", - "her" - ], - [ - "ĠG", - "RA" - ], - [ - "Ġplant", - "ar" - ], - [ - "Ġfo", - "ams" - ], - [ - "Ġmathem", - "atic" - ], - [ - "Ġsta", - "phyl" - ], - [ - "ĠUpt", - "ake" - ], - [ - "Ġc", - "ant" - ], - [ - "ĠS", - "Z" - ], - [ - "Ġdis", - "miss" - ], - [ - "Ġselec", - "tions" - ], - [ - "plit", - "z" - ], - [ - "Ġexempl", - "ified" - ], - [ - "Ġtors", - "ional" - ], - [ - "E", - "v" - ], - [ - "Ġv", - "oters" - ], - [ - "ĠN", - "est" - ], - [ - "ys", - "cale" - ], - [ - "Ġspec", - "i" - ], - [ - "Ġpol", - "ished" - ], - [ - "Ġlat", - "encies" - ], - [ - "q", - "ing" - ], - [ - "Ġon", - "wards" - ], - [ - "ll", - "vm" - ], - [ - "the", - "orem" - ], - [ - "log", - "ging" - ], - [ - "ĠAL", - "K" - ], - [ - "ĠBa", - "um" - ], - [ - "ĠGh", - "osh" - ], - [ - "Ġchair", - "man" - ], - [ - "p", - "aired" - ], - [ - "ĠP", - "AP" - ], - [ - "not", - "es" - ], - [ - "olester", - "olem" - ], - [ - "Ġestu", - "arine" - ], - [ - "ĠTibet", - "an" - ], - [ - "ĠV", - "ER" - ], - [ - "Ġcheck", - "er" - ], - [ - "FLAG", - "S" - ], - [ - "rol", - "imus" - ], - [ - "ĠMut", - "ant" - ], - [ - "Ġspray", - "ing" - ], - [ - "ĠC", - "hest" - ], - [ - "olin", - "ium" - ], - [ - "ĠTri", - "assic" - ], - [ - "Ġlid", - "ar" - ], - [ - "A", - "rt" - ], - [ - "ĠM", - "ilk" - ], - [ - "Ġind", - "ecomposable" - ], - [ - "Ġrock", - "et" - ], - [ - "ĠPart", - "ners" - ], - [ - "Ġseman", - "tically" - ], - [ - "entin", - "el" - ], - [ - "L", - "arge" - ], - [ - "P", - "en" - ], - [ - "ĠT", - "ru" - ], - [ - "Ġher", - "itage" - ], - [ - "ĠMut", - "ual" - ], - [ - "ĠChem", - "otherapy" - ], - [ - "Ġdoub", - "les" - ], - [ - "ĠEmbed", - "ded" - ], - [ - "it", - "ual" - ], - [ - "ĠB", - "PA" - ], - [ - "Ġch", - "olerae" - ], - [ - "ĠIn", - "side" - ], - [ - "ĠK", - "atz" - ], - [ - "con", - "vergence" - ], - [ - "Ġindividual", - "ized" - ], - [ - "kin", - "je" - ], - [ - "Ġdiscover", - "ing" - ], - [ - "Ġintric", - "ate" - ], - [ - "Ġin", - "land" - ], - [ - "RE", - "CT" - ], - [ - "ĠCh", - "ick" - ], - [ - "ĠSU", - "R" - ], - [ - "Ġye", - "asts" - ], - [ - "l", - "uminosity" - ], - [ - "Ġf", - "ain" - ], - [ - "ion", - "i" - ], - [ - "ĠT", - "ig" - ], - [ - "ound", - "er" - ], - [ - "Ġdel", - "iber" - ], - [ - "ĠCons", - "ervative" - ], - [ - "ĠDel", - "hi" - ], - [ - "B", - "ER" - ], - [ - "ĠY", - "B" - ], - [ - "ole", - "y" - ], - [ - "ĠBe", - "au" - ], - [ - "TE", - "XT" - ], - [ - "Ġsquee", - "zed" - ], - [ - "Ġs", - "ocket" - ], - [ - "Ġp", - "T" - ], - [ - "py", - "razol" - ], - [ - "co", - "efficients" - ], - [ - "Ġrecruit", - "ing" - ], - [ - "Ġduc", - "ts" - ], - [ - "Ġf", - "oster" - ], - [ - "om", - "eration" - ], - [ - "ĠP", - "SI" - ], - [ - "ĠD", - "up" - ], - [ - "Ġk", - "s" - ], - [ - "ĠOp", - "tics" - ], - [ - "Ġliter", - "ary" - ], - [ - "ĠNi", - "O" - ], - [ - "ĠVEGF", - "R" - ], - [ - "Ġgravit", - "on" - ], - [ - "Ġutter", - "ances" - ], - [ - "Ġb", - "rady" - ], - [ - "Ġfor", - "ty" - ], - [ - "ĠTrans", - "plantation" - ], - [ - "Ġagre", - "ements" - ], - [ - "Left", - "rightarrow" - ], - [ - "w", - "aves" - ], - [ - "Ġacid", - "osis" - ], - [ - "Ġwood", - "en" - ], - [ - "ĠCytoplas", - "mic" - ], - [ - "s", - "afe" - ], - [ - "Ġj", - "umping" - ], - [ - "enn", - "ial" - ], - [ - "Vari", - "ous" - ], - [ - "ĠEry", - "th" - ], - [ - "ul", - "ins" - ], - [ - "un", - "lock" - ], - [ - "methyl", - "ated" - ], - [ - "asser", - "stein" - ], - [ - "Ġheterozyg", - "osity" - ], - [ - "oxy", - "cycl" - ], - [ - "Ġcre", - "ativity" - ], - [ - "MP", - "LE" - ], - [ - "in", - "ative" - ], - [ - "Ġcon", - "volutions" - ], - [ - "Ġno", - "uns" - ], - [ - "eg", - "an" - ], - [ - "ĠAb", - "raham" - ], - [ - "Ġdens", - "er" - ], - [ - "C", - "he" - ], - [ - "l", - "c" - ], - [ - "ĉĉ", - "ĉĠ" - ], - [ - "Ġsem", - "im" - ], - [ - "ĠOut", - "er" - ], - [ - "Ġc", - "and" - ], - [ - "od", - "ule" - ], - [ - "est", - "hesia" - ], - [ - "ĠJ", - "oy" - ], - [ - "ĠProt", - "ocols" - ], - [ - "ĠCalc", - "ulated" - ], - [ - "at", - "op" - ], - [ - "ĠF", - "ALSE" - ], - [ - "Ġref", - "in" - ], - [ - "Ġmig", - "rants" - ], - [ - "ĠïĤ", - "´" - ], - [ - "ĠSpecific", - "ity" - ], - [ - "ĠFellow", - "ship" - ], - [ - "ĠP", - "MT" - ], - [ - "Ġdis", - "close" - ], - [ - "unc", - "hes" - ], - [ - "Ġdi", - "atoms" - ], - [ - "cor", - "r" - ], - [ - "Ġsky", - "rm" - ], - [ - "Ġrenew", - "al" - ], - [ - "g", - "cd" - ], - [ - "ce", - "reb" - ], - [ - "Ġup", - "right" - ], - [ - "Ġmes", - "oscopic" - ], - [ - "hyd", - "raz" - ], - [ - "B", - "AS" - ], - [ - "F", - "LO" - ], - [ - "H", - "CC" - ], - [ - "M", - "ouse" - ], - [ - "Ġpos", - "et" - ], - [ - "Ġprotein", - "uria" - ], - [ - "Ġre", - "app" - ], - [ - "ĠN", - "ickel" - ], - [ - "Ġstrip", - "es" - ], - [ - "Ġrip", - "ple" - ], - [ - "Sep", - "tember" - ], - [ - "od", - "omain" - ], - [ - "ĠP", - "ope" - ], - [ - "ĠN", - "ons" - ], - [ - "Ġtechn", - "ic" - ], - [ - "Ġneut", - "rop" - ], - [ - "des", - "criptor" - ], - [ - "Ġdissip", - "ated" - ], - [ - "Ġglac", - "iers" - ], - [ - "ĠH", - "IGH" - ], - [ - "ĠL", - "av" - ], - [ - "ret", - "ely" - ], - [ - "Ġback", - "wards" - ], - [ - "Ġcri", - "tics" - ], - [ - "ĠExt", - "ending" - ], - [ - "b", - "ic" - ], - [ - "ĠCh", - "ao" - ], - [ - "of", - "ibr" - ], - [ - "Ġcoun", - "ters" - ], - [ - "Ġstre", - "ets" - ], - [ - "Ġprost", - "hetic" - ], - [ - "Ġbiod", - "egradation" - ], - [ - "complex", - "ity" - ], - [ - "ĠS", - "PL" - ], - [ - "ĠC", - "AC" - ], - [ - "Ġad", - "ducts" - ], - [ - "Ġmorph", - "ometric" - ], - [ - "ĠMat", - "t" - ], - [ - "Ġinduc", - "er" - ], - [ - "Ġast", - "rocyte" - ], - [ - "Ġtriple", - "ts" - ], - [ - "Ġpert", - "ussis" - ], - [ - "P", - "ES" - ], - [ - "id", - "y" - ], - [ - "unc", - "ertain" - ], - [ - "Ġhyper", - "parameter" - ], - [ - "ĠInf", - "rastructure" - ], - [ - "ìĿ", - "ĺ" - ], - [ - "Z", - "W" - ], - [ - "Ġadd", - "r" - ], - [ - "Ġdisrup", - "ts" - ], - [ - "Ġove", - "restimate" - ], - [ - "ĠDY", - "NA" - ], - [ - "Ġvolat", - "iles" - ], - [ - "em", - "erg" - ], - [ - "iss", - "ue" - ], - [ - "c", - "pp" - ], - [ - "Ä", - "ħ" - ], - [ - "ĠV", - "IP" - ], - [ - "Ġu", - "ve" - ], - [ - "ĠCN", - "V" - ], - [ - "yleth", - "yl" - ], - [ - "on", - "azole" - ], - [ - "ĠH", - "iro" - ], - [ - "Ġc", - "n" - ], - [ - "ti", - "k" - ], - [ - "ub", - "ted" - ], - [ - "ĠJac", - "obs" - ], - [ - "Ġadvoc", - "ated" - ], - [ - "ĠBif", - "id" - ], - [ - "m", - "aterial" - ], - [ - "Ġst", - "yrene" - ], - [ - "ĠK", - "eller" - ], - [ - "rocy", - "tic" - ], - [ - "pine", - "phrine" - ], - [ - "ĠWr", - "itten" - ], - [ - "ĠRecommend", - "ation" - ], - [ - "b", - "led" - ], - [ - "ĠB", - "ootstrap" - ], - [ - "th", - "irds" - ], - [ - "Ġcap", - "tain" - ], - [ - "equ", - "als" - ], - [ - "SR", - "C" - ], - [ - "ĠKent", - "ucky" - ], - [ - "Ġeosinophil", - "s" - ], - [ - "A", - "verage" - ], - [ - "H", - "i" - ], - [ - "W", - "he" - ], - [ - "ĠD", - "AT" - ], - [ - "ĠU", - "M" - ], - [ - "Ġtend", - "encies" - ], - [ - "ĠPet", - "erson" - ], - [ - "Ġocc", - "ult" - ], - [ - "Ġexhib", - "ition" - ], - [ - "ĠIN", - "S" - ], - [ - "Ġadip", - "ocyte" - ], - [ - "J", - "ust" - ], - [ - "h", - "ift" - ], - [ - "t", - "ensors" - ], - [ - "Ġc", - "iliary" - ], - [ - "ip", - "ation" - ], - [ - "Ġmotiv", - "ations" - ], - [ - "Ġwitness", - "ed" - ], - [ - "it", - "ches" - ], - [ - "ĠS", - "oy" - ], - [ - "Ġg", - "ib" - ], - [ - "ep", - "tic" - ], - [ - "ĠK", - "OH" - ], - [ - "Ġïģ", - "¨" - ], - [ - "ĠTor", - "res" - ], - [ - "Î", - "¿" - ], - [ - "ar", - "po" - ], - [ - "ok", - "inase" - ], - [ - "ĠBud", - "d" - ], - [ - "ĠG", - "MM" - ], - [ - "Ġunder", - "pin" - ], - [ - "Ġoptim", - "istic" - ], - [ - "oge", - "ography" - ], - [ - "numer", - "ical" - ], - [ - "og", - "g" - ], - [ - "Ġdise", - "quilibrium" - ], - [ - "Ġsw", - "ab" - ], - [ - "ED", - "S" - ], - [ - "ĠPD", - "Fs" - ], - [ - "ĠSuper", - "nova" - ], - [ - "phosph", - "o" - ], - [ - "Ġlys", - "osomes" - ], - [ - "gal", - "actic" - ], - [ - "ĠPerm", - "e" - ], - [ - "Ġfisher", - "y" - ], - [ - "ĠB", - "OLD" - ], - [ - "Ġun", - "ravel" - ], - [ - "ĠEncryp", - "tion" - ], - [ - "J", - "P" - ], - [ - "h", - "ur" - ], - [ - "Ġdisc", - "ount" - ], - [ - "ĠWat", - "anabe" - ], - [ - "ĠRhe", - "umat" - ], - [ - "F", - "ITC" - ], - [ - "Ġt", - "erahertz" - ], - [ - "ĠF", - "ont" - ], - [ - "ian", - "ces" - ], - [ - "ĠAd", - "ditive" - ], - [ - "ĠE", - "ither" - ], - [ - "met", - "adata" - ], - [ - "amp", - "hetamine" - ], - [ - "ĠPal", - "mer" - ], - [ - "Ġlever", - "aging" - ], - [ - "J", - "ohn" - ], - [ - "O", - "CT" - ], - [ - "in", - "fer" - ], - [ - "ĠM", - "SD" - ], - [ - "ĠâĪ", - "ĵ" - ], - [ - "ou", - "ver" - ], - [ - "ĠAnd", - "ersen" - ], - [ - "Ġworld", - "s" - ], - [ - "Ġtor", - "i" - ], - [ - "Ġïģ", - "°" - ], - [ - "engine", - "ering" - ], - [ - "ĠSquad", - "ron" - ], - [ - "A", - "ff" - ], - [ - "å", - "ı" - ], - [ - "ox", - "el" - ], - [ - "yle", - "tic" - ], - [ - "ĠCharacter", - "izing" - ], - [ - "V", - "T" - ], - [ - "r", - "ational" - ], - [ - "ere", - "mia" - ], - [ - "Ġcomplex", - "ation" - ], - [ - "ĠER", - "α" - ], - [ - "carboxyl", - "ic" - ], - [ - "ïĤ", - "·" - ], - [ - "Ġgalact", - "ose" - ], - [ - "ĠAur", - "ora" - ], - [ - "Ġplasmin", - "ogen" - ], - [ - "ure", - "n" - ], - [ - "ign", - "e" - ], - [ - "Ġrep", - "aired" - ], - [ - "Ġblock", - "ers" - ], - [ - "ĠMN", - "IST" - ], - [ - "Ï", - "ħ" - ], - [ - "ĠA", - "xi" - ], - [ - "Ġst", - "adium" - ], - [ - "di", - "ethyl" - ], - [ - "âĢ", - "İ" - ], - [ - "Ġcycl", - "otron" - ], - [ - "Ġlymph", - "aden" - ], - [ - "Ġv", - "in" - ], - [ - "ĠM", - "ayer" - ], - [ - "Ġendomet", - "rium" - ], - [ - "ĠSp", - "herical" - ], - [ - "Ġpers", - "u" - ], - [ - "Ġimm", - "ortal" - ], - [ - "benz", - "enesulf" - ], - [ - "ĠÅ", - "ľ" - ], - [ - "Ġb", - "ite" - ], - [ - "ugg", - "ed" - ], - [ - "ĠDiff", - "raction" - ], - [ - "GT", - "G" - ], - [ - "i", - "ate" - ], - [ - "Ġt", - "p" - ], - [ - "Ġab", - "er" - ], - [ - "ĠRe", - "in" - ], - [ - "Pro", - "gram" - ], - [ - "St", - "yle" - ], - [ - "ĠRegular", - "ization" - ], - [ - "ĠLeuk", - "emia" - ], - [ - "Ġprokary", - "otic" - ], - [ - "oc", - "omial" - ], - [ - "sk", - "b" - ], - [ - "Ġdevi", - "ates" - ], - [ - "Ġf", - "use" - ], - [ - "ĠN", - "ull" - ], - [ - "Ġïĥ", - "Ĺ" - ], - [ - "ĠOper", - "ational" - ], - [ - "Ġcompress", - "or" - ], - [ - "ĠRyd", - "berg" - ], - [ - "Ġf", - "ought" - ], - [ - "Ġe", - "co" - ], - [ - "ĠS", - "SP" - ], - [ - "CD", - "s" - ], - [ - "ĠME", - "K" - ], - [ - "ĠAnis", - "otropic" - ], - [ - "ĠDi", - "rection" - ], - [ - "ĠSpect", - "rometry" - ], - [ - "Ġglut", - "en" - ], - [ - "ĠPow", - "ell" - ], - [ - "recogn", - "ized" - ], - [ - "Ġpsych", - "otic" - ], - [ - "Ġhind", - "er" - ], - [ - "Ġaccommod", - "ation" - ], - [ - "ĠNorm", - "an" - ], - [ - "Q", - "x" - ], - [ - "Ġper", - "iv" - ], - [ - "ĠUn", - "known" - ], - [ - "Ġjo", - "ins" - ], - [ - "ĠMinim", - "ization" - ], - [ - "ĠS", - "ons" - ], - [ - "ĠC", - "in" - ], - [ - "Ġun", - "avoid" - ], - [ - "ĠPT", - "X" - ], - [ - "Ġc", - "ada" - ], - [ - "ĠL", - "uk" - ], - [ - "Ġr", - "uling" - ], - [ - "Ġbi", - "phasic" - ], - [ - "ĠCom", - "plications" - ], - [ - "ĠDef", - "ects" - ], - [ - "Cont", - "ent" - ], - [ - "ĠGreg", - "ory" - ], - [ - "ĠWer", - "ner" - ], - [ - "ĠWeib", - "ull" - ], - [ - "eld", - "om" - ], - [ - "Ġactiv", - "ators" - ], - [ - "GL", - "API" - ], - [ - "math", - "ring" - ], - [ - "Ġhe", - "ns" - ], - [ - "N", - "SC" - ], - [ - "h", - "owever" - ], - [ - "ĠT", - "ME" - ], - [ - "ma", - "frost" - ], - [ - "co", - "efficient" - ], - [ - "ĠIns", - "ect" - ], - [ - "ĠRO", - "Is" - ], - [ - "ĠBor", - "rel" - ], - [ - "ĠQi", - "u" - ], - [ - "Ġinhal", - "ed" - ], - [ - "id", - "ate" - ], - [ - "Ġanti", - "hypertensive" - ], - [ - "Ġtreat", - "s" - ], - [ - "ĠNear", - "ly" - ], - [ - "suc", - "c" - ], - [ - "ĠOrb", - "ital" - ], - [ - "er", - "adish" - ], - [ - "ad", - "ministered" - ], - [ - "ĠÏ", - "Ĥ" - ], - [ - "ĠCol", - "ony" - ], - [ - "ĠâĮ", - "Ĭ" - ], - [ - "ĠIndones", - "ian" - ], - [ - "ĠB", - "auer" - ], - [ - "ĠK", - "od" - ], - [ - "mann", - "ed" - ], - [ - "Res", - "istant" - ], - [ - "Ġda", - "ughters" - ], - [ - "ĠPredic", - "ted" - ], - [ - "Ġvoc", - "ab" - ], - [ - "Ġcontras", - "ted" - ], - [ - "m", - "argin" - ], - [ - "ĠDi", - "rected" - ], - [ - "ED", - "TA" - ], - [ - "Ġsynchron", - "y" - ], - [ - "ick", - "i" - ], - [ - "ĠSal", - "v" - ], - [ - "t", - "reat" - ], - [ - "in", - "cess" - ], - [ - "var", - "nothing" - ], - [ - "Ġhex", - "ane" - ], - [ - "Em", - "pty" - ], - [ - "Ġgem", - "citabine" - ], - [ - "om", - "ib" - ], - [ - "ore", - "pinephrine" - ], - [ - "pro", - "c" - ], - [ - "ĠMet", - "S" - ], - [ - "ĠDR", - "AM" - ], - [ - "Ġantico", - "agulant" - ], - [ - "n", - "om" - ], - [ - "am", - "ater" - ], - [ - "ĠLi", - "DAR" - ], - [ - "Ġmob", - "il" - ], - [ - "Ġamelior", - "ates" - ], - [ - "n", - "iz" - ], - [ - "Ġj", - "a" - ], - [ - "Ġem", - "uls" - ], - [ - "ĠZ", - "a" - ], - [ - "Ġastr", - "onomical" - ], - [ - "ĠAlf", - "red" - ], - [ - "H", - "ilbert" - ], - [ - "ĠK", - "F" - ], - [ - "CR", - "T" - ], - [ - "quad", - "ratic" - ], - [ - "Ġdifferenti", - "als" - ], - [ - "rob", - "acterium" - ], - [ - "ĠHippocamp", - "al" - ], - [ - "p", - "ull" - ], - [ - "Ä", - "Ļ" - ], - [ - "Ġs", - "ad" - ], - [ - "ally", - "l" - ], - [ - "Ġhot", - "spot" - ], - [ - "ĠElectron", - "ics" - ], - [ - "Ġconstit", - "ution" - ], - [ - "iton", - "in" - ], - [ - "ا", - "ÙĦ" - ], - [ - "P", - "c" - ], - [ - "Ġre", - "vascular" - ], - [ - "Ġus", - "able" - ], - [ - "ĠSc", - "atter" - ], - [ - "Ġgraph", - "ically" - ], - [ - "lim", - "inf" - ], - [ - "Ġrestaur", - "ant" - ], - [ - "ucalypt", - "us" - ], - [ - "AC", - "G" - ], - [ - "Anal", - "y" - ], - [ - "ĠMill", - "ipore" - ], - [ - "Ġmunicip", - "alities" - ], - [ - "ĠMacroph", - "age" - ], - [ - "Ġmacrom", - "olecular" - ], - [ - "L", - "icense" - ], - [ - "g", - "c" - ], - [ - "Ġl", - "avage" - ], - [ - "ĠA", - "ES" - ], - [ - "ĠF", - "CS" - ], - [ - "per", - "itone" - ], - [ - "Ġmeas", - "les" - ], - [ - "TE", - "X" - ], - [ - "ĠVir", - "ulence" - ], - [ - "Ġhemat", - "oma" - ], - [ - "ĠF", - "res" - ], - [ - "ĠN", - "utrient" - ], - [ - "ap", - "ar" - ], - [ - "ĠSp", - "ot" - ], - [ - "co", - "plasma" - ], - [ - "ĠExp", - "ect" - ], - [ - "Ġc", - "iprofloxacin" - ], - [ - "phyl", - "axis" - ], - [ - "ĠAtl", - "anta" - ], - [ - "ro", - "uting" - ], - [ - "ar", - "ate" - ], - [ - "ĠC", - "is" - ], - [ - "ens", - "ure" - ], - [ - "car", - "riers" - ], - [ - "ĠVari", - "ant" - ], - [ - "sur", - "gical" - ], - [ - "ĠEstim", - "ate" - ], - [ - "à", - "¹" - ], - [ - "ĠL", - "iqu" - ], - [ - "Ġam", - "alg" - ], - [ - "Ġbl", - "a" - ], - [ - "Ġthem", - "atic" - ], - [ - "IR", - "Q" - ], - [ - "ACT", - "ION" - ], - [ - "ĠChris", - "ti" - ], - [ - "æ", - "ľ" - ], - [ - "Ġn", - "py" - ], - [ - "de", - "ath" - ], - [ - "Ġhair", - "pin" - ], - [ - "Ġmultiplic", - "ities" - ], - [ - "Gib", - "co" - ], - [ - "he", - "ated" - ], - [ - "af", - "ety" - ], - [ - "mut", - "able" - ], - [ - "quark", - "s" - ], - [ - "S", - "un" - ], - [ - "q", - "l" - ], - [ - "Ġproduc", - "tions" - ], - [ - "Ġge", - "ology" - ], - [ - "Ġt", - "ides" - ], - [ - "at", - "rix" - ], - [ - "Ġad", - "mixture" - ], - [ - "trans", - "lated" - ], - [ - "ĠAb", - "u" - ], - [ - "nucle", - "us" - ], - [ - "Ġweakness", - "es" - ], - [ - "Ġflav", - "ors" - ], - [ - "ĠLu", - "is" - ], - [ - "ĠPut", - "ative" - ], - [ - "sent", - "ence" - ], - [ - "ĠM", - "ast" - ], - [ - "ĠM", - "PS" - ], - [ - "ĠE", - "SS" - ], - [ - "Ġcomp", - "ose" - ], - [ - "Ġbi", - "refring" - ], - [ - "ĠRam", - "sey" - ], - [ - "ĠCL", - "L" - ], - [ - "Ġlign", - "ocell" - ], - [ - "ĠL", - "amin" - ], - [ - "ĠW", - "elsh" - ], - [ - "v", - "on" - ], - [ - "Ġp", - "ests" - ], - [ - "Ġf", - "iction" - ], - [ - "ĠH", - "RT" - ], - [ - "Ġass", - "ure" - ], - [ - "CT", - "s" - ], - [ - "ĠPA", - "Hs" - ], - [ - "Ġcrypt", - "ography" - ], - [ - "en", - "erated" - ], - [ - "Ġop", - "s" - ], - [ - "ĠSyn", - "erg" - ], - [ - "ig", - "inal" - ], - [ - "ĠC", - "raw" - ], - [ - "Ġk", - "ne" - ], - [ - "Ġcurv", - "atures" - ], - [ - "Ġl", - "ux" - ], - [ - "ĠK", - "enn" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠĠĠĠĠ" - ], - [ - "print", - "ln" - ], - [ - "Ġverteb", - "rae" - ], - [ - "Ġru", - "tile" - ], - [ - "ĠAeros", - "ol" - ], - [ - "re", - "ferred" - ], - [ - "lactam", - "ase" - ], - [ - "ve", - "hicle" - ], - [ - "ad", - "ir" - ], - [ - "iz", - "ards" - ], - [ - "Ġcall", - "back" - ], - [ - "Cl", - "uster" - ], - [ - "Ġsil", - "t" - ], - [ - "Ġresearc", - "hed" - ], - [ - "ĠGener", - "ator" - ], - [ - "ĠRest", - "oration" - ], - [ - "ĠCh", - "in" - ], - [ - "omet", - "rical" - ], - [ - "ĠCo", - "efficients" - ], - [ - "rach", - "id" - ], - [ - "F", - "ace" - ], - [ - "M", - "en" - ], - [ - "c", - "ounts" - ], - [ - "Ġp", - "eg" - ], - [ - "Ġe", - "cl" - ], - [ - "Ġcom", - "edy" - ], - [ - "ĠL", - "n" - ], - [ - "ob", - "uty" - ], - [ - "ĠSh", - "aring" - ], - [ - "Ġadequ", - "acy" - ], - [ - "urt", - "osis" - ], - [ - "ĠPic", - "ard" - ], - [ - "Ġf", - "estival" - ], - [ - "Ġdis", - "position" - ], - [ - "ĠCom", - "plement" - ], - [ - "ĠEx", - "clusion" - ], - [ - "Ġdext", - "ran" - ], - [ - "m", - "ons" - ], - [ - "ĠInter", - "polation" - ], - [ - "ĠSte", - "ven" - ], - [ - "Ġcelebr", - "ated" - ], - [ - "Ġh", - "Pa" - ], - [ - "of", - "requency" - ], - [ - "Ġexception", - "ally" - ], - [ - "Ġenerge", - "tically" - ], - [ - "psych", - "otic" - ], - [ - "Land", - "au" - ], - [ - "T", - "uple" - ], - [ - "dist", - "ributions" - ], - [ - "ĠRich", - "ards" - ], - [ - "Ġpolyp", - "s" - ], - [ - "ĠAbs", - "ence" - ], - [ - "Ġcele", - "b" - ], - [ - "X", - "G" - ], - [ - "Ġsim", - "ulates" - ], - [ - "mit", - "ters" - ], - [ - "Ġheat", - "map" - ], - [ - "ĠSD", - "N" - ], - [ - "ĠSte", - "ps" - ], - [ - "Ġshall", - "ower" - ], - [ - "ĠTurb", - "ulent" - ], - [ - "Y", - "T" - ], - [ - "Ġn", - "al" - ], - [ - "plic", - "ative" - ], - [ - "pha", - "e" - ], - [ - "ĠLe", - "ica" - ], - [ - "ĠAPP", - "RO" - ], - [ - "Ġarrhyth", - "mia" - ], - [ - "Ġre", - "writing" - ], - [ - "Ġuns", - "afe" - ], - [ - "Ġcowork", - "ers" - ], - [ - "ĠG", - "AD" - ], - [ - "iv", - "ol" - ], - [ - "Ġdisrup", - "ting" - ], - [ - "ĠUltra", - "violet" - ], - [ - "ere", - "e" - ], - [ - "ĠL", - "opez" - ], - [ - "Ġneg", - "ation" - ], - [ - "Ġjaponic", - "a" - ], - [ - "ec", - "essor" - ], - [ - "ĠP", - "atch" - ], - [ - "Ġso", - "ap" - ], - [ - "ĠY", - "ing" - ], - [ - "MS", - "K" - ], - [ - "Ġtrac", - "heal" - ], - [ - "ic", - "os" - ], - [ - "Ġv", - "p" - ], - [ - "FA", - "IL" - ], - [ - "Ġcat", - "abolism" - ], - [ - "sol", - "ver" - ], - [ - "f", - "ont" - ], - [ - "es", - "p" - ], - [ - "ĠZ", - "ou" - ], - [ - "Ġdark", - "er" - ], - [ - "Ġlys", - "ozyme" - ], - [ - "c", - "overed" - ], - [ - "Ġmulti", - "tude" - ], - [ - "requ", - "ently" - ], - [ - "Ġmetam", - "orph" - ], - [ - "Ġchap", - "ters" - ], - [ - "h", - "h" - ], - [ - "ch", - "l" - ], - [ - "red", - "undant" - ], - [ - "ack", - "ing" - ], - [ - "Ġent", - "ail" - ], - [ - "ĠPack", - "et" - ], - [ - "ĠHabit", - "at" - ], - [ - "im", - "edia" - ], - [ - "ĠC", - "of" - ], - [ - "ph", - "rase" - ], - [ - "Ġcl", - "oth" - ], - [ - "ars", - "al" - ], - [ - "Ġdr", - "ums" - ], - [ - "TP", - "UT" - ], - [ - "Ar", - "gs" - ], - [ - "duct", - "ory" - ], - [ - "ĠUl", - "timately" - ], - [ - "ic", - "ates" - ], - [ - "anti", - "gen" - ], - [ - "Th", - "ough" - ], - [ - "ĠFl", - "ore" - ], - [ - "pro", - "bs" - ], - [ - "Ġcirc", - "ulatory" - ], - [ - "ĠCont", - "emporary" - ], - [ - "e", - "plitz" - ], - [ - "Ġh", - "atch" - ], - [ - "ri", - "zed" - ], - [ - "ĠK", - "op" - ], - [ - "mit", - "ting" - ], - [ - "Ġhyper", - "spectral" - ], - [ - "ĠAb", - "st" - ], - [ - "S", - "IM" - ], - [ - "Ġfruit", - "ful" - ], - [ - "Ġrecip", - "e" - ], - [ - "Ġimid", - "azole" - ], - [ - "Ġsyn", - "onymous" - ], - [ - "Ġattrib", - "ution" - ], - [ - "ĠMart", - "ÃŃnez" - ], - [ - "ĠRod", - "rÃŃguez" - ], - [ - "par", - "ticular" - ], - [ - "ĠInter", - "acting" - ], - [ - "Con", - "f" - ], - [ - "O", - "RE" - ], - [ - "ĠT", - "MA" - ], - [ - "uc", - "idation" - ], - [ - "Ġbi", - "ochemistry" - ], - [ - "ĠLe", - "vy" - ], - [ - "Ġconcentr", - "ates" - ], - [ - "Ġinduc", - "tor" - ], - [ - "Ġpy", - "rophosph" - ], - [ - "Ġrespond", - "ent" - ], - [ - "Z", - "hang" - ], - [ - "Ġro", - "pe" - ], - [ - "Ġdesign", - "ation" - ], - [ - "ĠCl", - "im" - ], - [ - "Ġconstrain", - "s" - ], - [ - "s", - "helf" - ], - [ - "Ġd", - "Ïĥ" - ], - [ - "ĠT", - "LC" - ], - [ - "ĠA", - "har" - ], - [ - "ĠM", - "atch" - ], - [ - "ĠM", - "OL" - ], - [ - "Ġfe", - "es" - ], - [ - "we", - "alth" - ], - [ - "Ġhyper", - "activity" - ], - [ - "ĠBr", - "uker" - ], - [ - "ĠFre", - "und" - ], - [ - "dichlor", - "ophenyl" - ], - [ - "re", - "ro" - ], - [ - "ĠF", - "ear" - ], - [ - "dot", - "sc" - ], - [ - "Ġhy", - "g" - ], - [ - "ĠText", - "ure" - ], - [ - "T", - "ak" - ], - [ - "am", - "pled" - ], - [ - "Ġal", - "geb" - ], - [ - "sub", - "t" - ], - [ - "Ġdocument", - "ary" - ], - [ - "ĠJ", - "E" - ], - [ - "CN", - "S" - ], - [ - "Ġdecl", - "ar" - ], - [ - "He", - "ight" - ], - [ - "K", - "i" - ], - [ - "en", - "oid" - ], - [ - "ĠC", - "ervical" - ], - [ - "frac", - "tory" - ], - [ - "Ġplant", - "ed" - ], - [ - "IF", - "I" - ], - [ - "Ġconcept", - "ually" - ], - [ - "Ġfill", - "ers" - ], - [ - "ic", - "ola" - ], - [ - "le", - "an" - ], - [ - "Ġcl", - "ump" - ], - [ - "Ġwr", - "iters" - ], - [ - "Gener", - "ally" - ], - [ - "Ġo", - "st" - ], - [ - "op", - "ening" - ], - [ - "CL", - "ASS" - ], - [ - "Ġherpes", - "virus" - ], - [ - "In", - "stit" - ], - [ - "Ġdr", - "inks" - ], - [ - "ĠInt", - "ensive" - ], - [ - "Ġmusic", - "ian" - ], - [ - "Ġanch", - "ors" - ], - [ - "S", - "eries" - ], - [ - "ĠF", - "AM" - ], - [ - "ĠB", - "ott" - ], - [ - "ĠE", - "CC" - ], - [ - "Ġinvers", - "ions" - ], - [ - "Ġac", - "res" - ], - [ - "Ġsw", - "abs" - ], - [ - "ĠÍ", - "ī" - ], - [ - "ĠBer", - "keley" - ], - [ - "Ġpl", - "um" - ], - [ - "Ġem", - "power" - ], - [ - "Ġphoto", - "emission" - ], - [ - "ĠRab", - "i" - ], - [ - "E", - "ast" - ], - [ - "T", - "aylor" - ], - [ - "OS", - "E" - ], - [ - "Ġden", - "ied" - ], - [ - "ĠHT", - "TP" - ], - [ - "M", - "U" - ], - [ - "he", - "w" - ], - [ - "Ġth", - "ri" - ], - [ - "ĠC", - "ERN" - ], - [ - "Ġsuff", - "ice" - ], - [ - "functional", - "ized" - ], - [ - "Ġcra", - "bs" - ], - [ - "Ġidem", - "potent" - ], - [ - "Ġpost", - "ulate" - ], - [ - "ĠCB", - "F" - ], - [ - "disc", - "rim" - ], - [ - "Char", - "acter" - ], - [ - "ĠRecomb", - "ination" - ], - [ - "C", - "ache" - ], - [ - "om", - "it" - ], - [ - "ĠA", - "da" - ], - [ - "Ġcur", - "sor" - ], - [ - "EM", - "T" - ], - [ - "Ġmes", - "oscale" - ], - [ - "gu", - "ide" - ], - [ - "Hy", - "per" - ], - [ - "Ġh", - "t" - ], - [ - "ren", - "es" - ], - [ - "uss", - "en" - ], - [ - "where", - "as" - ], - [ - "Ġintegr", - "ator" - ], - [ - "Ġsyn", - "cy" - ], - [ - "aro", - "us" - ], - [ - "Ġcounter", - "act" - ], - [ - "hal", - "ose" - ], - [ - "ĠNot", - "ation" - ], - [ - "ĠRele", - "vance" - ], - [ - "v", - "f" - ], - [ - "Ġin", - "bred" - ], - [ - "Ġrec", - "irc" - ], - [ - "Ġend", - "e" - ], - [ - "Ġpres", - "idential" - ], - [ - "Ġlact", - "ose" - ], - [ - "ac", - "ional" - ], - [ - "os", - "pi" - ], - [ - "ĠV", - "GG" - ], - [ - "ose", - "lectivity" - ], - [ - "ĠCon", - "fig" - ], - [ - "Ġfinger", - "prints" - ], - [ - "Inter", - "face" - ], - [ - "pur", - "ple" - ], - [ - "et", - "us" - ], - [ - "ĠN", - "in" - ], - [ - "ĠK", - "ras" - ], - [ - "ĠRe", - "ports" - ], - [ - "ĠSe", - "attle" - ], - [ - "AD", - "C" - ], - [ - "Ġlipoprotein", - "s" - ], - [ - "cyclohex", - "yl" - ], - [ - "op", - "ressin" - ], - [ - "Ġwave", - "front" - ], - [ - "tet", - "razol" - ], - [ - "th", - "ys" - ], - [ - "Ġdiv", - "or" - ], - [ - "amin", - "ophen" - ], - [ - "ĠPer", - "ry" - ], - [ - "ĠConsider", - "ations" - ], - [ - "ĠHal", - "o" - ], - [ - "Ġreflex", - "ive" - ], - [ - "thiazol", - "idin" - ], - [ - "oxycycl", - "ine" - ], - [ - "C", - "W" - ], - [ - "od", - "im" - ], - [ - "ĠCh", - "ong" - ], - [ - "Ġequil", - "ibrated" - ], - [ - "r", - "ime" - ], - [ - "ym", - "ology" - ], - [ - "Ġdev", - "oid" - ], - [ - "rig", - "el" - ], - [ - "amater", - "gic" - ], - [ - "Ġidentif", - "ications" - ], - [ - "Ġcontroll", - "ability" - ], - [ - "ectic", - "ut" - ], - [ - "ĠSynchron", - "ization" - ], - [ - "ul", - "atus" - ], - [ - "Ġcorrel", - "ating" - ], - [ - "Ġmu", - "ons" - ], - [ - "Ġcompartment", - "al" - ], - [ - "Ġinhom", - "ogeneities" - ], - [ - "Ġevac", - "uation" - ], - [ - "resp", - "iratory" - ], - [ - "dim", - "ethoxy" - ], - [ - "Ġinterfer", - "ometric" - ], - [ - "Ġastr", - "onomy" - ], - [ - "Z", - "D" - ], - [ - "Ħ", - "Ħ" - ], - [ - "el", - "ia" - ], - [ - "bl", - "er" - ], - [ - "Ġpione", - "ering" - ], - [ - "Ġp", - "its" - ], - [ - "Ġman", - "soni" - ], - [ - "ĠCON", - "D" - ], - [ - "Ġcodew", - "ord" - ], - [ - "im", - "ura" - ], - [ - "ĠDop", - "amine" - ], - [ - "ĠGi", - "ov" - ], - [ - "ĠCamero", - "on" - ], - [ - "S", - "em" - ], - [ - "d", - "ong" - ], - [ - "ot", - "to" - ], - [ - "em", - "ies" - ], - [ - "Ġinter", - "quartile" - ], - [ - "ll", - "bracket" - ], - [ - "otrop", - "ies" - ], - [ - "Ġhapp", - "ening" - ], - [ - "ĠPal", - "m" - ], - [ - "Ġst", - "uff" - ], - [ - "Ġpar", - "king" - ], - [ - "eg", - "al" - ], - [ - "ĠCO", - "P" - ], - [ - "Ġorgan", - "izing" - ], - [ - "Ġpoly", - "hedral" - ], - [ - "Ġproven", - "ance" - ], - [ - "J", - "s" - ], - [ - "ch", - "ains" - ], - [ - "eg", - "u" - ], - [ - "mer", - "cap" - ], - [ - "level", - "and" - ], - [ - "Ġeryth", - "roid" - ], - [ - "ympt", - "omatic" - ], - [ - "Ġzig", - "zag" - ], - [ - "Ġinf", - "erring" - ], - [ - "Ġappro", - "x" - ], - [ - "Ġdown", - "link" - ], - [ - "ĠDef", - "iciency" - ], - [ - "rbrack", - "et" - ], - [ - "ĠT", - "IM" - ], - [ - "ST", - "S" - ], - [ - "ain", - "en" - ], - [ - "Ġun", - "loading" - ], - [ - "ĠX", - "P" - ], - [ - "ĠWh", - "ilst" - ], - [ - "ĠID", - "H" - ], - [ - "ĠTI", - "MP" - ], - [ - "r", - "rbracket" - ], - [ - "ac", - "ities" - ], - [ - "Ġwh", - "ale" - ], - [ - "ĠW", - "AR" - ], - [ - "Ġinf", - "l" - ], - [ - "ĠPresent", - "ation" - ], - [ - "authorbs", - "nm" - ], - [ - "Ġbacter", - "icidal" - ], - [ - "SP", - "EC" - ], - [ - "Ġdys", - "regulated" - ], - [ - "ĠIC", - "AM" - ], - [ - "n", - "ano" - ], - [ - "Ġw", - "afers" - ], - [ - "ĠM", - "UC" - ], - [ - "Ġal", - "ien" - ], - [ - "ch", - "ke" - ], - [ - "Ġsl", - "abs" - ], - [ - "Ġback", - "ing" - ], - [ - "ns", - "is" - ], - [ - "Ġbal", - "ances" - ], - [ - "eth", - "ane" - ], - [ - "Link", - "ed" - ], - [ - "C", - "hen" - ], - [ - "H", - "ymenoptera" - ], - [ - "it", - "ations" - ], - [ - "ĠO", - "UT" - ], - [ - "trans", - "plant" - ], - [ - "condition", - "ed" - ], - [ - "ĠBenef", - "its" - ], - [ - "T", - "yr" - ], - [ - "at", - "mosp" - ], - [ - "ĠAd", - "hesion" - ], - [ - "Ġthor", - "ac" - ], - [ - "activ", - "ator" - ], - [ - "Ġphosphatidyl", - "inositol" - ], - [ - "Ġreported", - "ly" - ], - [ - "ĠCL", - "ASS" - ], - [ - "Ġrenew", - "ed" - ], - [ - "ĠPharmac", - "ological" - ], - [ - "Ġminim", - "ise" - ], - [ - "gluc", - "osidase" - ], - [ - "aden", - "osyl" - ], - [ - "Ġov", - "ip" - ], - [ - "initial", - "izer" - ], - [ - "Ġfor", - "age" - ], - [ - "rm", - "s" - ], - [ - "ĠIm", - "ag" - ], - [ - "ĠAnne", - "xin" - ], - [ - "ĠVehic", - "les" - ], - [ - "Ġf", - "les" - ], - [ - "st", - "a" - ], - [ - "ĠG", - "BS" - ], - [ - "ĠCh", - "at" - ], - [ - "measure", - "ments" - ], - [ - "ĠAud", - "itory" - ], - [ - "C", - "ut" - ], - [ - "F", - "v" - ], - [ - "Ġm", - "aker" - ], - [ - "ap", - "plication" - ], - [ - "Ġrevers", - "ing" - ], - [ - "Ġsti", - "p" - ], - [ - "Ġfaecal", - "is" - ], - [ - "icy", - "cle" - ], - [ - "Ġtrim", - "med" - ], - [ - "Ġexacerb", - "ation" - ], - [ - "Ġtransc", - "ranial" - ], - [ - "ĠMoment", - "um" - ], - [ - "Ġf", - "c" - ], - [ - "ĠF", - "OV" - ], - [ - "Ġang", - "ina" - ], - [ - "Ġnano", - "structure" - ], - [ - "Ġantagon", - "ism" - ], - [ - "ĠLED", - "s" - ], - [ - "ìĹ", - "IJ" - ], - [ - "Ġf", - "als" - ], - [ - "ap", - "oration" - ], - [ - "ĠIn", - "vasive" - ], - [ - "ĠK", - "m" - ], - [ - "ert", - "ation" - ], - [ - "Ġhar", - "ness" - ], - [ - "Ġfer", - "tile" - ], - [ - "ĠTR", - "UE" - ], - [ - "Ġshel", - "ter" - ], - [ - "ĠWol", - "bachia" - ], - [ - "sho", - "ot" - ], - [ - "Ġs", - "ess" - ], - [ - "ĠH", - "ous" - ], - [ - "ĠA", - "ce" - ], - [ - "ĠC", - "ML" - ], - [ - "Ġpro", - "active" - ], - [ - "Ġsh", - "ots" - ], - [ - "Ġco", - "up" - ], - [ - "rest", - "ling" - ], - [ - "uniform", - "ly" - ], - [ - "y", - "am" - ], - [ - "ol", - "ase" - ], - [ - "ĠI", - "CS" - ], - [ - "ĠE", - "bola" - ], - [ - "roll", - "ing" - ], - [ - "tr", - "unc" - ], - [ - "ĠRepresent", - "atives" - ], - [ - "Ġgras", - "ping" - ], - [ - "ĠAnomal", - "y" - ], - [ - "ĠM", - "ine" - ], - [ - "ĠM", - "PO" - ], - [ - "ler", - "ight" - ], - [ - "Ġinstit", - "ute" - ], - [ - "Ġsug", - "arcane" - ], - [ - "ÑĢ", - "а" - ], - [ - "Ġoccl", - "uded" - ], - [ - "ĠMagell", - "anic" - ], - [ - "B", - "EC" - ], - [ - "W", - "i" - ], - [ - "o", - "A" - ], - [ - "Ġg", - "apped" - ], - [ - "ĠPR", - "C" - ], - [ - "ĠMA", - "E" - ], - [ - "Ġmusic", - "ians" - ], - [ - "ĠSignific", - "antly" - ], - [ - "Ġforth", - "coming" - ], - [ - "Ġaccl", - "imation" - ], - [ - "re", - "quired" - ], - [ - "ver", - "bal" - ], - [ - "ĠF", - "X" - ], - [ - "ĠM", - "LE" - ], - [ - "Ġcomp", - "ass" - ], - [ - "ĠMultim", - "odal" - ], - [ - "G", - "rant" - ], - [ - "Ġt", - "vb" - ], - [ - "In", - "struction" - ], - [ - "Ġsens", - "es" - ], - [ - "urb", - "ed" - ], - [ - "ham", - "n" - ], - [ - "Ġfram", - "ed" - ], - [ - "Ġuro", - "thel" - ], - [ - "or", - "in" - ], - [ - "se", - "al" - ], - [ - "Ġfl", - "asks" - ], - [ - "sh", - "ops" - ], - [ - "Ġwhe", - "els" - ], - [ - "ĠRad", - "on" - ], - [ - "ĠPlan", - "etary" - ], - [ - "Ġhed", - "ge" - ], - [ - "Ġd", - "k" - ], - [ - "Ġevid", - "ently" - ], - [ - "thread", - "s" - ], - [ - "Ġt", - "ad" - ], - [ - "el", - "im" - ], - [ - "im", - "ov" - ], - [ - "ist", - "em" - ], - [ - "and", - "i" - ], - [ - "Ġle", - "isure" - ], - [ - "ost", - "om" - ], - [ - "Ġcar", - "ing" - ], - [ - "ĠSm", - "oking" - ], - [ - "Ġcompetit", - "ors" - ], - [ - "A", - "FS" - ], - [ - "x", - "l" - ], - [ - "ĠS", - "atur" - ], - [ - "ĠF", - "erg" - ], - [ - "Ġch", - "in" - ], - [ - "ĠCD", - "R" - ], - [ - "ĠSO", - "M" - ], - [ - "osacchar", - "ide" - ], - [ - "MOD", - "EL" - ], - [ - "E", - "CC" - ], - [ - "Ġd", - "as" - ], - [ - "agon", - "ist" - ], - [ - "st", - "ery" - ], - [ - "Ġrel", - "ays" - ], - [ - "ze", - "k" - ], - [ - "Ġneoplas", - "m" - ], - [ - "C", - "hip" - ], - [ - "Ġg", - "ill" - ], - [ - "lam", - "ed" - ], - [ - "cer", - "ning" - ], - [ - "Ġincons", - "istencies" - ], - [ - "ace", - "ans" - ], - [ - "ĠAd", - "ri" - ], - [ - "ĠAf", - "ghan" - ], - [ - "Ġnic", - "hes" - ], - [ - "Ġtunn", - "elling" - ], - [ - "g", - "us" - ], - [ - "ĠI", - "an" - ], - [ - "Ġbur", - "ial" - ], - [ - "Trans", - "form" - ], - [ - "ocomp", - "atible" - ], - [ - "Ġs", - "eldom" - ], - [ - "Ġdis", - "closed" - ], - [ - "âĪ", - "ķ" - ], - [ - "Ġref", - "ining" - ], - [ - "Ġty", - "ph" - ], - [ - "Ġcooper", - "ate" - ], - [ - "Ġasphal", - "t" - ], - [ - "ĠCons", - "titution" - ], - [ - "fl", - "avor" - ], - [ - "Ġwar", - "p" - ], - [ - "Å", - "¼" - ], - [ - "Ġc", - "raw" - ], - [ - "ĠInd", - "igenous" - ], - [ - "ĠPre", - "vent" - ], - [ - "Ġtrig", - "eminal" - ], - [ - "ĠFried", - "rich" - ], - [ - "ĠInterfer", - "on" - ], - [ - "i", - "osity" - ], - [ - "w", - "arm" - ], - [ - "us", - "on" - ], - [ - "Ġunder", - "lies" - ], - [ - "Ġmultiple", - "ts" - ], - [ - "ĠSU", - "PER" - ], - [ - "ĠManufact", - "uring" - ], - [ - "Ġv", - "imentin" - ], - [ - "ram", - "ine" - ], - [ - "Ġeffic", - "acious" - ], - [ - "ic", - "ed" - ], - [ - "ĠV", - "all" - ], - [ - "oth", - "orax" - ], - [ - "Ġaud", - "i" - ], - [ - "Q", - "s" - ], - [ - "ĠP", - "AL" - ], - [ - "ĠH", - "old" - ], - [ - "hat", - "tan" - ], - [ - "idd", - "ing" - ], - [ - "w", - "ana" - ], - [ - "Ġp", - "ending" - ], - [ - "Ġp", - "erennial" - ], - [ - "Ġtouch", - "ing" - ], - [ - "xp", - "ected" - ], - [ - "D", - "istance" - ], - [ - "n", - "av" - ], - [ - "Ġis", - "omeric" - ], - [ - "ĠM", - "CI" - ], - [ - "num", - "bers" - ], - [ - "Ġrevers", - "es" - ], - [ - "Ġpolyc", - "ystic" - ], - [ - "H", - "em" - ], - [ - "u", - "ities" - ], - [ - "op", - "tional" - ], - [ - "Ġsub", - "cortical" - ], - [ - "ĠSup", - "ply" - ], - [ - "ĠCal", - "der" - ], - [ - "Ġmang", - "rove" - ], - [ - "Ġp", - "ads" - ], - [ - "ur", - "faces" - ], - [ - "ĠF", - "aster" - ], - [ - "Ġunder", - "neath" - ], - [ - "Ġprol", - "actin" - ], - [ - "Ġcle", - "arer" - ], - [ - "Ġscin", - "tillation" - ], - [ - "Ġhumid", - "ified" - ], - [ - "ĠW", - "ound" - ], - [ - "ĠH", - "PA" - ], - [ - "Ġcoll", - "apsing" - ], - [ - "Ġbary", - "onic" - ], - [ - "ĠMEA", - "SU" - ], - [ - "ĠG", - "ü" - ], - [ - "Ġdet", - "r" - ], - [ - "Ġsubstit", - "uent" - ], - [ - "ĠRoman", - "ia" - ], - [ - "ĠInv", - "olved" - ], - [ - "Ġduoden", - "al" - ], - [ - "ĠAm", - "p" - ], - [ - "ĠS", - "IS" - ], - [ - "sc", - "her" - ], - [ - "aut", - "h" - ], - [ - "ĠResp", - "ond" - ], - [ - "ĠRank", - "ing" - ], - [ - "t", - "rip" - ], - [ - "x", - "F" - ], - [ - "ist", - "in" - ], - [ - "Ġpa", - "uc" - ], - [ - "ref", - "lection" - ], - [ - "Ġcorne", - "a" - ], - [ - "Ġbol", - "us" - ], - [ - "Ġpiv", - "ot" - ], - [ - "Oc", - "tober" - ], - [ - "ĠS", - "ERS" - ], - [ - "ĠX", - "ing" - ], - [ - "AN", - "ET" - ], - [ - "Ch", - "inese" - ], - [ - "ĠMus", - "c" - ], - [ - "D", - "ynamic" - ], - [ - "M", - "esh" - ], - [ - "Ġdi", - "phosphate" - ], - [ - "Ġcons", - "pecific" - ], - [ - "lect", - "or" - ], - [ - "ĠEc", - "u" - ], - [ - "ĠCover", - "age" - ], - [ - "ĠãĢ", - "Ī" - ], - [ - "C", - "OD" - ], - [ - "am", - "ong" - ], - [ - "Ġpos", - "it" - ], - [ - "imum", - "ab" - ], - [ - "Ġp", - "N" - ], - [ - "Ġco", - "aching" - ], - [ - "ex", - "ports" - ], - [ - "Ġreal", - "m" - ], - [ - "ĠFer", - "reira" - ], - [ - "Ġnation", - "ally" - ], - [ - "Ġtur", - "tle" - ], - [ - "ubted", - "ly" - ], - [ - "ĠD", - "raft" - ], - [ - "Ġend", - "l" - ], - [ - "ĠContinu", - "um" - ], - [ - "embed", - "dings" - ], - [ - "Ġá¹", - "½" - ], - [ - "ĠCr", - "ime" - ], - [ - "Ġimm", - "igration" - ], - [ - "ĠFil", - "ip" - ], - [ - "Ġgar", - "net" - ], - [ - "Ġobsc", - "ure" - ], - [ - "ĠT", - "YPE" - ], - [ - "Ġult", - "rastructural" - ], - [ - "ca", - "emia" - ], - [ - "ĠSem", - "an" - ], - [ - "r", - "ink" - ], - [ - "ti", - "ff" - ], - [ - "uc", - "cal" - ], - [ - "ke", - "e" - ], - [ - "itud", - "inally" - ], - [ - "ĠAll", - "oy" - ], - [ - "ĠAnaly", - "zer" - ], - [ - "contin", - "ue" - ], - [ - "ĠAlab", - "ama" - ], - [ - "Q", - "OL" - ], - [ - "Ġpol", - "lin" - ], - [ - "Ġcorrespond", - "ences" - ], - [ - "ĠRes", - "ol" - ], - [ - "F", - "IR" - ], - [ - "ul", - "are" - ], - [ - "ta", - "wa" - ], - [ - "UR", - "CE" - ], - [ - "Ġurban", - "ization" - ], - [ - "z", - "d" - ], - [ - "Ġgl", - "oss" - ], - [ - "ER", - "A" - ], - [ - "ĠDeterm", - "ine" - ], - [ - "D", - "ate" - ], - [ - "ĠP", - "SP" - ], - [ - "ĠSh", - "ig" - ], - [ - "rep", - "ta" - ], - [ - "ĠGa", - "it" - ], - [ - "neut", - "rino" - ], - [ - "Ġper", - "vasive" - ], - [ - "ĠâĢ¢", - "âĢ¢âĢ¢" - ], - [ - "Ġhom", - "ozyg" - ], - [ - "Ġadap", - "tively" - ], - [ - "graph", - "ic" - ], - [ - "ĠJohn", - "ston" - ], - [ - "z", - "t" - ], - [ - "ex", - "plicit" - ], - [ - "Ġhel", - "min" - ], - [ - "Ġp", - "es" - ], - [ - "AR", - "F" - ], - [ - "ĠF", - "ram" - ], - [ - "ĠAm", - "sterdam" - ], - [ - "Ġlogarithm", - "s" - ], - [ - "ĠCre", - "ative" - ], - [ - "Page", - "Index" - ], - [ - "Ġp", - "acing" - ], - [ - "ĠP", - "CS" - ], - [ - "Ġfore", - "brain" - ], - [ - "ĠCT", - "CF" - ], - [ - "dec", - "omposition" - ], - [ - "Ġbear", - "ings" - ], - [ - "Ġanhydro", - "us" - ], - [ - "Ġc", - "b" - ], - [ - "ĠM", - "ON" - ], - [ - "ĠN", - "odes" - ], - [ - "str", - "um" - ], - [ - "ĠJ", - "ans" - ], - [ - "Ġdeline", - "ate" - ], - [ - "Ġdichro", - "ism" - ], - [ - "con", - "formal" - ], - [ - "Ġret", - "reat" - ], - [ - "gl", - "ial" - ], - [ - "Ġnucle", - "ase" - ], - [ - "ĠBal", - "timore" - ], - [ - "Ġpay", - "ing" - ], - [ - "Ġbore", - "al" - ], - [ - "tip", - "ation" - ], - [ - "R", - "oot" - ], - [ - "S", - "QL" - ], - [ - "s", - "ources" - ], - [ - "end", - "o" - ], - [ - "ĠOr", - "ion" - ], - [ - "Pl", - "us" - ], - [ - "ĠD", - "EL" - ], - [ - "ĠTh", - "an" - ], - [ - "Ġmon", - "oph" - ], - [ - "Ġreflect", - "or" - ], - [ - "Z", - "e" - ], - [ - "ĠL", - "inking" - ], - [ - "syn", - "c" - ], - [ - "ĠCRE", - "B" - ], - [ - "n", - "ational" - ], - [ - "ur", - "ized" - ], - [ - "ĠP", - "eptides" - ], - [ - "ĠB", - "egin" - ], - [ - "bor", - "g" - ], - [ - "piper", - "idyl" - ], - [ - "Ġoverestim", - "ation" - ], - [ - "R", - "GB" - ], - [ - "T", - "K" - ], - [ - "Ġbe", - "ings" - ], - [ - "Ġat", - "tains" - ], - [ - "Ġres", - "ervation" - ], - [ - "ĠMo", - "tivation" - ], - [ - "Ġtrim", - "ethyl" - ], - [ - "ĠTerm", - "inal" - ], - [ - "Ġinten", - "tional" - ], - [ - "Neg", - "ative" - ], - [ - "ĠCron", - "bach" - ], - [ - "dorfer", - "i" - ], - [ - "D", - "aw" - ], - [ - "V", - "AR" - ], - [ - "d", - "P" - ], - [ - "im", - "ath" - ], - [ - "ove", - "rex" - ], - [ - "Ġfibro", - "tic" - ], - [ - "Ġsmart", - "phones" - ], - [ - "Ġont", - "ologies" - ], - [ - "G", - "ood" - ], - [ - "u", - "tively" - ], - [ - "ĠV", - "B" - ], - [ - "SP", - "E" - ], - [ - "ĠMcD", - "onald" - ], - [ - "galax", - "ies" - ], - [ - "Ġbioch", - "ar" - ], - [ - "ĠE", - "MS" - ], - [ - "ĠN", - "f" - ], - [ - "ors", - "hip" - ], - [ - "Ġback", - "scattering" - ], - [ - "ĠÐ", - "¿" - ], - [ - "Ġanthocyan", - "in" - ], - [ - "ĠPho", - "enix" - ], - [ - "con", - "tained" - ], - [ - "ĠPS", - "II" - ], - [ - "hl", - "ung" - ], - [ - "ĠLA", - "I" - ], - [ - "Ġlect", - "ures" - ], - [ - "Ġdisp", - "atch" - ], - [ - "V", - "F" - ], - [ - "ĠM", - "EC" - ], - [ - "ĠW", - "es" - ], - [ - "Ġback", - "scatter" - ], - [ - "oti", - "te" - ], - [ - "ĠSR", - "C" - ], - [ - "Ġcurren", - "cy" - ], - [ - "onym", - "s" - ], - [ - "as", - "partate" - ], - [ - "Ġcos", - "et" - ], - [ - "ĠC", - "PP" - ], - [ - "orb", - "ing" - ], - [ - "ĠEmbed", - "dings" - ], - [ - "ĠSurve", - "ys" - ], - [ - "Ġneurodevelop", - "mental" - ], - [ - "ĠS", - "RE" - ], - [ - "ĠInter", - "ior" - ], - [ - "ĠAR", - "DS" - ], - [ - "experim", - "ents" - ], - [ - "brom", - "ophenyl" - ], - [ - "ĠE", - "CL" - ], - [ - "ĠO", - "PE" - ], - [ - "medi", - "ation" - ], - [ - "Ġtherm", - "oc" - ], - [ - "Ġinterpret", - "able" - ], - [ - "ĠMicrobi", - "ome" - ], - [ - "e", - "astern" - ], - [ - "Â", - "¿" - ], - [ - "ĠT", - "DP" - ], - [ - "ath", - "on" - ], - [ - "ĠBy", - "zantine" - ], - [ - "any", - "on" - ], - [ - "Ġepit", - "axy" - ], - [ - "Ġcritic", - "ized" - ], - [ - "Mill", - "ipore" - ], - [ - "ĠD", - "EP" - ], - [ - "ĠFre", - "edom" - ], - [ - "j", - "unctions" - ], - [ - "ĠA", - "SM" - ], - [ - "ĠG", - "ren" - ], - [ - "Ġsign", - "ing" - ], - [ - "Ġconstit", - "uting" - ], - [ - "opro", - "terozoic" - ], - [ - "ĠSyn", - "ech" - ], - [ - "ĠVo", - "ice" - ], - [ - "Ġcholec", - "yst" - ], - [ - "b", - "ilities" - ], - [ - "on", - "line" - ], - [ - "ĠE", - "dd" - ], - [ - "ĠK", - "up" - ], - [ - "ĠLet", - "t" - ], - [ - "ĠMar", - "in" - ], - [ - "ĠGo", - "al" - ], - [ - "ĠSY", - "M" - ], - [ - "intro", - "duced" - ], - [ - "naphth", - "yl" - ], - [ - "ĠL", - "ü" - ], - [ - "Ġm", - "x" - ], - [ - "Ġb", - "lu" - ], - [ - "Ġr", - "m" - ], - [ - "ĠDe", - "letion" - ], - [ - "ĠConn", - "ecticut" - ], - [ - "Cole", - "optera" - ], - [ - "t", - "ry" - ], - [ - "Ġso", - "ot" - ], - [ - "ĠCount", - "ries" - ], - [ - "Ġsick", - "le" - ], - [ - "M", - "eta" - ], - [ - "ĠS", - "ib" - ], - [ - "ĠH", - "NO" - ], - [ - "ĠU", - "D" - ], - [ - "Ġexp", - "r" - ], - [ - "Ġallow", - "able" - ], - [ - "ĠInd", - "irect" - ], - [ - "tis", - "ation" - ], - [ - "Ġaden", - "omas" - ], - [ - "electron", - "ics" - ], - [ - "R", - "NN" - ], - [ - "ĠT", - "CF" - ], - [ - "Ġgluc", - "agon" - ], - [ - "ĠC", - "itation" - ], - [ - "Ġg", - "amb" - ], - [ - "and", - "ez" - ], - [ - "Ġtrans", - "mits" - ], - [ - "aj", - "ima" - ], - [ - "Ġhol", - "onomy" - ], - [ - "ì", - "ł" - ], - [ - "act", - "am" - ], - [ - "ĠTh", - "reat" - ], - [ - "ĠPear", - "l" - ], - [ - "Ġerup", - "tions" - ], - [ - "ĠImmunohist", - "ochemistry" - ], - [ - "Y", - "es" - ], - [ - "p", - "atrick" - ], - [ - "Ġa", - "ma" - ], - [ - "Ġd", - "rew" - ], - [ - "ĠT", - "asks" - ], - [ - "ĠP", - "IM" - ], - [ - "Ġdis", - "pat" - ], - [ - "ĠDet", - "roit" - ], - [ - "Ġcoex", - "ist" - ], - [ - "arboxyl", - "ase" - ], - [ - "I", - "BM" - ], - [ - "ĠT", - "UNEL" - ], - [ - "ĠU", - "F" - ], - [ - "ĠAN", - "G" - ], - [ - "Ġsar", - "copenia" - ], - [ - "Ġh", - "aptic" - ], - [ - "Ġcarbon", - "ates" - ], - [ - "Ġmit", - "ophagy" - ], - [ - "Ġciti", - "zen" - ], - [ - "ĠCONTR", - "OL" - ], - [ - "f", - "if" - ], - [ - "Ġw", - "i" - ], - [ - "ĠG", - "LO" - ], - [ - "ens", - "ored" - ], - [ - "ĠPar", - "a" - ], - [ - "ĠAb", - "del" - ], - [ - "oi", - "etin" - ], - [ - "Ġto", - "e" - ], - [ - "ĠS", - "QU" - ], - [ - "ĠR", - "ag" - ], - [ - "Ġx", - "ylem" - ], - [ - "Ġlib", - "eral" - ], - [ - "ĠMarg", - "aret" - ], - [ - "W", - "a" - ], - [ - "k", - "p" - ], - [ - "ĠP", - "EM" - ], - [ - "ĠD", - "DR" - ], - [ - "Ġgen", - "otypic" - ], - [ - "ĠY", - "M" - ], - [ - "ING", - "S" - ], - [ - "ker", - "as" - ], - [ - "ĠEduc", - "ational" - ], - [ - "ĠCult", - "ures" - ], - [ - "in", - "str" - ], - [ - "ĠF", - "uchs" - ], - [ - "ag", - "asc" - ], - [ - "fact", - "ant" - ], - [ - "Ġt", - "enth" - ], - [ - "AB", - "L" - ], - [ - "Ġperme", - "able" - ], - [ - "ĠCam", - "eron" - ], - [ - "Br", - "N" - ], - [ - "ĠMull", - "er" - ], - [ - "ĠRevers", - "ible" - ], - [ - "w", - "ild" - ], - [ - "Ġf", - "usions" - ], - [ - "os", - "ulf" - ], - [ - "ĠE", - "oS" - ], - [ - "ĠK", - "ö" - ], - [ - "det", - "ected" - ], - [ - "ĠColl", - "agen" - ], - [ - "Ġdescend", - "ants" - ], - [ - "e", - "lection" - ], - [ - "ar", - "ange" - ], - [ - "Ġb", - "ounce" - ], - [ - "Ġcont", - "ag" - ], - [ - "In", - "valid" - ], - [ - "ĠCo", - "ating" - ], - [ - "t", - "asks" - ], - [ - "ar", - "ma" - ], - [ - "ĠK", - "C" - ], - [ - "Ġdi", - "ar" - ], - [ - "ĠSup", - "press" - ], - [ - "Ġfraction", - "ated" - ], - [ - "Ġsn", - "ail" - ], - [ - "Ġmicro", - "phone" - ], - [ - "ĠSc", - "ienti" - ], - [ - "Ġchem", - "iluminescence" - ], - [ - "soft", - "ware" - ], - [ - "Ġburg", - "dorferi" - ], - [ - "Ġb", - "oot" - ], - [ - "ĠC", - "SCs" - ], - [ - "ĠM", - "SI" - ], - [ - "ts", - "ev" - ], - [ - "Ġhe", - "ater" - ], - [ - "frac", - "tal" - ], - [ - "Ġend", - "osomes" - ], - [ - "Un", - "iform" - ], - [ - "Ġath", - "lete" - ], - [ - "ĠDri", - "ven" - ], - [ - "Ġviv", - "ax" - ], - [ - "K", - "ind" - ], - [ - "satisf", - "ies" - ], - [ - "Ġcorticoster", - "oid" - ], - [ - "ĠEstabl", - "ishment" - ], - [ - "cal", - "ibration" - ], - [ - "Ġdim", - "eric" - ], - [ - "Ġcere", - "al" - ], - [ - "ĠSuper", - "vised" - ], - [ - "ĠSP", - "M" - ], - [ - "MB", - "ER" - ], - [ - "Ġhemisp", - "heres" - ], - [ - "Ġpercenti", - "les" - ], - [ - "L", - "eu" - ], - [ - "M", - "ajor" - ], - [ - "Ġex", - "agger" - ], - [ - "Ġds", - "RNA" - ], - [ - "Dec", - "ember" - ], - [ - "ĠZr", - "O" - ], - [ - "Ġas", - "ymmetrical" - ], - [ - "ĠV", - "AS" - ], - [ - "ĠJ", - "M" - ], - [ - "Ġintegr", - "ations" - ], - [ - "Ġhand", - "over" - ], - [ - "C", - "ycl" - ], - [ - "im", - "plant" - ], - [ - "Ġqu", - "ote" - ], - [ - "Ġcycl", - "one" - ], - [ - "ĠSte", - "phan" - ], - [ - "ĠFran", - "co" - ], - [ - "Ġaw", - "ake" - ], - [ - "Ġfeed", - "er" - ], - [ - "CH", - "AR" - ], - [ - "Con", - "dition" - ], - [ - "ĠChar", - "l" - ], - [ - "ĠBrig", - "ade" - ], - [ - "Ġremedi", - "ation" - ], - [ - "c", - "ig" - ], - [ - "ĠBoh", - "r" - ], - [ - "ĠVac", - "uum" - ], - [ - "ĠTox", - "oplasma" - ], - [ - "Ġgh", - "relin" - ], - [ - "ĠT", - "RAF" - ], - [ - "ay", - "e" - ], - [ - "Cl", - "ient" - ], - [ - "ili", - "ation" - ], - [ - "xy", - "z" - ], - [ - "ming", - "ham" - ], - [ - "ĠSU", - "B" - ], - [ - "ïĢ", - "ł" - ], - [ - "Ġconvers", - "ions" - ], - [ - "Ġmulti", - "path" - ], - [ - "miss", - "ive" - ], - [ - "Ġeq", - "n" - ], - [ - "bul", - "k" - ], - [ - "my", - "c" - ], - [ - "Ġexacerb", - "ated" - ], - [ - "Ø", - "ª" - ], - [ - "Ġprotein", - "ase" - ], - [ - "Ġbu", - "ilder" - ], - [ - "ah", - "ara" - ], - [ - "Ġinver", - "t" - ], - [ - "ĠRecep", - "tion" - ], - [ - "ax", - "anthin" - ], - [ - "Ġprim", - "ed" - ], - [ - "Ġcop", - "ula" - ], - [ - "Ġproceed", - "ings" - ], - [ - "Ġnond", - "egenerate" - ], - [ - "Ġint", - "ox" - ], - [ - "Ġneed", - "les" - ], - [ - "length", - "s" - ], - [ - "Ġtranspos", - "on" - ], - [ - "h", - "on" - ], - [ - "ĠT", - "PC" - ], - [ - "pl", - "and" - ], - [ - "ox", - "yn" - ], - [ - "IC", - "H" - ], - [ - "Ġintra", - "uterine" - ], - [ - "Ġlamin", - "ated" - ], - [ - "ĠOBS", - "ERV" - ], - [ - "M", - "atch" - ], - [ - "ĠIn", - "sur" - ], - [ - "ĠAm", - "yloid" - ], - [ - "Ġwar", - "ped" - ], - [ - "emat", - "ical" - ], - [ - "ĠPrac", - "tices" - ], - [ - "ãģ", - "®" - ], - [ - "ĠBrass", - "ica" - ], - [ - "Ġhyperther", - "mia" - ], - [ - "Ġd", - "n" - ], - [ - "ĠL", - "IF" - ], - [ - "ĠMet", - "ropolitan" - ], - [ - "ĠBr", - "dU" - ], - [ - "imp", - "act" - ], - [ - "f", - "iltered" - ], - [ - "ĠRe", - "agent" - ], - [ - "v", - "p" - ], - [ - "ĠT", - "ip" - ], - [ - "ĠPro", - "portional" - ], - [ - "Ġblood", - "stream" - ], - [ - "Sim", - "ple" - ], - [ - "Ġty", - "ros" - ], - [ - "ĠHen", - "ri" - ], - [ - "Ġretro", - "trans" - ], - [ - "aci", - "ens" - ], - [ - "Ġmist", - "akes" - ], - [ - "acyl", - "glycerol" - ], - [ - "ĠMir", - "ror" - ], - [ - "V", - "ERSION" - ], - [ - "v", - "re" - ], - [ - "Ġb", - "act" - ], - [ - "ock", - "ed" - ], - [ - "eps", - "is" - ], - [ - "Ġson", - "ication" - ], - [ - "ĠPur", - "kinje" - ], - [ - "Ġmism", - "atches" - ], - [ - "ĠA", - "OD" - ], - [ - "Ġhyper", - "graph" - ], - [ - "ĠMi", - "ami" - ], - [ - "am", - "med" - ], - [ - "Ġcon", - "versely" - ], - [ - "ĠG", - "abor" - ], - [ - "ĠG", - "DM" - ], - [ - "Ġco", - "iled" - ], - [ - "onic", - "a" - ], - [ - "Ġevol", - "utions" - ], - [ - "ĠR", - "BM" - ], - [ - "ĠRe", - "ef" - ], - [ - "ĠAb", - "ram" - ], - [ - "ĠPrec", - "ise" - ], - [ - "incre", - "ase" - ], - [ - "ĠPlate", - "let" - ], - [ - "Gener", - "ator" - ], - [ - "Ar", - "ch" - ], - [ - "ĠBen", - "ed" - ], - [ - "pre", - "ceq" - ], - [ - "meas", - "urable" - ], - [ - "C", - "AS" - ], - [ - "ĠT", - "ourn" - ], - [ - "Ġg", - "iants" - ], - [ - "Ġed", - "dies" - ], - [ - "Ġcolumn", - "ar" - ], - [ - "agg", - "regation" - ], - [ - "Ġzircon", - "ia" - ], - [ - "duc", - "ibility" - ], - [ - "Ġserv", - "o" - ], - [ - "Ġbe", - "auty" - ], - [ - "Ġhe", - "ap" - ], - [ - "ĠâĪĴ", - "âĪĴâĪĴ" - ], - [ - "Ġconduc", - "tivities" - ], - [ - "Ġdark", - "ness" - ], - [ - "Ġoccup", - "ying" - ], - [ - "ĠCle", - "an" - ], - [ - "b", - "ash" - ], - [ - "ul", - "ans" - ], - [ - "app", - "y" - ], - [ - "ĠMark", - "er" - ], - [ - "run", - "time" - ], - [ - "Ġhaem", - "oglobin" - ], - [ - "Ġdesk", - "top" - ], - [ - "m", - "is" - ], - [ - "ĠS", - "of" - ], - [ - "os", - "se" - ], - [ - "Ġcom", - "oving" - ], - [ - "Ġcl", - "utter" - ], - [ - "our", - "ced" - ], - [ - "Ġsub", - "j" - ], - [ - "arch", - "ing" - ], - [ - "ĠSol", - "omon" - ], - [ - "lock", - "ing" - ], - [ - "Ġpar", - "ap" - ], - [ - "Ġrot", - "ator" - ], - [ - "ĠACKNOWLEDGM", - "ENTS" - ], - [ - "T", - "er" - ], - [ - "y", - "ster" - ], - [ - "ĠWe", - "bb" - ], - [ - "Ġsubs", - "ample" - ], - [ - "osil", - "icate" - ], - [ - "T", - "raining" - ], - [ - "or", - "pha" - ], - [ - "Ġtime", - "out" - ], - [ - "otin", - "amide" - ], - [ - "ĠFab", - "ry" - ], - [ - "ĠRece", - "iver" - ], - [ - "Ġconjunc", - "tiv" - ], - [ - "ĠEcu", - "ador" - ], - [ - "ĠI", - "da" - ], - [ - "Ġcase", - "in" - ], - [ - "Ġïģ", - "¸" - ], - [ - "ĠBar", - "n" - ], - [ - "ĠSchool", - "s" - ], - [ - "el", - "ona" - ], - [ - "di", - "p" - ], - [ - "ĠCh", - "rys" - ], - [ - "IC", - "I" - ], - [ - "Ġposterior", - "i" - ], - [ - "Ġble", - "aching" - ], - [ - "ĠPerson", - "ality" - ], - [ - "um", - "bers" - ], - [ - "ĠM", - "odes" - ], - [ - "Ġno", - "tification" - ], - [ - "Ġsup", - "ine" - ], - [ - "alu", - "ed" - ], - [ - "ke", - "ep" - ], - [ - "ĠFran", - "z" - ], - [ - "Ġwound", - "ed" - ], - [ - "Y", - "L" - ], - [ - "Ġdi", - "lemma" - ], - [ - "ĠCl", - "ara" - ], - [ - "ĠCar", - "roll" - ], - [ - "Ġsick", - "ness" - ], - [ - "Ġprox", - "ies" - ], - [ - "ec", - "ks" - ], - [ - "ĠÏ", - "«" - ], - [ - "Ġplant", - "ing" - ], - [ - "Ġcipher", - "text" - ], - [ - "ĠF", - "amilies" - ], - [ - "ies", - "el" - ], - [ - "Ġinc", - "ongru" - ], - [ - "ĠExc", - "itation" - ], - [ - "Ġconfer", - "red" - ], - [ - "ĠBut", - "ter" - ], - [ - "Im", - "pl" - ], - [ - "coll", - "ision" - ], - [ - "id", - "ol" - ], - [ - "Ġac", - "quires" - ], - [ - "ĠO", - "wen" - ], - [ - "SA", - "M" - ], - [ - "ĠG", - "UT" - ], - [ - "lec", - "ts" - ], - [ - "Ġdele", - "g" - ], - [ - "Sh", - "ot" - ], - [ - "Ġanth", - "rac" - ], - [ - "Russ", - "ian" - ], - [ - "ĠP", - "CE" - ], - [ - "Ġâ", - "ĥĹ" - ], - [ - "ĠK", - "ab" - ], - [ - "NA", - "C" - ], - [ - "Ġarg", - "parse" - ], - [ - "ĠVi", - "ol" - ], - [ - "Ġantico", - "agulation" - ], - [ - "Ġcredi", - "bility" - ], - [ - "Ġrota", - "virus" - ], - [ - "ĠIn", - "vest" - ], - [ - "Ġrec", - "ol" - ], - [ - "vari", - "ety" - ], - [ - "Ġdeform", - "able" - ], - [ - "Ġenerge", - "tics" - ], - [ - "Ġconsult", - "ations" - ], - [ - "le", - "tics" - ], - [ - "ĠF", - "oss" - ], - [ - "ĠL", - "IGO" - ], - [ - "ph", - "p" - ], - [ - "ĠCh", - "al" - ], - [ - "ĠMal", - "awi" - ], - [ - "Ġstro", - "kes" - ], - [ - "h", - "orm" - ], - [ - "Ġb", - "s" - ], - [ - "Ġpl", - "ural" - ], - [ - "str", - "ategy" - ], - [ - "Ġmis", - "alignment" - ], - [ - "pre", - "vious" - ], - [ - "fil", - "ters" - ], - [ - "ĠDem", - "ographics" - ], - [ - "determ", - "inistic" - ], - [ - "Ġcycl", - "ophosphamide" - ], - [ - "Ġstre", - "ak" - ], - [ - "ĠBios", - "ynthesis" - ], - [ - "Ġsubcutaneous", - "ly" - ], - [ - "j", - "n" - ], - [ - "Ġam", - "picillin" - ], - [ - "ĠCh", - "ag" - ], - [ - "iform", - "es" - ], - [ - "IF", - "ICATION" - ], - [ - "Ġyour", - "self" - ], - [ - "Ġtoler", - "ability" - ], - [ - "Ġaut", - "ocl" - ], - [ - "rh", - "s" - ], - [ - "Ġpup", - "ils" - ], - [ - "Ġgaug", - "ed" - ], - [ - "L", - "ay" - ], - [ - "ĠS", - "anti" - ], - [ - "ĠD", - "BP" - ], - [ - "ĠG", - "ary" - ], - [ - "dri", - "ve" - ], - [ - "Ġtrust", - "worth" - ], - [ - "Ġconting", - "ency" - ], - [ - "C", - "ube" - ], - [ - "H", - "ost" - ], - [ - "f", - "u" - ], - [ - "Ġh", - "sa" - ], - [ - "iss", - "ner" - ], - [ - "IT", - "T" - ], - [ - "ĠSr", - "TiO" - ], - [ - "Ġcouns", - "elling" - ], - [ - "inte", - "grable" - ], - [ - "Ġunder", - "way" - ], - [ - "Ġstandard", - "ised" - ], - [ - "bi", - "us" - ], - [ - "First", - "ly" - ], - [ - "Ġporph", - "yrin" - ], - [ - "A", - "rea" - ], - [ - "i", - "w" - ], - [ - "Ġ", - "ub" - ], - [ - "ĠL", - "ynch" - ], - [ - "ĠW", - "BC" - ], - [ - "ild", - "en" - ], - [ - "Ġhom", - "eless" - ], - [ - "Ġmagnet", - "osphere" - ], - [ - "Ġnight", - "time" - ], - [ - "nc", - "bi" - ], - [ - "Ġdow", - "nt" - ], - [ - "le", - "thal" - ], - [ - "Ġinter", - "im" - ], - [ - "ĠRes", - "il" - ], - [ - "Ġcontinu", - "ally" - ], - [ - "ĠImmun", - "ofluorescence" - ], - [ - "Des", - "ign" - ], - [ - "Ġadvoc", - "ate" - ], - [ - "repta", - "vidin" - ], - [ - "f", - "w" - ], - [ - "st", - "ory" - ], - [ - "ĠP", - "SS" - ], - [ - "Ġfil", - "ed" - ], - [ - "Ġbed", - "rock" - ], - [ - "Ġisofl", - "urane" - ], - [ - "Ġrel", - "uct" - ], - [ - "ew", - "ard" - ], - [ - "ĠInd", - "ependence" - ], - [ - "ĠBurk", - "holder" - ], - [ - "Ġc", - "inn" - ], - [ - "Ġcap", - "tive" - ], - [ - "Ġcompos", - "ing" - ], - [ - "Ġrest", - "raint" - ], - [ - "Ġquestion", - "able" - ], - [ - "ĠTom", - "ato" - ], - [ - "Ġzer", - "oth" - ], - [ - "r", - "ins" - ], - [ - "ome", - "z" - ], - [ - "Ġgl", - "ia" - ], - [ - "ĠGl", - "ac" - ], - [ - "Ind", - "ependent" - ], - [ - "Ġobj", - "ectively" - ], - [ - "p", - "A" - ], - [ - "Ġfav", - "oring" - ], - [ - "ipel", - "ago" - ], - [ - "Ġincont", - "inence" - ], - [ - "b", - "ium" - ], - [ - "ĠL", - "Z" - ], - [ - "ĠL", - "ed" - ], - [ - "hex", - "yl" - ], - [ - "Ġce", - "ased" - ], - [ - "Ġole", - "ic" - ], - [ - "ĠImpair", - "ment" - ], - [ - "Ñ", - "ĸ" - ], - [ - "ong", - "o" - ], - [ - "Ġrun", - "ner" - ], - [ - "Ġcuc", - "umber" - ], - [ - "ĠPer", - "form" - ], - [ - "Ġdouble", - "ts" - ], - [ - "Ġeigen", - "function" - ], - [ - "ĠÌ", - "º" - ], - [ - "ĠHend", - "erson" - ], - [ - "K", - "lein" - ], - [ - "T", - "ab" - ], - [ - "Ġbe", - "er" - ], - [ - "oc", - "om" - ], - [ - "unc", - "iation" - ], - [ - "----", - "--" - ], - [ - "ĠT", - "SC" - ], - [ - "og", - "as" - ], - [ - "Ġr", - "ud" - ], - [ - "Ġinc", - "is" - ], - [ - "ĠLO", - "G" - ], - [ - "FB", - "Q" - ], - [ - "Ġinterconn", - "ection" - ], - [ - "Ã", - "®" - ], - [ - "ar", - "box" - ], - [ - "ĠI", - "BS" - ], - [ - "ĠN", - "CT" - ], - [ - "ĠG", - "and" - ], - [ - "Ġy", - "aw" - ], - [ - "ĠTrans", - "verse" - ], - [ - "ĠSud", - "an" - ], - [ - "Ġconstric", - "tion" - ], - [ - "H", - "or" - ], - [ - "Ġev", - "asion" - ], - [ - "Ġmer", - "omorphic" - ], - [ - "ĠPB", - "MC" - ], - [ - "I", - "UM" - ], - [ - "re", - "ed" - ], - [ - "ĠB", - "ö" - ], - [ - "ĠE", - "MB" - ], - [ - "uk", - "h" - ], - [ - "Ġwin", - "ners" - ], - [ - "Ġasc", - "ites" - ], - [ - "M", - "es" - ], - [ - "Ġe", - "clipse" - ], - [ - "ĠE", - "ocene" - ], - [ - "ad", - "iazol" - ], - [ - "Ġrecover", - "ies" - ], - [ - "Star", - "ting" - ], - [ - "re", - "ma" - ], - [ - "ĠÃ", - "İ" - ], - [ - "mon", - "otonic" - ], - [ - "ĠMe", - "OH" - ], - [ - "ĠFl", - "ood" - ], - [ - "Ġwat", - "ching" - ], - [ - "G", - "TP" - ], - [ - "i", - "el" - ], - [ - "m", - "üller" - ], - [ - "å", - "ħ" - ], - [ - "Ġpolyphen", - "ol" - ], - [ - "ĠL", - "MI" - ], - [ - "red", - "it" - ], - [ - "ther", - "m" - ], - [ - "Ġneur", - "ite" - ], - [ - "Qu", - "antum" - ], - [ - "rach", - "lor" - ], - [ - "ĠRub", - "in" - ], - [ - "Ġbf", - "nm" - ], - [ - "A", - "re" - ], - [ - "ar", - "achn" - ], - [ - "Ġd", - "uck" - ], - [ - "ĠTra", - "jectory" - ], - [ - "ĠNit", - "ric" - ], - [ - "l", - "v" - ], - [ - "u", - "id" - ], - [ - "im", - "ag" - ], - [ - "ĠM", - "ULT" - ], - [ - "Ġgen", - "re" - ], - [ - "ari", - "e" - ], - [ - "Ġtr", - "ifluor" - ], - [ - "ĠCor", - "pus" - ], - [ - "oli", - "osis" - ], - [ - "ĠCC", - "K" - ], - [ - "K", - "it" - ], - [ - "f", - "ather" - ], - [ - "Ġt", - "ennis" - ], - [ - "its", - "ch" - ], - [ - "HC", - "V" - ], - [ - "l", - "antic" - ], - [ - "ĠA", - "Q" - ], - [ - "iz", - "u" - ], - [ - "ast", - "atin" - ], - [ - "oth", - "io" - ], - [ - "ĠAn", - "atomy" - ], - [ - "Ġá", - "ŀ" - ], - [ - "glob", - "ulin" - ], - [ - "Ġinterp", - "ol" - ], - [ - "Ġtunn", - "els" - ], - [ - "Ġn", - "atri" - ], - [ - "im", - "ed" - ], - [ - "ĠD", - "ew" - ], - [ - "Ġsub", - "scripts" - ], - [ - "tit", - "es" - ], - [ - "Ġhistological", - "ly" - ], - [ - "O", - "pt" - ], - [ - "x", - "n" - ], - [ - "Ġres", - "ampling" - ], - [ - "ane", - "y" - ], - [ - "Ġtr", - "ast" - ], - [ - "Ġsin", - "ensis" - ], - [ - "Ġsenes", - "cent" - ], - [ - "F", - "ast" - ], - [ - "Ġh", - "ampered" - ], - [ - "Ġblock", - "er" - ], - [ - "ush", - "ima" - ], - [ - "Ġhospital", - "izations" - ], - [ - "L", - "im" - ], - [ - "o", - "ons" - ], - [ - "Ã", - "¿" - ], - [ - "ĠA", - "PS" - ], - [ - "ĠY", - "ok" - ], - [ - "ĠZ", - "am" - ], - [ - "Ġexperim", - "enter" - ], - [ - "ĠDis", - "ks" - ], - [ - "Ġà", - "¬" - ], - [ - "ĠS", - "cop" - ], - [ - "ĠA", - "ph" - ], - [ - "ĠP", - "arents" - ], - [ - "ĠPl", - "ots" - ], - [ - "ĠCON", - "T" - ], - [ - "ĠÐ", - "Ī" - ], - [ - "Ġhomolog", - "ue" - ], - [ - "ĠCool", - "ing" - ], - [ - "re", - "th" - ], - [ - "Ġo", - "vari" - ], - [ - "ĠT", - "amil" - ], - [ - "v", - "rule" - ], - [ - "ĠP", - "CP" - ], - [ - "ari", - "ous" - ], - [ - "Ac", - "tive" - ], - [ - "oprot", - "ection" - ], - [ - "ĠAlf", - "v" - ], - [ - "Ġinf", - "ra" - ], - [ - "ĠCo", - "herence" - ], - [ - "clos", - "ures" - ], - [ - "hydrox", - "ymethyl" - ], - [ - "E", - "H" - ], - [ - "Ġm", - "aser" - ], - [ - "ĠN", - "IST" - ], - [ - "lec", - "k" - ], - [ - "con", - "cat" - ], - [ - "Ġtra", - "ine" - ], - [ - "Ġmix", - "es" - ], - [ - "Ġrib", - "osomes" - ], - [ - "l", - "ia" - ], - [ - "p", - "uls" - ], - [ - "Ġas", - "cer" - ], - [ - "ĠB", - "anks" - ], - [ - "ell", - "in" - ], - [ - "ap", - "plied" - ], - [ - "Ġcl", - "ips" - ], - [ - "Ġmet", - "ap" - ], - [ - "Ġcop", - "ro" - ], - [ - "Ġepid", - "id" - ], - [ - "ĠEpidem", - "iological" - ], - [ - "ĠNich", - "olas" - ], - [ - "ĠK", - "ings" - ], - [ - "Ġlar", - "va" - ], - [ - "Bs", - "Ag" - ], - [ - "ĠS", - "ánchez" - ], - [ - "ĠâĪ", - "İ" - ], - [ - "AM", - "D" - ], - [ - "ĠHa", - "o" - ], - [ - "ĠBill", - "board" - ], - [ - "ĠAbor", - "iginal" - ], - [ - "Ġn", - "ylon" - ], - [ - "ĠN", - "AN" - ], - [ - "c", - "ores" - ], - [ - "ĠC", - "rop" - ], - [ - "Ġcom", - "mittees" - ], - [ - "Ġdi", - "hedral" - ], - [ - "ĠJ", - "uli" - ], - [ - "ĠAnd", - "y" - ], - [ - "hyd", - "ration" - ], - [ - "correspond", - "s" - ], - [ - "M", - "ut" - ], - [ - "Ġt", - "orn" - ], - [ - "ĠF", - "EV" - ], - [ - "Ġx", - "s" - ], - [ - "amp", - "hen" - ], - [ - "Ġsummar", - "ization" - ], - [ - "ĠEr", - "g" - ], - [ - "Ë", - "Ĩ" - ], - [ - "ĠJ", - "unction" - ], - [ - "anc", - "ouver" - ], - [ - "ĠEx", - "amining" - ], - [ - "ĠMarc", - "o" - ], - [ - "Po", - "inter" - ], - [ - "Ġscarc", - "ity" - ], - [ - "unc", - "ing" - ], - [ - "Ġbi", - "jective" - ], - [ - "ĠMain", - "e" - ], - [ - "ĠRH", - "IC" - ], - [ - "Ġtow", - "ers" - ], - [ - "Ġgent", - "amicin" - ], - [ - "Ġt", - "onic" - ], - [ - "Ġk", - "T" - ], - [ - "Ġclim", - "bing" - ], - [ - "Ġrecru", - "its" - ], - [ - "ĠHot", - "el" - ], - [ - "ĠJew", - "s" - ], - [ - "ĠRUN", - "X" - ], - [ - "Ġausten", - "ite" - ], - [ - "ĠOffic", - "er" - ], - [ - "in", - "ent" - ], - [ - "uc", - "c" - ], - [ - "ĠB", - "idirectional" - ], - [ - "Ġmay", - "or" - ], - [ - "ĠAss", - "ays" - ], - [ - "ĠER", - "G" - ], - [ - "SN", - "Ps" - ], - [ - "d", - "ine" - ], - [ - "Ch", - "ina" - ], - [ - "star", - "ting" - ], - [ - "Ġirr", - "ational" - ], - [ - "ĠDIF", - "FE" - ], - [ - "Ġmillisecond", - "s" - ], - [ - "L", - "ik" - ], - [ - "in", - "one" - ], - [ - "Ġâ", - "ģĦ" - ], - [ - "Ġcons", - "picuous" - ], - [ - "Ġsur", - "plus" - ], - [ - "ĠX", - "iong" - ], - [ - "Ġup", - "grade" - ], - [ - "Ġtim", - "ep" - ], - [ - "ĠÄ", - "Į" - ], - [ - "Te", - "V" - ], - [ - "orbid", - "ities" - ], - [ - "in", - "valid" - ], - [ - "Ġv", - "ide" - ], - [ - "ter", - "ra" - ], - [ - "Ġan", - "tin" - ], - [ - "em", - "ens" - ], - [ - "oc", - "ese" - ], - [ - "ĠK", - "I" - ], - [ - "Ġevolution", - "arily" - ], - [ - "K", - "er" - ], - [ - "ĠL", - "ES" - ], - [ - "cl", - "amp" - ], - [ - "Ġslow", - "ed" - ], - [ - "gly", - "coprotein" - ], - [ - "enti", - "eth" - ], - [ - "Ġab", - "road" - ], - [ - "Ġinterp", - "olating" - ], - [ - "Ġcataly", - "ze" - ], - [ - "ĠBelg", - "ian" - ], - [ - "Ġphotograp", - "hed" - ], - [ - "Ġp", - "ector" - ], - [ - "ĠS", - "IV" - ], - [ - "ĠE", - "LECT" - ], - [ - "Ġdes", - "al" - ], - [ - "one", - "ph" - ], - [ - "ĠCl", - "os" - ], - [ - "Ġafford", - "able" - ], - [ - "b", - "irds" - ], - [ - "g", - "om" - ], - [ - "Ġr", - "r" - ], - [ - "Ġun", - "i" - ], - [ - "ĠGen", - "us" - ], - [ - "ĠReg", - "ge" - ], - [ - "ĠMulti", - "dimensional" - ], - [ - "Ġpsych", - "opathology" - ], - [ - "Ġcer", - "tification" - ], - [ - "P", - "attern" - ], - [ - "ĠT", - "ower" - ], - [ - "Ġst", - "ern" - ], - [ - "Ġsub", - "lattice" - ], - [ - "Ġgr", - "at" - ], - [ - "Ġly", - "rics" - ], - [ - "f", - "mt" - ], - [ - "o", - "ceptive" - ], - [ - "Ġd", - "P" - ], - [ - "ĠHol", - "mes" - ], - [ - "Ġbudget", - "s" - ], - [ - "Ġeut", - "ectic" - ], - [ - "ĠP", - "v" - ], - [ - "ĠG", - "ott" - ], - [ - "Ġdis", - "infection" - ], - [ - "Ġret", - "inoic" - ], - [ - "ĠOb", - "st" - ], - [ - "Ġrepl", - "en" - ], - [ - "Ġâĸ", - "ł" - ], - [ - "K", - "utta" - ], - [ - "P", - "lease" - ], - [ - "ĠC", - "AG" - ], - [ - "ĠSti", - "r" - ], - [ - "spe", - "aking" - ], - [ - "Ġinsectic", - "ides" - ], - [ - "ĠFung", - "i" - ], - [ - "H", - "od" - ], - [ - "R", - "ON" - ], - [ - "co", - "il" - ], - [ - "ĠVis", - "ible" - ], - [ - "Ġin", - "ception" - ], - [ - "Ġe", - "GFR" - ], - [ - "Ġre", - "ionization" - ], - [ - "Ġdom", - "ination" - ], - [ - "ĠMet", - "ro" - ], - [ - "Ġsw", - "ept" - ], - [ - "MD", - "S" - ], - [ - "Ġsubs", - "idence" - ], - [ - "ĠFall", - "s" - ], - [ - "ĠD", - "rum" - ], - [ - "ĠCons", - "erved" - ], - [ - "ĠMy", - "ers" - ], - [ - "Ġadapt", - "ability" - ], - [ - "Ġly", - "ophil" - ], - [ - "ul", - "ina" - ], - [ - "are", - "lli" - ], - [ - "ocy", - "cles" - ], - [ - "ĠSO", - "A" - ], - [ - "Ġds", - "DNA" - ], - [ - "ĠCE", - "O" - ], - [ - "Ġanch", - "oring" - ], - [ - "Ġde", - "activation" - ], - [ - "yl", - "er" - ], - [ - "Ġinteresting", - "ly" - ], - [ - "Ġ", - "iliac" - ], - [ - "ĠB", - "org" - ], - [ - "ĠPT", - "C" - ], - [ - "ocyan", - "in" - ], - [ - "Ġun", - "used" - ], - [ - "ĠCar", - "rier" - ], - [ - "Wh", - "ich" - ], - [ - "Ġinterven", - "ing" - ], - [ - "Ġprivi", - "le" - ], - [ - "h", - "it" - ], - [ - "Ġche", - "aper" - ], - [ - "ĠCycl", - "in" - ], - [ - "p", - "lying" - ], - [ - "ĠC", - "leveland" - ], - [ - "ĠH", - "ahn" - ], - [ - "Ġag", - "glut" - ], - [ - "ĠAn", - "ch" - ], - [ - "ĠRed", - "ox" - ], - [ - "W", - "ill" - ], - [ - "ĠL", - "inn" - ], - [ - "ron", - "es" - ], - [ - "ĠNew", - "castle" - ], - [ - "ĠExp", - "ected" - ], - [ - "ĠOpportun", - "ities" - ], - [ - "ĠL", - "arger" - ], - [ - "Ġle", - "ach" - ], - [ - "Ġpep", - "per" - ], - [ - "S", - "ha" - ], - [ - "s", - "ector" - ], - [ - "y", - "ou" - ], - [ - "Ġre", - "plications" - ], - [ - "ch", - "olesterolem" - ], - [ - "ĠIn", - "vasion" - ], - [ - "Ġb", - "ony" - ], - [ - "ĠH", - "uber" - ], - [ - "the", - "nd" - ], - [ - "Ġreal", - "ised" - ], - [ - "Ġinvest", - "ments" - ], - [ - "C", - "ataly" - ], - [ - "ĠW", - "itt" - ], - [ - "ĠK", - "ai" - ], - [ - "Ġet", - "ched" - ], - [ - "ĠST", - "EM" - ], - [ - "Ġexcl", - "udes" - ], - [ - "Ex", - "ec" - ], - [ - "ĠStrong", - "ly" - ], - [ - "ĠSym", - "posium" - ], - [ - "ĠTub", - "erculosis" - ], - [ - "il", - "ance" - ], - [ - "ĠR", - "IS" - ], - [ - "ap", - "ia" - ], - [ - "ens", - "ated" - ], - [ - "ne", - "b" - ], - [ - "ĠCh", - "ains" - ], - [ - "Ġent", - "hus" - ], - [ - "quad", - "rup" - ], - [ - "dec", - "l" - ], - [ - "Ġbin", - "ned" - ], - [ - "Ġsynerg", - "istically" - ], - [ - "Ġgaug", - "es" - ], - [ - "whe", - "ther" - ], - [ - "dise", - "ase" - ], - [ - "W", - "estern" - ], - [ - "Ġhyp", - "othermia" - ], - [ - "ĠGard", - "ner" - ], - [ - "Ġaber", - "ration" - ], - [ - "R", - "od" - ], - [ - "Í", - "ĺ" - ], - [ - "Ġf", - "d" - ], - [ - "Ġst", - "ood" - ], - [ - "Ġcondition", - "ally" - ], - [ - "Ġthrom", - "bol" - ], - [ - "P", - "SC" - ], - [ - "Ġm", - "k" - ], - [ - "ĠT", - "ER" - ], - [ - "od", - "ds" - ], - [ - "ĠK", - "ri" - ], - [ - "ĠIV", - "F" - ], - [ - "Ġm", - "ites" - ], - [ - "ĠC", - "HE" - ], - [ - "Ġq", - "q" - ], - [ - "ĠInf", - "ants" - ], - [ - "ĠChar", - "lot" - ], - [ - "bec", - "co" - ], - [ - "et", - "om" - ], - [ - "ĠCD", - "S" - ], - [ - "Ġarchae", - "al" - ], - [ - "ĠHN", - "SCC" - ], - [ - "Ġmonod", - "romy" - ], - [ - "amphen", - "icol" - ], - [ - "a", - "pers" - ], - [ - "re", - "activity" - ], - [ - "Ġund", - "erm" - ], - [ - "In", - "ternal" - ], - [ - "ĠLands", - "at" - ], - [ - "G", - "erman" - ], - [ - "Ġcer", - "vix" - ], - [ - "id", - "azole" - ], - [ - "ĠS", - "ketch" - ], - [ - "ĠL", - "AM" - ], - [ - "ĠN", - "erve" - ], - [ - "ĠTe", - "h" - ], - [ - "Ġmuss", - "el" - ], - [ - "Ð", - "·" - ], - [ - "ĠMicro", - "array" - ], - [ - "we", - "i" - ], - [ - "Ġwhe", - "y" - ], - [ - "Ġmix", - "er" - ], - [ - "Ġrecon", - "figurable" - ], - [ - "Ġvascul", - "itis" - ], - [ - "Ġkw", - "args" - ], - [ - "Ġre", - "us" - ], - [ - "cor", - "relations" - ], - [ - "Ġwood", - "y" - ], - [ - "carbon", - "ate" - ], - [ - "ectom", - "ized" - ], - [ - "Ġret", - "rans" - ], - [ - "Ġcyt", - "ometric" - ], - [ - "ĠWild", - "life" - ], - [ - "ĠAnsw", - "ering" - ], - [ - "Ġp", - "encil" - ], - [ - "ĠD", - "AS" - ], - [ - "ak", - "rish" - ], - [ - "CE", - "PT" - ], - [ - "ĠÄ", - "Ŀ" - ], - [ - "ĠPers", - "ian" - ], - [ - "conver", - "ting" - ], - [ - "Ġc", - "ater" - ], - [ - "Ġmean", - "while" - ], - [ - "TP", - "A" - ], - [ - "Ġr", - "um" - ], - [ - "ĠG", - "ros" - ], - [ - "up", - "e" - ], - [ - "Ġreg", - "urg" - ], - [ - "Ġpenal", - "ties" - ], - [ - "Pos", - "itive" - ], - [ - "************************************************************************", - "****" - ], - [ - "X", - "F" - ], - [ - "e", - "enth" - ], - [ - "ĠC", - "ory" - ], - [ - "od", - "ulation" - ], - [ - "Ġqu", - "orum" - ], - [ - "c", - "odes" - ], - [ - "ar", - "am" - ], - [ - "ĠT", - "SA" - ], - [ - "ĠP", - "n" - ], - [ - "âĪ", - "ij" - ], - [ - "pr", - "ison" - ], - [ - "Ġconfidential", - "ity" - ], - [ - "E", - "PS" - ], - [ - "X", - "iv" - ], - [ - "i", - "ensis" - ], - [ - "est", - "ones" - ], - [ - "ĠZ", - "ag" - ], - [ - "Ġpred", - "ecessor" - ], - [ - "Ġpri", - "ze" - ], - [ - "Ġâİ", - "¨" - ], - [ - "ster", - "oidal" - ], - [ - "op", - "ard" - ], - [ - "Ġimp", - "ractical" - ], - [ - "Ġdemonstr", - "ations" - ], - [ - "Ġpredis", - "position" - ], - [ - "Ġk", - "k" - ], - [ - "Ġmod", - "ifiers" - ], - [ - "Ġprec", - "a" - ], - [ - "Ġexec", - "utes" - ], - [ - "Ġbin", - "ning" - ], - [ - "Ġped", - "ig" - ], - [ - "ĠKL", - "F" - ], - [ - "ĠS", - "keletal" - ], - [ - "ĠC", - "IN" - ], - [ - "ature", - "d" - ], - [ - "Ġdecom", - "poses" - ], - [ - "Ġaph", - "id" - ], - [ - "B", - "ern" - ], - [ - "P", - "ur" - ], - [ - "ĠE", - "PO" - ], - [ - "mer", - "ge" - ], - [ - "ĠCO", - "SM" - ], - [ - "am", - "yloid" - ], - [ - "mon", - "ia" - ], - [ - "ĠSc", - "ores" - ], - [ - "ĠReg", - "istration" - ], - [ - "ĠAg", - "robacterium" - ], - [ - "Ġenter", - "prises" - ], - [ - "loc", - "ality" - ], - [ - "ĠIT", - "O" - ], - [ - "Ġt", - "ess" - ], - [ - "Ġf", - "cc" - ], - [ - "ĠN", - "c" - ], - [ - "Ġco", - "axial" - ], - [ - "ĠAd", - "vant" - ], - [ - "AP", - "C" - ], - [ - "ĠDem", - "and" - ], - [ - "adj", - "ust" - ], - [ - "Po", - "ints" - ], - [ - "Ġhetero", - "structure" - ], - [ - "iffiffiffiffiffiffiffiff", - "iffiffiffiffiffiffiffiff" - ], - [ - "D", - "Q" - ], - [ - "Ġt", - "ensions" - ], - [ - "ab", - "und" - ], - [ - "ĠH", - "utch" - ], - [ - "bre", - "w" - ], - [ - "Ġvit", - "reous" - ], - [ - "ĠEZ", - "H" - ], - [ - "Ġm", - "erc" - ], - [ - "Ġdeb", - "ated" - ], - [ - "Ġpal", - "ate" - ], - [ - "ocol", - "ate" - ], - [ - "Ġevap", - "otranspiration" - ], - [ - "Ġáº", - "¼" - ], - [ - "ĠHoff", - "man" - ], - [ - "ĠGALAX", - "IES" - ], - [ - "C", - "AL" - ], - [ - "c", - "aps" - ], - [ - "le", - "gal" - ], - [ - "di", - "ed" - ], - [ - "ĠIs", - "olates" - ], - [ - "Ġagg", - "rav" - ], - [ - "q", - "s" - ], - [ - "ĠI", - "CT" - ], - [ - "Ġse", - "als" - ], - [ - "Ġspin", - "el" - ], - [ - "ĠGe", - "or" - ], - [ - "Bl", - "ue" - ], - [ - "Ġure", - "ter" - ], - [ - "spl", - "ine" - ], - [ - "ĠIntro", - "ducing" - ], - [ - "thend", - "ieck" - ], - [ - "op", - "per" - ], - [ - "Ġafter", - "glow" - ], - [ - "Ġend", - "osomal" - ], - [ - "Ġreal", - "izes" - ], - [ - "sol", - "ving" - ], - [ - "Ġmist", - "ake" - ], - [ - "ĠAthe", - "ros" - ], - [ - "ĠS", - "BS" - ], - [ - "ĠR", - "ut" - ], - [ - "ex", - "ist" - ], - [ - "Pro", - "f" - ], - [ - "ĠNe", - "isser" - ], - [ - "MS", - "G" - ], - [ - "ĠEar", - "lier" - ], - [ - "Ġd", - "T" - ], - [ - "ĠSp", - "read" - ], - [ - "ĠRef", - "lection" - ], - [ - "second", - "ary" - ], - [ - "approxim", - "ate" - ], - [ - "Ġnig", - "ra" - ], - [ - "S", - "olution" - ], - [ - "an", - "one" - ], - [ - "ĠIt", - "ems" - ], - [ - "Ġwave", - "lets" - ], - [ - "ĠSol", - "uble" - ], - [ - "Ġcircular", - "ly" - ], - [ - "ĠCU", - "DA" - ], - [ - "Ġreg", - "enerated" - ], - [ - "SP", - "I" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠĠĠ" - ], - [ - "at", - "uring" - ], - [ - "RE", - "Q" - ], - [ - "Ġinter", - "oper" - ], - [ - "ree", - "v" - ], - [ - "ON", - "T" - ], - [ - "isc", - "hen" - ], - [ - "ĠCho", - "osing" - ], - [ - "phosphor", - "ylated" - ], - [ - "á", - "Ī" - ], - [ - "Ġd", - "ress" - ], - [ - "ĠCon", - "form" - ], - [ - "Ġrem", - "emb" - ], - [ - "Ġischa", - "emic" - ], - [ - "B", - "asic" - ], - [ - "ĠP", - "ang" - ], - [ - "Ġcr", - "it" - ], - [ - "ĠOr", - "n" - ], - [ - "Ġg", - "m" - ], - [ - "ĠF", - "og" - ], - [ - "ĠB", - "d" - ], - [ - "rac", - "heal" - ], - [ - "Ġphen", - "ols" - ], - [ - "ĠDist", - "ingu" - ], - [ - "Ġâİ", - "©" - ], - [ - "ĠGR", - "Bs" - ], - [ - "ĠCe", - "O" - ], - [ - "ĠBiom", - "ass" - ], - [ - "Ġapt", - "amer" - ], - [ - "v", - "isc" - ], - [ - "he", - "tically" - ], - [ - "Ġs", - "id" - ], - [ - "ome", - "g" - ], - [ - "Ġproportion", - "ality" - ], - [ - "ÃŃ", - "s" - ], - [ - "toplas", - "mic" - ], - [ - "ĠConn", - "ected" - ], - [ - "Ġlamin", - "in" - ], - [ - "stra", - "hlung" - ], - [ - "ĠL", - "ad" - ], - [ - "TR", - "AN" - ], - [ - "ä", - "r" - ], - [ - "Ġbasal", - "t" - ], - [ - "ĠCur", - "vature" - ], - [ - "Ġmitig", - "ating" - ], - [ - "opa", - "edic" - ], - [ - "ĠMuh", - "ammad" - ], - [ - "C", - "AR" - ], - [ - "G", - "i" - ], - [ - "Ġet", - "ch" - ], - [ - "ha", - "ir" - ], - [ - "Ġpur", - "ine" - ], - [ - "Ġbenchmark", - "ing" - ], - [ - "re", - "ich" - ], - [ - "Ġmet", - "hicillin" - ], - [ - "âĪ", - "¥" - ], - [ - "Ġman", - "ages" - ], - [ - "sol", - "vent" - ], - [ - "ĠSha", - "o" - ], - [ - "h", - "c" - ], - [ - "Ġstr", - "uck" - ], - [ - "Ġnucle", - "osome" - ], - [ - "ĠPubl", - "ication" - ], - [ - "M", - "etric" - ], - [ - "Ġw", - "ines" - ], - [ - "ĠM", - "BL" - ], - [ - "ĠH", - "ub" - ], - [ - "ĠAss", - "istant" - ], - [ - "Ġreli", - "ance" - ], - [ - "Ġrout", - "ers" - ], - [ - "ĠHer", - "z" - ], - [ - "ĠTob", - "acco" - ], - [ - "ro", - "gram" - ], - [ - "ĠH", - "SD" - ], - [ - "ĠL", - "BP" - ], - [ - "Ġinf", - "lection" - ], - [ - "sch", - "ool" - ], - [ - "Ġspons", - "ored" - ], - [ - "ĠCen", - "ozoic" - ], - [ - "Ġentertain", - "ment" - ], - [ - "ati", - "an" - ], - [ - "archit", - "ecture" - ], - [ - "brow", - "se" - ], - [ - "RE", - "C" - ], - [ - "ist", - "ure" - ], - [ - "ĠCh", - "olesterol" - ], - [ - "ĠSim", - "plified" - ], - [ - "Ġpolyp", - "eptides" - ], - [ - "Ġpunct", - "ures" - ], - [ - "arachn", - "oid" - ], - [ - "S", - "elf" - ], - [ - "Ġan", - "orexia" - ], - [ - "ĠO", - "le" - ], - [ - "ĉĉ", - "ĠĠĠĠ" - ], - [ - "GB", - "T" - ], - [ - "Ġcardiomy", - "ocyte" - ], - [ - "ĠFlo", - "quet" - ], - [ - "anal", - "og" - ], - [ - "Ġsensiti", - "zed" - ], - [ - "ĠCep", - "he" - ], - [ - "c", - "atch" - ], - [ - "ch", - "ial" - ], - [ - "Ġcere", - "mony" - ], - [ - "Ġter", - "at" - ], - [ - "Ġamelior", - "ate" - ], - [ - "olys", - "in" - ], - [ - "et", - "ooth" - ], - [ - "ak", - "in" - ], - [ - "ha", - "em" - ], - [ - "Ġent", - "ropies" - ], - [ - "Ġarg", - "u" - ], - [ - "Ġcop", - "ied" - ], - [ - "ling", - "ton" - ], - [ - "ĠHer", - "pes" - ], - [ - "ĠSchw", - "ann" - ], - [ - "y", - "k" - ], - [ - "ĠC", - "EA" - ], - [ - "ĠI", - "CH" - ], - [ - "Ġwr", - "ink" - ], - [ - "Ġrun", - "ners" - ], - [ - "Ġgal", - "van" - ], - [ - "Ġconsol", - "idated" - ], - [ - "ĠâĢ", - "¡" - ], - [ - "ĠClass", - "ic" - ], - [ - "Ġepidem", - "iologic" - ], - [ - "ĠDri", - "ving" - ], - [ - "Ġtrast", - "uzumab" - ], - [ - "C", - "YP" - ], - [ - "N", - "CT" - ], - [ - "t", - "ability" - ], - [ - "Ġs", - "lee" - ], - [ - "ĠN", - "eck" - ], - [ - "Ġassess", - "es" - ], - [ - "Ġsymmet", - "rically" - ], - [ - "ĠPot", - "ts" - ], - [ - "ĠRib", - "osomal" - ], - [ - "d", - "iction" - ], - [ - "g", - "all" - ], - [ - "ĠAcc", - "eleration" - ], - [ - "CL", - "A" - ], - [ - "ACT", - "ER" - ], - [ - "x", - "ed" - ], - [ - "Ġg", - "eriatric" - ], - [ - "th", - "reonine" - ], - [ - "Ġab", - "ort" - ], - [ - "Ġar", - "tem" - ], - [ - "ĠDis", - "ney" - ], - [ - "ĠCorrespond", - "ence" - ], - [ - "Ġre", - "nt" - ], - [ - "ĠN", - "UM" - ], - [ - "ĠCh", - "un" - ], - [ - "ĠRec", - "ogn" - ], - [ - "Ġcrystall", - "ized" - ], - [ - "Ġcontrad", - "icting" - ], - [ - "vis", - "ors" - ], - [ - "mal", - "ignant" - ], - [ - "rophys", - "iology" - ], - [ - "Inf", - "rared" - ], - [ - "g", - "z" - ], - [ - "Ġsub", - "lim" - ], - [ - "omat", - "osis" - ], - [ - "osyl", - "transferase" - ], - [ - "Ġholog", - "raphy" - ], - [ - "oren", - "stein" - ], - [ - "¾", - "±" - ], - [ - "ĠSe", - "bas" - ], - [ - "acc", - "um" - ], - [ - "Up", - "per" - ], - [ - "ant", - "enna" - ], - [ - "Ġbl", - "ur" - ], - [ - "Ġsm", - "ell" - ], - [ - "Ġthree", - "fold" - ], - [ - "ĠPl", - "ayers" - ], - [ - "Ġallevi", - "ated" - ], - [ - "B", - "in" - ], - [ - "Ġn", - "inet" - ], - [ - "ĠD", - "na" - ], - [ - "Ġgeneral", - "izing" - ], - [ - "Ġbreak", - "age" - ], - [ - "ĠMor", - "rison" - ], - [ - "mac", - "ro" - ], - [ - "Read", - "er" - ], - [ - "ograv", - "imetric" - ], - [ - "Ġd", - "h" - ], - [ - "le", - "w" - ], - [ - "xt", - "on" - ], - [ - "Ġdec", - "eleration" - ], - [ - "ĠCor", - "related" - ], - [ - "ĠLeg", - "ion" - ], - [ - "Ġgam", - "bling" - ], - [ - "B", - "inding" - ], - [ - "ĠIn", - "As" - ], - [ - "low", - "ering" - ], - [ - "Ġeuthan", - "ized" - ], - [ - "ĠDall", - "as" - ], - [ - "ĠD", - "w" - ], - [ - "ĠDi", - "jk" - ], - [ - "ĠPol", - "ic" - ], - [ - "ĠT", - "IME" - ], - [ - "ĠH", - "EL" - ], - [ - "ĠL", - "anguages" - ], - [ - "Ġpar", - "abol" - ], - [ - "por", - "ating" - ], - [ - "Ġfr", - "ustration" - ], - [ - "μ", - "M" - ], - [ - "ball", - "s" - ], - [ - "ĠArm", - "strong" - ], - [ - "Ġcontrac", - "tility" - ], - [ - "Ġmetalloprotein", - "ases" - ], - [ - "am", - "eric" - ], - [ - "ĠZ", - "ak" - ], - [ - "ĠCost", - "s" - ], - [ - "A", - "lex" - ], - [ - "d", - "og" - ], - [ - "p", - "w" - ], - [ - "ĠT", - "ight" - ], - [ - "ĠAn", - "terior" - ], - [ - "Ġpe", - "aking" - ], - [ - "Ġneg", - "ativity" - ], - [ - "Ġhyd", - "ride" - ], - [ - "ĠL", - "iv" - ], - [ - "Ġster", - "ilized" - ], - [ - "Ġverb", - "atim" - ], - [ - "Altern", - "atively" - ], - [ - "RE", - "QU" - ], - [ - "ĠTy", - "phimurium" - ], - [ - "ĠWein", - "berg" - ], - [ - "D", - "SC" - ], - [ - "r", - "q" - ], - [ - "Ġcor", - "rug" - ], - [ - "Ġmic", - "rons" - ], - [ - "co", - "ord" - ], - [ - "i", - "oid" - ], - [ - "s", - "at" - ], - [ - "Ġfl", - "occ" - ], - [ - "ĠAcc", - "elerated" - ], - [ - "Ġsix", - "teen" - ], - [ - "abs", - "ence" - ], - [ - "ĠSpe", - "aker" - ], - [ - "om", - "ological" - ], - [ - "ĠA", - "pr" - ], - [ - "Ġmat", - "roid" - ], - [ - "tig", - "ht" - ], - [ - "ogene", - "tically" - ], - [ - "rum", - "p" - ], - [ - "ĠInhib", - "its" - ], - [ - "ĠOlymp", - "us" - ], - [ - "Ġposs", - "ession" - ], - [ - "Ġsuper", - "visor" - ], - [ - "Ġconc", - "ise" - ], - [ - "optim", - "ized" - ], - [ - "v", - "ivo" - ], - [ - "Ġstep", - "ped" - ], - [ - "ocy", - "anine" - ], - [ - "F", - "ive" - ], - [ - "an", - "as" - ], - [ - "ar", - "ten" - ], - [ - "ĠC", - "aco" - ], - [ - "Ġsol", - "utes" - ], - [ - "IT", - "AL" - ], - [ - "ĠRed", - "dy" - ], - [ - "Ġwar", - "ping" - ], - [ - "Ġolig", - "omer" - ], - [ - "Ġc", - "apped" - ], - [ - "Ġv", - "oted" - ], - [ - "ĠR", - "ico" - ], - [ - "ĠT", - "rem" - ], - [ - "Ġl", - "ime" - ], - [ - "ĠI", - "SP" - ], - [ - "ĠL", - "ayers" - ], - [ - "sk", - "in" - ], - [ - "rang", - "ed" - ], - [ - "á", - "z" - ], - [ - "Ġbio", - "activity" - ], - [ - "Ġd", - "urable" - ], - [ - "Ġh", - "n" - ], - [ - "ĠC", - "AB" - ], - [ - "Ġv", - "a" - ], - [ - "ĠU", - "WB" - ], - [ - "ĠSt", - "uart" - ], - [ - "Ġlength", - "y" - ], - [ - "Ġinvas", - "iveness" - ], - [ - "Ġâĩ", - "Ķ" - ], - [ - "jo", - "ining" - ], - [ - "ĠRB", - "Cs" - ], - [ - "Ġresil", - "ient" - ], - [ - "ĠManip", - "ulation" - ], - [ - "G", - "erm" - ], - [ - "cont", - "ribution" - ], - [ - "Ġqual", - "ify" - ], - [ - "ĠD", - "ashed" - ], - [ - "Ġacceler", - "ations" - ], - [ - "ĠCyt", - "ochrome" - ], - [ - "Ġcircumst", - "ellar" - ], - [ - "c", - "avity" - ], - [ - "Ġan", - "atase" - ], - [ - "ĠDe", - "vi" - ], - [ - "Ġpur", - "su" - ], - [ - "ĠMicro", - "RNAs" - ], - [ - "Ġnorth", - "ward" - ], - [ - "Ġsun", - "flower" - ], - [ - "ĠEnter", - "tainment" - ], - [ - "Pac", - "ific" - ], - [ - "ĠHolog", - "raphic" - ], - [ - "u", - "j" - ], - [ - "ere", - "ll" - ], - [ - "met", - "hanol" - ], - [ - "Sur", - "face" - ], - [ - "opos", - "itive" - ], - [ - "Ġthreat", - "ening" - ], - [ - "Ġtransc", - "end" - ], - [ - "D", - "epend" - ], - [ - "Ġq", - "i" - ], - [ - "tis", - "ed" - ], - [ - "ĠBr", - "istol" - ], - [ - "umm", - "ation" - ], - [ - "Ġextract", - "or" - ], - [ - "Ġfav", - "oured" - ], - [ - "ĠPy", - "ro" - ], - [ - "ĠEngine", - "ers" - ], - [ - "flat", - "ten" - ], - [ - "toler", - "ance" - ], - [ - "Ġ", - "xt" - ], - [ - "ĠT", - "ot" - ], - [ - "Ġtest", - "bed" - ], - [ - "IC", - "U" - ], - [ - "ĠSw", - "arm" - ], - [ - "Ġintern", - "ationally" - ], - [ - "Ġant", - "ine" - ], - [ - "ĠInsur", - "ance" - ], - [ - "b", - "ai" - ], - [ - "n", - "h" - ], - [ - "Ñ", - "ĭ" - ], - [ - "os", - "ac" - ], - [ - "ĠL", - "ec" - ], - [ - "th", - "or" - ], - [ - "Ġout", - "ermost" - ], - [ - "Ġdo", - "ors" - ], - [ - "Ġbi", - "ometric" - ], - [ - "glut", - "amate" - ], - [ - "ĠWood", - "s" - ], - [ - "ĠMun", - "ich" - ], - [ - "u", - "ximab" - ], - [ - "pl", - "aces" - ], - [ - "Ġam", - "yotrophic" - ], - [ - "ĠPar", - "am" - ], - [ - "ĠChrist", - "ensen" - ], - [ - "A", - "ge" - ], - [ - "en", - "ne" - ], - [ - "Ġan", - "im" - ], - [ - "Ġrec", - "rystallization" - ], - [ - "ĠPro", - "positions" - ], - [ - "Ġsn", - "ails" - ], - [ - "Second", - "ly" - ], - [ - "ĠPU", - "FA" - ], - [ - "F", - "rance" - ], - [ - "S", - "rc" - ], - [ - "v", - "itro" - ], - [ - "om", - "ass" - ], - [ - "ur", - "u" - ], - [ - "ĠL", - "ever" - ], - [ - "ect", - "onic" - ], - [ - "emb", - "l" - ], - [ - "PC", - "L" - ], - [ - "Ġcoordin", - "ator" - ], - [ - "ĠFox", - "p" - ], - [ - "ĠBir", - "mingham" - ], - [ - "ĠLib", - "eral" - ], - [ - "Ġcru", - "ise" - ], - [ - "Ġi", - "θ" - ], - [ - "Ġsym", - "p" - ], - [ - "az", - "aki" - ], - [ - "ĠPar", - "se" - ], - [ - "Ġhyd", - "rologic" - ], - [ - "Ġprolong", - "ation" - ], - [ - "ĠHay", - "es" - ], - [ - "Ġsubm", - "uc" - ], - [ - "Ġaggl", - "omeration" - ], - [ - "A", - "RE" - ], - [ - "ĠF", - "MR" - ], - [ - "ĠL", - "omb" - ], - [ - "math", - "char" - ], - [ - "Ġstruct", - "uring" - ], - [ - "Ġelectroph", - "oretic" - ], - [ - "Ġdimin", - "ishing" - ], - [ - "Ġbra", - "ke" - ], - [ - "chen", - "ko" - ], - [ - "ĠPere", - "ira" - ], - [ - "l", - "ens" - ], - [ - "Ġback", - "end" - ], - [ - "Ġillustr", - "ations" - ], - [ - "Ġdemand", - "ed" - ], - [ - "Ġnotice", - "ably" - ], - [ - "ĠKa", - "iser" - ], - [ - "ĠDavid", - "son" - ], - [ - "Ġbrak", - "ing" - ], - [ - "T", - "p" - ], - [ - "For", - "ward" - ], - [ - "μ", - "ν" - ], - [ - "ĠCd", - "S" - ], - [ - "Ġaster", - "oids" - ], - [ - "Provid", - "er" - ], - [ - "ĠE", - "ut" - ], - [ - "Ġtr", - "il" - ], - [ - "ung", - "s" - ], - [ - "Ġdiv", - "ing" - ], - [ - "ĠUAV", - "s" - ], - [ - "ĠiP", - "SC" - ], - [ - "i", - "int" - ], - [ - "Ġ", - "×" - ], - [ - "th", - "rombin" - ], - [ - "Ġcoordin", - "ating" - ], - [ - "ext", - "rem" - ], - [ - "Ġembol", - "ization" - ], - [ - "ĠAdi", - "p" - ], - [ - "pl", - "ated" - ], - [ - "ĠH", - "ag" - ], - [ - "ĠE", - "TS" - ], - [ - "Ġbro", - "od" - ], - [ - "An", - "g" - ], - [ - "ĠPC", - "V" - ], - [ - "det", - "ail" - ], - [ - "R", - "SS" - ], - [ - "b", - "ens" - ], - [ - "Ġt", - "ier" - ], - [ - "ĠC", - "ock" - ], - [ - "Ġg", - "ay" - ], - [ - "Ġqu", - "int" - ], - [ - "Ġag", - "enda" - ], - [ - "Ġaff", - "airs" - ], - [ - "ĠMod", - "erate" - ], - [ - "hel", - "ical" - ], - [ - "ĠEqu", - "ivalent" - ], - [ - "Ġproportion", - "ally" - ], - [ - "Col", - "umn" - ], - [ - "FW", - "HM" - ], - [ - "A", - "ir" - ], - [ - "E", - "num" - ], - [ - "ific", - "e" - ], - [ - "arc", - "sec" - ], - [ - "ĠTR", - "IM" - ], - [ - "ĠLab", - "eling" - ], - [ - "Q", - "AM" - ], - [ - "p", - "ies" - ], - [ - "Ġis", - "otropy" - ], - [ - "ĠG", - "ó" - ], - [ - "Ġpo", - "inters" - ], - [ - "tig", - "raphy" - ], - [ - "ram", - "ers" - ], - [ - "Ġmac", - "aque" - ], - [ - "Ġmiss", - "es" - ], - [ - "Ġelliptic", - "ity" - ], - [ - "present", - "ed" - ], - [ - "galact", - "osidase" - ], - [ - "É", - "Ľ" - ], - [ - "in", - "ion" - ], - [ - "Ġm", - "ite" - ], - [ - "ll", - "l" - ], - [ - "Ob", - "jective" - ], - [ - "Ġprison", - "ers" - ], - [ - "ĠHerc", - "ules" - ], - [ - "Ġanti", - "s" - ], - [ - "Ġclos", - "ures" - ], - [ - "ĠMar", - "tian" - ], - [ - "Ġter", - "pen" - ], - [ - "rob", - "ust" - ], - [ - "Ġsequel", - "ae" - ], - [ - "al", - "arial" - ], - [ - "ĠC", - "SA" - ], - [ - "ĠB", - "land" - ], - [ - "ĠG", - "ent" - ], - [ - "Ġor", - "phan" - ], - [ - "Ġind", - "ent" - ], - [ - "big", - "wedge" - ], - [ - "Ġdefin", - "able" - ], - [ - "Ġolig", - "osaccharides" - ], - [ - "ĠBat", - "talion" - ], - [ - "Ġis", - "ometries" - ], - [ - "az", - "olin" - ], - [ - "ĠSh", - "own" - ], - [ - "spect", - "ra" - ], - [ - "Vis", - "ual" - ], - [ - "<<<<", - "<<<<" - ], - [ - "Ġlenti", - "viral" - ], - [ - "othel", - "ioma" - ], - [ - "Ġted", - "ious" - ], - [ - "ĠB", - "CI" - ], - [ - "Ġge", - "ologic" - ], - [ - "Ġconsum", - "es" - ], - [ - "ĠAbl", - "ation" - ], - [ - "le", - "ast" - ], - [ - "Ġth", - "igh" - ], - [ - "Ġsec", - "recy" - ], - [ - "cover", - "ing" - ], - [ - "e", - "iro" - ], - [ - "Ã", - "µ" - ], - [ - "ĠT", - "BS" - ], - [ - "Ġis", - "omerase" - ], - [ - "Ġrecomm", - "ends" - ], - [ - "ĠVor", - "tex" - ], - [ - "ĠB", - "ray" - ], - [ - "Ġsub", - "d" - ], - [ - "ĠOp", - "tions" - ], - [ - "Ġmetam", - "aterial" - ], - [ - "ĠSqu", - "ares" - ], - [ - "t", - "rap" - ], - [ - "im", - "on" - ], - [ - "Ġhe", - "sit" - ], - [ - "Ġab", - "c" - ], - [ - "cess", - "ing" - ], - [ - "ĠRE", - "T" - ], - [ - "Ġpin", - "ned" - ], - [ - "Ġket", - "ones" - ], - [ - "Ġweld", - "ed" - ], - [ - "ĠMitochond", - "ria" - ], - [ - "Ġing", - "ested" - ], - [ - "ĠQ", - "FT" - ], - [ - "Ġcompar", - "ator" - ], - [ - "Ġoxid", - "oreductase" - ], - [ - "Ġtet", - "rad" - ], - [ - "ĠSens", - "itive" - ], - [ - "Ġcatch", - "ments" - ], - [ - "Ġrefuge", - "es" - ], - [ - "Ġpuber", - "ty" - ], - [ - "A", - "rab" - ], - [ - "Ġinter", - "annual" - ], - [ - "sc", - "attered" - ], - [ - "ĠMet", - "am" - ], - [ - "Ġcycl", - "ization" - ], - [ - "pert", - "ures" - ], - [ - "ĠLIN", - "C" - ], - [ - "r", - "ules" - ], - [ - "ĠP", - "ont" - ], - [ - "PT", - "H" - ], - [ - "ĉĉĉĉ", - "ĉĉĉĉ" - ], - [ - "S", - "anta" - ], - [ - "ĠL", - "NC" - ], - [ - "Ġsub", - "modular" - ], - [ - "rec", - "tive" - ], - [ - "Ġtr", - "if" - ], - [ - "Ġsent", - "inel" - ], - [ - "ĠTw", - "in" - ], - [ - "kelet", - "ons" - ], - [ - "m", - "iral" - ], - [ - "am", - "ing" - ], - [ - "ĠG", - "ay" - ], - [ - "Ġinter", - "specific" - ], - [ - "Ġrel", - "ieve" - ], - [ - "Ġend", - "omorphism" - ], - [ - "ĠExp", - "anding" - ], - [ - "ĠRun", - "time" - ], - [ - "y", - "ang" - ], - [ - "re", - "quires" - ], - [ - "od", - "ine" - ], - [ - "omet", - "abolic" - ], - [ - "St", - "ore" - ], - [ - "plan", - "et" - ], - [ - "Ġre", - "nov" - ], - [ - "__", - "_" - ], - [ - "aden", - "osine" - ], - [ - "u", - "itive" - ], - [ - "Ġk", - "el" - ], - [ - "ĠPro", - "long" - ], - [ - "ĠAd", - "vance" - ], - [ - "Ġantimicrobial", - "s" - ], - [ - "ĠMunic", - "ipal" - ], - [ - "ĠNeutroph", - "il" - ], - [ - "F", - "As" - ], - [ - "ĠF", - "ame" - ], - [ - "ib", - "us" - ], - [ - "ET", - "E" - ], - [ - "Ġstep", - "ping" - ], - [ - "ĠBl", - "ot" - ], - [ - "ĠLa", - "ura" - ], - [ - "Ġrock", - "y" - ], - [ - "ĠLim", - "a" - ], - [ - "Ġmitig", - "ated" - ], - [ - "ĠLam", - "bert" - ], - [ - "Ġunexpl", - "ored" - ], - [ - "Ġtrigon", - "ometric" - ], - [ - "p", - "ig" - ], - [ - "ĠH", - "eli" - ], - [ - "Ġfin", - "ely" - ], - [ - "Ġoxid", - "izing" - ], - [ - "Ġcolon", - "oscopy" - ], - [ - "activ", - "ities" - ], - [ - "ĠE", - "asy" - ], - [ - "Ġunexpl", - "ained" - ], - [ - "ak", - "y" - ], - [ - "AS", - "M" - ], - [ - "work", - "er" - ], - [ - "ĠCr", - "ist" - ], - [ - "ãĢ", - "ģ" - ], - [ - "ul", - "k" - ], - [ - "ĠS", - "ugg" - ], - [ - "ĠM", - "im" - ], - [ - "Ġiter", - "ates" - ], - [ - "Ġsulf", - "oxide" - ], - [ - "gluc", - "an" - ], - [ - "Ġreact", - "ant" - ], - [ - "Ġphag", - "ocytic" - ], - [ - "B", - "rain" - ], - [ - "uc", - "ted" - ], - [ - "ĠSc", - "and" - ], - [ - "ĠCa", - "CO" - ], - [ - "Ġaffili", - "ation" - ], - [ - "Pol", - "icy" - ], - [ - "ĠInfant", - "ry" - ], - [ - "F", - "unctional" - ], - [ - "r", - "times" - ], - [ - "Ġw", - "ond" - ], - [ - "ard", - "ment" - ], - [ - "ĠWe", - "il" - ], - [ - "Ġdirect", - "ors" - ], - [ - "uff", - "ix" - ], - [ - "ĠRu", - "iz" - ], - [ - "ĠPhenomen", - "a" - ], - [ - "Ġmicro", - "b" - ], - [ - "cos", - "m" - ], - [ - "Ġutil", - "isation" - ], - [ - "pers", - "ed" - ], - [ - "Ġcon", - "sole" - ], - [ - "tic", - "ulate" - ], - [ - "Ġdes", - "ens" - ], - [ - "Ġreplic", - "as" - ], - [ - "Ġpluripot", - "ency" - ], - [ - "ĠUk", - "rainian" - ], - [ - "Ġhydroly", - "zed" - ], - [ - "ĠBiod", - "iversity" - ], - [ - "E", - "fficient" - ], - [ - "ĠK", - "ash" - ], - [ - "min", - "or" - ], - [ - "Ġconcl", - "usive" - ], - [ - "Ġtent", - "ative" - ], - [ - "j", - "ira" - ], - [ - "Ġm", - "b" - ], - [ - "ĠI", - "PA" - ], - [ - "ĠP", - "is" - ], - [ - "Ġgover", - "ns" - ], - [ - "ĠSouth", - "west" - ], - [ - "oe", - "ba" - ], - [ - "ĠMoh", - "ammad" - ], - [ - "alb", - "umin" - ], - [ - "c", - "ircles" - ], - [ - "ĠH", - "edge" - ], - [ - "ĠAm", - "ph" - ], - [ - "B", - "ACK" - ], - [ - "O", - "ld" - ], - [ - "h", - "istor" - ], - [ - "ac", - "ular" - ], - [ - "ĠN", - "OR" - ], - [ - "hen", - "ius" - ], - [ - "vis", - "ions" - ], - [ - "miss", - "ibility" - ], - [ - "Ġthrombo", - "embolism" - ], - [ - "at", - "ized" - ], - [ - "Ġw", - "il" - ], - [ - "aw", - "ing" - ], - [ - "AS", - "I" - ], - [ - "Ġheter", - "odimer" - ], - [ - "Ġbuff", - "ering" - ], - [ - "ĠIde", - "ally" - ], - [ - "ĠE", - "gg" - ], - [ - "ograph", - "ies" - ], - [ - "ĠAp", - "pl" - ], - [ - "ĠCI", - "s" - ], - [ - "mean", - "ing" - ], - [ - "ĠSM", - "AD" - ], - [ - "Ġphenyl", - "alanine" - ], - [ - "ĠTit", - "anium" - ], - [ - "ĠZar", - "iski" - ], - [ - "Ġn", - "ymph" - ], - [ - "Ġh", - "ired" - ], - [ - "ĠP", - "PC" - ], - [ - "ĠK", - "G" - ], - [ - "ĠGu", - "ill" - ], - [ - "ogly", - "cans" - ], - [ - "er", - "ial" - ], - [ - "D", - "ele" - ], - [ - "il", - "us" - ], - [ - "ĠF", - "itness" - ], - [ - "Ġwh", - "ales" - ], - [ - "gr", - "ant" - ], - [ - "most", - "ly" - ], - [ - "Ġclim", - "ates" - ], - [ - "ĠCamp", - "aign" - ], - [ - "Mg", - "O" - ], - [ - "Ġepist", - "emic" - ], - [ - "L", - "ipschitz" - ], - [ - "ĠL", - "AT" - ], - [ - "Ġcl", - "adding" - ], - [ - "vac", - "uum" - ], - [ - "agglut", - "inin" - ], - [ - "k", - "ill" - ], - [ - "Ġs", - "ail" - ], - [ - "Ġar", - "tistic" - ], - [ - "ans", - "w" - ], - [ - "ĠSD", - "F" - ], - [ - "ĠKe", - "ith" - ], - [ - "Ġsor", - "afenib" - ], - [ - "Ġgall", - "bladder" - ], - [ - "direct", - "ory" - ], - [ - "Ġphotore", - "ceptors" - ], - [ - "ĠFok", - "ker" - ], - [ - "D", - "U" - ], - [ - "Ġed", - "itors" - ], - [ - "Ġte", - "lecommun" - ], - [ - "ardi", - "a" - ], - [ - "ĠPublic", - "ations" - ], - [ - "Ġscrew", - "s" - ], - [ - "ĠMathem", - "atica" - ], - [ - "R", - "SV" - ], - [ - "ĠAp", - "ply" - ], - [ - "ĠST", - "S" - ], - [ - "ĠMur", - "ine" - ], - [ - "Ġd", - "ump" - ], - [ - "Ġl", - "ingu" - ], - [ - "ĠD", - "ixon" - ], - [ - "Ġover", - "comes" - ], - [ - "ĠPre", - "operative" - ], - [ - "Ġmig", - "rant" - ], - [ - "Ġbelie", - "ves" - ], - [ - "B", - "K" - ], - [ - "ac", - "tively" - ], - [ - "ĠI", - "SC" - ], - [ - "qu", - "as" - ], - [ - "Ġal", - "ga" - ], - [ - "ich", - "ael" - ], - [ - "Ġdis", - "asters" - ], - [ - "Ġprac", - "ticed" - ], - [ - "hydro", - "phobic" - ], - [ - "ĠNi", - "ño" - ], - [ - "ĠEth", - "anol" - ], - [ - "Q", - "E" - ], - [ - "ĠS", - "J" - ], - [ - "ĠD", - "engue" - ], - [ - "Ġap", - "pl" - ], - [ - "ĠY", - "oon" - ], - [ - "enz", - "o" - ], - [ - "IF", - "Y" - ], - [ - "Ġchron", - "ological" - ], - [ - "er", - "in" - ], - [ - "ĠP", - "eg" - ], - [ - "ĠRe", - "levant" - ], - [ - "Ġqual", - "ification" - ], - [ - "ev", - "ine" - ], - [ - "Ġdend", - "rite" - ], - [ - "DT", - "D" - ], - [ - "chol", - "inesterase" - ], - [ - "w", - "atch" - ], - [ - "ĠS", - "anchez" - ], - [ - "Ġwas", - "hes" - ], - [ - "Ġper", - "mafrost" - ], - [ - "ĠTer", - "tiary" - ], - [ - "Ġsynthes", - "izing" - ], - [ - "Ġexped", - "ition" - ], - [ - "rout", - "ine" - ], - [ - "ĠSear", - "ching" - ], - [ - "ĠS", - "é" - ], - [ - "res", - "idual" - ], - [ - "ĠL", - "CD" - ], - [ - "enti", - "ties" - ], - [ - "Ġend", - "ovascular" - ], - [ - "Ġparam", - "ount" - ], - [ - "p", - "her" - ], - [ - "Ġstraightforward", - "ly" - ], - [ - "Ġvas", - "odil" - ], - [ - "ĠSchist", - "osoma" - ], - [ - "Ġper", - "missions" - ], - [ - "cent", - "red" - ], - [ - "Ġfr", - "ustrated" - ], - [ - "struct", - "uring" - ], - [ - "ĠSch", - "l" - ], - [ - "ĠIniti", - "ation" - ], - [ - "Ġcu", - "ticle" - ], - [ - "Ġforget", - "ting" - ], - [ - "ĠS", - "as" - ], - [ - "ĠS", - "ult" - ], - [ - "un", - "o" - ], - [ - "Ġdis", - "integration" - ], - [ - "ĠV", - "G" - ], - [ - "Ġw", - "ards" - ], - [ - "ĠI", - "RE" - ], - [ - "up", - "ro" - ], - [ - "Ġsub", - "gen" - ], - [ - "Ġsub", - "classes" - ], - [ - "ĠSt", - "and" - ], - [ - "ĠHe", - "ight" - ], - [ - "inter", - "pretation" - ], - [ - "Ġgly", - "can" - ], - [ - "ĠSol", - "vent" - ], - [ - "ĠMal", - "ignant" - ], - [ - "Ġuns", - "uitable" - ], - [ - "ĠCox", - "eter" - ], - [ - "Ġspermat", - "ogenesis" - ], - [ - "Ġful", - "lerene" - ], - [ - "F", - "ox" - ], - [ - "S", - "OC" - ], - [ - "w", - "et" - ], - [ - "arm", - "stadt" - ], - [ - "Ġprop", - "ofol" - ], - [ - "index", - "ed" - ], - [ - "Ġsn", - "akes" - ], - [ - "Ed", - "it" - ], - [ - "ĠmJ", - "y" - ], - [ - "R", - "IB" - ], - [ - "Ġe", - "y" - ], - [ - "ĠAl", - "kal" - ], - [ - "Ġtri", - "axial" - ], - [ - "PS", - "K" - ], - [ - "ne", - "o" - ], - [ - "Ġend", - "o" - ], - [ - "Ġglycos", - "ides" - ], - [ - "Ġsyll", - "ables" - ], - [ - "Ġs", - "orghum" - ], - [ - "lo", - "or" - ], - [ - "Ġge", - "othermal" - ], - [ - "gu", - "inal" - ], - [ - "ĠSerb", - "ia" - ], - [ - "æ", - "ĸ" - ], - [ - "ĠS", - "entinel" - ], - [ - "igh", - "ters" - ], - [ - "Ġkey", - "board" - ], - [ - "Ġban", - "ana" - ], - [ - "gran", - "ular" - ], - [ - "Ġdecid", - "uous" - ], - [ - "ĠH", - "AR" - ], - [ - "ne", - "uron" - ], - [ - "ĠCar", - "n" - ], - [ - "Ġburn", - "s" - ], - [ - "Bo", - "ost" - ], - [ - "ĠDetermin", - "istic" - ], - [ - "p", - "ipe" - ], - [ - "ĠF", - "AD" - ], - [ - "ĠB", - "ovine" - ], - [ - "ĠR", - "ou" - ], - [ - "Ġk", - "an" - ], - [ - "aut", - "onomous" - ], - [ - "utri", - "ents" - ], - [ - "Ġhypoth", - "yroidism" - ], - [ - "ĠSIN", - "R" - ], - [ - "st", - "ret" - ], - [ - "Ġun", - "altered" - ], - [ - "ĠZ", - "ika" - ], - [ - "val", - "ley" - ], - [ - "Ġlong", - "itudinally" - ], - [ - "Ġfluores", - "cein" - ], - [ - "cat", - "heter" - ], - [ - "ĠCong", - "enital" - ], - [ - "Ġpie", - "z" - ], - [ - "Ġabbrevi", - "ated" - ], - [ - "ĠChlam", - "ydia" - ], - [ - "Ġa", - "ired" - ], - [ - "Ġqu", - "een" - ], - [ - "Ġinstruc", - "tive" - ], - [ - "Ġabrupt", - "ly" - ], - [ - "Ġrecur", - "rences" - ], - [ - "I", - "MP" - ], - [ - "Ġex", - "osome" - ], - [ - "ĠH", - "SCs" - ], - [ - "Wr", - "iter" - ], - [ - "el", - "is" - ], - [ - "ĠAr", - "ithmetic" - ], - [ - "enari", - "os" - ], - [ - "Ġlig", - "ated" - ], - [ - "ĠLocal", - "ized" - ], - [ - "ĠFre", - "eman" - ], - [ - "Ġcarn", - "iv" - ], - [ - "ĠC", - "ereb" - ], - [ - "Ġg", - "rac" - ], - [ - "ĠG", - "ond" - ], - [ - "ĠV", - "ancouver" - ], - [ - "ob", - "ox" - ], - [ - "Ġtyp", - "ed" - ], - [ - "ĠÄ", - "¥" - ], - [ - "Up", - "on" - ], - [ - "F", - "uture" - ], - [ - "EN", - "G" - ], - [ - "de", - "ad" - ], - [ - "Ġser", - "pent" - ], - [ - "ĠAss", - "ignment" - ], - [ - "ĠUp", - "dated" - ], - [ - "Ġhistor", - "ian" - ], - [ - "Ġtroposp", - "heric" - ], - [ - "C", - "loud" - ], - [ - "b", - "umin" - ], - [ - "ĠP", - "ras" - ], - [ - "ĠB", - "asket" - ], - [ - "ĠâĪĴ", - "âĪĴ" - ], - [ - "benz", - "odi" - ], - [ - "ĠTra", - "uma" - ], - [ - "ĠBehavi", - "ors" - ], - [ - "Ġp", - "ter" - ], - [ - "ir", - "radiation" - ], - [ - "Ġsp", - "oke" - ], - [ - "ari", - "atric" - ], - [ - "Ġpl", - "ugin" - ], - [ - "Ġsuper", - "sonic" - ], - [ - "Ġdoc", - "etaxel" - ], - [ - "itig", - "ation" - ], - [ - "Ġdiges", - "tibility" - ], - [ - "n", - "em" - ], - [ - "Ġp", - "b" - ], - [ - "ĠC", - "SR" - ], - [ - "Ġfo", - "uling" - ], - [ - "Ġrhe", - "ology" - ], - [ - "Ġflood", - "s" - ], - [ - "Ġglu", - "ing" - ], - [ - "agasc", - "ar" - ], - [ - "j", - "ets" - ], - [ - "p", - "ti" - ], - [ - "est", - "on" - ], - [ - "ĠK", - "ü" - ], - [ - "Ġopen", - "ings" - ], - [ - "Ġisol", - "ating" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠĠĠĠ" - ], - [ - "Ġsemicon", - "ducting" - ], - [ - "r", - "ative" - ], - [ - "ec", - "ology" - ], - [ - "ur", - "ization" - ], - [ - "Ġmulti", - "factorial" - ], - [ - "sh", - "adow" - ], - [ - "Ġcross", - "linked" - ], - [ - "Ġphyl", - "a" - ], - [ - "Ġprem", - "ises" - ], - [ - "ĠLO", - "W" - ], - [ - "general", - "ized" - ], - [ - "ĠPolynomial", - "s" - ], - [ - "Ġb", - "ismuth" - ], - [ - "ĠR", - "oz" - ], - [ - "ĠDec", - "oding" - ], - [ - "ĠClass", - "ifier" - ], - [ - "conduc", - "ting" - ], - [ - "Ġlit", - "term" - ], - [ - "M", - "ann" - ], - [ - "Ġf", - "ant" - ], - [ - "ĠC", - "Z" - ], - [ - "ĠP", - "SNR" - ], - [ - "Ġstar", - "ring" - ], - [ - "ĠPol", - "yg" - ], - [ - "ĠHol", - "m" - ], - [ - "r", - "g" - ], - [ - "ad", - "ditional" - ], - [ - "gu", - "an" - ], - [ - "prof", - "essional" - ], - [ - "Ġin", - "quiry" - ], - [ - "ĠP", - "g" - ], - [ - "ĠSch", - "mid" - ], - [ - "Ġhead", - "ed" - ], - [ - "cha", - "ft" - ], - [ - "ĠExp", - "and" - ], - [ - "Ġcompan", - "ions" - ], - [ - "V", - "an" - ], - [ - "ĠS", - "ie" - ], - [ - "Ġcan", - "als" - ], - [ - "ored", - "oxin" - ], - [ - "Ġcoll", - "iding" - ], - [ - "abs", - "olute" - ], - [ - "ĠPhot", - "os" - ], - [ - "ĠLeg", - "acy" - ], - [ - "Ġrevascular", - "ization" - ], - [ - "ĠP", - "SM" - ], - [ - "Ġexp", - "enses" - ], - [ - "IS", - "MA" - ], - [ - "inter", - "vals" - ], - [ - "Ġmultic", - "ellular" - ], - [ - "Ġnons", - "m" - ], - [ - "Ġresemb", - "lance" - ], - [ - "H", - "ep" - ], - [ - "Ġw", - "ool" - ], - [ - "Ġn", - "iger" - ], - [ - "ess", - "a" - ], - [ - "asc", - "i" - ], - [ - "Ġrot", - "ates" - ], - [ - "Ġcompe", - "titions" - ], - [ - "Ġarri", - "vals" - ], - [ - "Ġlute", - "in" - ], - [ - "Ġscholar", - "ship" - ], - [ - "F", - "ran" - ], - [ - "Ġre", - "used" - ], - [ - "ĠEqu", - "ivalence" - ], - [ - "ĠGL", - "UT" - ], - [ - "grad", - "ing" - ], - [ - "sal", - "t" - ], - [ - "Ġcommens", - "al" - ], - [ - "Ġfra", - "ud" - ], - [ - "ox", - "ib" - ], - [ - "Ġgastro", - "enter" - ], - [ - "Ġrain", - "y" - ], - [ - "Ġasser", - "ts" - ], - [ - "Oper", - "ation" - ], - [ - "Ġflatten", - "ing" - ], - [ - "P", - "ut" - ], - [ - "X", - "B" - ], - [ - "Ġp", - "M" - ], - [ - "Ġcon", - "ic" - ], - [ - "ob", - "tain" - ], - [ - "ĠRo", - "ber" - ], - [ - "N", - "ovember" - ], - [ - "ĠJ", - "P" - ], - [ - "Ġfe", - "brile" - ], - [ - "ĠBar", - "riers" - ], - [ - "================================", - "================================" - ], - [ - "Ġhemic", - "ell" - ], - [ - "ĠS", - "CS" - ], - [ - "ĠN", - "em" - ], - [ - "Ġr", - "aster" - ], - [ - "cl", - "ude" - ], - [ - "Ġïģ", - "¦" - ], - [ - "ĠElli", - "ott" - ], - [ - "b", - "order" - ], - [ - "Ġd", - "ÏĨ" - ], - [ - "rib", - "ose" - ], - [ - "ĠEn", - "v" - ], - [ - "ĠDiff", - "use" - ], - [ - "ĠSupers", - "ymmetry" - ], - [ - "Pear", - "son" - ], - [ - "F", - "ETs" - ], - [ - "y", - "ah" - ], - [ - "ul", - "ia" - ], - [ - "ĠD", - "warf" - ], - [ - "ĠH", - "ull" - ], - [ - "ĠAtt", - "ribution" - ], - [ - "Ġrepos", - "itories" - ], - [ - "ĠGN", - "SS" - ], - [ - "ĠV", - "ectors" - ], - [ - "Ġsuccess", - "es" - ], - [ - "ĠMan", - "hattan" - ], - [ - "umb", - "ent" - ], - [ - "dig", - "it" - ], - [ - "Ġcircumf", - "erential" - ], - [ - "B", - "etween" - ], - [ - "D", - "eg" - ], - [ - "o", - "ue" - ], - [ - "Ð", - "¹" - ], - [ - "ĠD", - "ere" - ], - [ - "ĠR", - "f" - ], - [ - "Ġr", - "ide" - ], - [ - "ĠV", - "oc" - ], - [ - "Ġprot", - "est" - ], - [ - "Ġpur", - "pos" - ], - [ - "ĠProof", - "s" - ], - [ - "names", - "e" - ], - [ - "Ġbank", - "ing" - ], - [ - "ĠGastro", - "intestinal" - ], - [ - "ĠU", - "nt" - ], - [ - "Ġwhen", - "ce" - ], - [ - "ĠY", - "ue" - ], - [ - "ĠRe", - "habilitation" - ], - [ - "Ġexchang", - "ing" - ], - [ - "ĠACT", - "H" - ], - [ - "Ġc", - "apping" - ], - [ - "am", - "ido" - ], - [ - "ĠB", - "ap" - ], - [ - "Ġpl", - "at" - ], - [ - "to", - "String" - ], - [ - "Ġelectro", - "encephal" - ], - [ - "Ġelectrosp", - "un" - ], - [ - "M", - "pc" - ], - [ - "j", - "ord" - ], - [ - "on", - "v" - ], - [ - "Ġc", - "raft" - ], - [ - "ĠC", - "Cl" - ], - [ - "ĠSt", - "rip" - ], - [ - "Ġmed", - "itation" - ], - [ - "oxid", - "ative" - ], - [ - "ĠRed", - "uce" - ], - [ - "ĠCommon", - "wealth" - ], - [ - "Ġrif", - "amp" - ], - [ - "F", - "lu" - ], - [ - "Ġre", - "analysis" - ], - [ - "ot", - "rich" - ], - [ - "ĠE", - "SA" - ], - [ - "Ġj", - "th" - ], - [ - "hel", - "in" - ], - [ - "ĠGen", - "otype" - ], - [ - "Ġdiagonal", - "ization" - ], - [ - "ĠGab", - "riel" - ], - [ - "Ġquarant", - "ine" - ], - [ - "ĠC", - "rab" - ], - [ - "ĠD", - "ict" - ], - [ - "acc", - "umulation" - ], - [ - "be", - "k" - ], - [ - "ĠDiff", - "erentially" - ], - [ - "Ġlac", - "tis" - ], - [ - "tetrahydro", - "furan" - ], - [ - "l", - "aser" - ], - [ - "ĠU", - "m" - ], - [ - "Ġme", - "ga" - ], - [ - "rm", - "e" - ], - [ - "ĠInd", - "ians" - ], - [ - "ĠLeon", - "ard" - ], - [ - "Ġcommod", - "ity" - ], - [ - "Ġfumig", - "atus" - ], - [ - "i", - "ou" - ], - [ - "ĠE", - "chin" - ], - [ - "ost", - "ream" - ], - [ - "Ġmemb", - "ran" - ], - [ - "sim", - "ulations" - ], - [ - "back", - "end" - ], - [ - "ĠOB", - "JECT" - ], - [ - "g", - "iving" - ], - [ - "Å", - "Ļ" - ], - [ - "Ġinf", - "ective" - ], - [ - "Al", - "g" - ], - [ - "ĠHu", - "h" - ], - [ - "ĠMI", - "CR" - ], - [ - "Ġfollow", - "ers" - ], - [ - "fer", - "ro" - ], - [ - "Ġcyan", - "ide" - ], - [ - "P", - "resent" - ], - [ - "Ġ", - "END" - ], - [ - "ĠM", - "Cs" - ], - [ - "Ġtim", - "eline" - ], - [ - "ĠEmbry", - "onic" - ], - [ - "Identif", - "ier" - ], - [ - "Ġincon", - "clusive" - ], - [ - "ĠGamm", - "aproteobacteria" - ], - [ - "n", - "ets" - ], - [ - "ĠHe", - "ating" - ], - [ - "ank", - "ar" - ], - [ - "th", - "r" - ], - [ - "ĠK", - "IT" - ], - [ - "ĠCh", - "ip" - ], - [ - "Ġbl", - "ob" - ], - [ - "Ġcalc", - "ulator" - ], - [ - "Ġtext", - "ural" - ], - [ - "Ġalloy", - "ing" - ], - [ - "Ap", - "plication" - ], - [ - "ĠProte", - "omic" - ], - [ - "Ġantidepress", - "ants" - ], - [ - "ur", - "k" - ], - [ - "Ġcrystall", - "ography" - ], - [ - "Ġcred", - "its" - ], - [ - "Ġmuss", - "els" - ], - [ - "T", - "om" - ], - [ - "ĠF", - "ST" - ], - [ - "ĠF", - "old" - ], - [ - "ĠH", - "ew" - ], - [ - "An", - "n" - ], - [ - "bro", - "ok" - ], - [ - "Ġglycol", - "ytic" - ], - [ - "Tor", - "ch" - ], - [ - "Ġv", - "m" - ], - [ - "ĠM", - "are" - ], - [ - "ĠJ", - "y" - ], - [ - "Ġhetero", - "junction" - ], - [ - "ĠBorrel", - "ia" - ], - [ - "R", - "isk" - ], - [ - "ĠN", - "aturally" - ], - [ - "Ġsupp", - "lying" - ], - [ - "sign", - "ature" - ], - [ - "l", - "k" - ], - [ - "Ġa", - "rachid" - ], - [ - "ol", - "ov" - ], - [ - "ĠS", - "ok" - ], - [ - "ĠH", - "ö" - ], - [ - "ĠR", - "az" - ], - [ - "ĠV", - "ander" - ], - [ - "Ġdel", - "ib" - ], - [ - "Ġmy", - "th" - ], - [ - "Ġmid", - "brain" - ], - [ - "Ġdece", - "ased" - ], - [ - "ĠS", - "CO" - ], - [ - "ĠTh", - "romb" - ], - [ - "Ġcur", - "r" - ], - [ - "Ġsum", - "mit" - ], - [ - "mi", - "RNAs" - ], - [ - "dimethyl", - "amino" - ], - [ - "Ġphotoc", - "atalyst" - ], - [ - "verb", - "ose" - ], - [ - "gom", - "ery" - ], - [ - "Ġw", - "ed" - ], - [ - "ĠM", - "ate" - ], - [ - "Ġsign", - "i" - ], - [ - "rastruct", - "ures" - ], - [ - "Ġrecipro", - "city" - ], - [ - "b", - "ner" - ], - [ - "m", - "ast" - ], - [ - "n", - "eck" - ], - [ - "Ġco", - "ins" - ], - [ - "ĠHist", - "ogram" - ], - [ - "cr", - "it" - ], - [ - "Bbb", - "k" - ], - [ - "A", - "W" - ], - [ - "t", - "own" - ], - [ - "dis", - "placement" - ], - [ - "ĠNe", - "ph" - ], - [ - "separ", - "able" - ], - [ - "Ġdiast", - "ere" - ], - [ - "ĠMODEL", - "S" - ], - [ - "Dep", - "th" - ], - [ - "ĠNeisser", - "ia" - ], - [ - "p", - "dev" - ], - [ - "u", - "vial" - ], - [ - "ĠB", - "MS" - ], - [ - "ĠD", - "ennis" - ], - [ - "Ġr", - "p" - ], - [ - "Ġnan", - "ometer" - ], - [ - "roc", - "yt" - ], - [ - "ĠRoman", - "ian" - ], - [ - "Ġconce", - "ivable" - ], - [ - "C", - "OS" - ], - [ - "al", - "veolar" - ], - [ - "as", - "tig" - ], - [ - "ab", - "we" - ], - [ - "enc", - "ode" - ], - [ - "rol", - "actone" - ], - [ - "Ġread", - "mission" - ], - [ - "inters", - "ection" - ], - [ - "Ġamplic", - "ons" - ], - [ - "tim", - "ulated" - ], - [ - "Ġcoll", - "apses" - ], - [ - "ochrom", - "atin" - ], - [ - "H", - "aw" - ], - [ - "ect", - "rum" - ], - [ - "ft", - "ype" - ], - [ - "ric", - "a" - ], - [ - "Ġam", - "id" - ], - [ - "MP", - "O" - ], - [ - "ĠExt", - "ensions" - ], - [ - "Ġvar", - "ic" - ], - [ - "Ġdimin", - "ishes" - ], - [ - "Ġcathe", - "ters" - ], - [ - "N", - "odes" - ], - [ - "Ġb", - "box" - ], - [ - "em", - "ination" - ], - [ - "Ġts", - "unami" - ], - [ - "diagn", - "osis" - ], - [ - "c", - "od" - ], - [ - "q", - "r" - ], - [ - "ĠF", - "en" - ], - [ - "Ġworth", - "y" - ], - [ - "Ġâĩ", - "IJ" - ], - [ - "inform", - "atic" - ], - [ - "ograp", - "her" - ], - [ - "Ġundet", - "ected" - ], - [ - "ĠN", - "CAA" - ], - [ - "Ġcarcin", - "ogenic" - ], - [ - "R", - "U" - ], - [ - "Ġan", - "eu" - ], - [ - "plit", - "udes" - ], - [ - "ke", - "eper" - ], - [ - "ĠÄ", - "ģ" - ], - [ - "Ġau", - "tistic" - ], - [ - "Ġcomprom", - "ising" - ], - [ - "Ġunim", - "odal" - ], - [ - "Ġr", - "umin" - ], - [ - "ap", - "a" - ], - [ - "Ġint", - "olerance" - ], - [ - "Ġdirec", - "ting" - ], - [ - "Ġpe", - "a" - ], - [ - "Ġcomm", - "enced" - ], - [ - "Ġshadow", - "ing" - ], - [ - "C", - "enter" - ], - [ - "Ġcl", - "ad" - ], - [ - "Ġbl", - "ues" - ], - [ - "bin", - "its" - ], - [ - "Ġmis", - "classification" - ], - [ - "ĠFA", - "ST" - ], - [ - "W", - "at" - ], - [ - "Ġm", - "Cherry" - ], - [ - "Ġb", - "rig" - ], - [ - "est", - "radiol" - ], - [ - "Ġwave", - "functions" - ], - [ - "Ġblo", - "oms" - ], - [ - "Ġacc", - "ent" - ], - [ - "aj", - "i" - ], - [ - "occ", - "urring" - ], - [ - "ar", - "rest" - ], - [ - "Ġspecial", - "ty" - ], - [ - "Ġuncon", - "ditional" - ], - [ - "Ġspong", - "es" - ], - [ - "Ġdys", - "functional" - ], - [ - "ĠNO", - "X" - ], - [ - "Ġultrac", - "old" - ], - [ - "Ġmartens", - "ite" - ], - [ - "O", - "US" - ], - [ - "n", - "ier" - ], - [ - "is", - "ic" - ], - [ - "ĠMat", - "sum" - ], - [ - "Ġleuk", - "emic" - ], - [ - "ĠBrad", - "ley" - ], - [ - "D", - "ensity" - ], - [ - "ĠS", - "emiconductor" - ], - [ - "ĠC", - "ause" - ], - [ - "ĠIn", - "set" - ], - [ - "ĠK", - "em" - ], - [ - "ĠU", - "PR" - ], - [ - "par", - "a" - ], - [ - "ech", - "st" - ], - [ - "ym", - "et" - ], - [ - "Ġag", - "ro" - ], - [ - "ĠY", - "Y" - ], - [ - "ĠReg", - "eneration" - ], - [ - "Ġancest", - "ors" - ], - [ - "ĠTiss", - "ues" - ], - [ - "Ġsulfur", - "ic" - ], - [ - "k", - "d" - ], - [ - "Ġl", - "asing" - ], - [ - "ĠP", - "up" - ], - [ - "ae", - "i" - ], - [ - "Ġmamm", - "al" - ], - [ - "ĠBrad", - "ford" - ], - [ - "Ġsegreg", - "ated" - ], - [ - "is", - "olated" - ], - [ - "ĠC", - "uba" - ], - [ - "Ġblock", - "age" - ], - [ - "Ġseam", - "less" - ], - [ - "Ġperoxis", - "ome" - ], - [ - "h", - "ui" - ], - [ - "Ġin", - "aug" - ], - [ - "Ġinf", - "ecting" - ], - [ - "ĠCh", - "ampion" - ], - [ - "ĠAt", - "titudes" - ], - [ - "calc", - "ulate" - ], - [ - "Ġt", - "ighter" - ], - [ - "ĠS", - "AC" - ], - [ - "ĠE", - "pi" - ], - [ - "Ġat", - "m" - ], - [ - "Ġphys", - "ico" - ], - [ - "Ġn", - "th" - ], - [ - "ĠC", - "anyon" - ], - [ - "Ġser", - "oprevalence" - ], - [ - "Ġhom", - "o" - ], - [ - "ĠUnivers", - "it" - ], - [ - "Eval", - "uation" - ], - [ - "ĠAPO", - "E" - ], - [ - "j", - "ob" - ], - [ - "Ġm", - "K" - ], - [ - "Ġre", - "ign" - ], - [ - "ab", - "o" - ], - [ - "ĠR", - "ugby" - ], - [ - "ĠN", - "ets" - ], - [ - "Ġr", - "ituximab" - ], - [ - "ati", - "veness" - ], - [ - "Ġph", - "y" - ], - [ - "orn", - "is" - ], - [ - "Ġfeedback", - "s" - ], - [ - "Un", - "ited" - ], - [ - "Pr", - "inc" - ], - [ - "imb", - "abwe" - ], - [ - "ĠGir", - "ls" - ], - [ - "Ġunavoid", - "able" - ], - [ - "ĠSeman", - "tics" - ], - [ - "B", - "reak" - ], - [ - "F", - "ISH" - ], - [ - "M", - "ix" - ], - [ - "Ġn", - "x" - ], - [ - "ĠBa", - "o" - ], - [ - "dimethyl", - "phenyl" - ], - [ - "ĠT", - "OF" - ], - [ - "ĠC", - "rown" - ], - [ - "ĠG", - "GA" - ], - [ - "ĠJ", - "H" - ], - [ - "Ġsuper", - "string" - ], - [ - "ĠCR", - "Y" - ], - [ - "Ġkind", - "ly" - ], - [ - "Y", - "N" - ], - [ - "Ġund", - "oped" - ], - [ - "ex", - "cluding" - ], - [ - "ĠLe", - "o" - ], - [ - "ĠPROP", - "ERT" - ], - [ - "peritone", - "ally" - ], - [ - "m", - "ant" - ], - [ - "ê", - "°" - ], - [ - "Ġf", - "ranch" - ], - [ - "ĠPro", - "st" - ], - [ - "DE", - "s" - ], - [ - "Ġcot", - "rans" - ], - [ - "Ġr", - "k" - ], - [ - "Ġgeneral", - "izability" - ], - [ - "Aut", - "hor" - ], - [ - "ĠAnd", - "rea" - ], - [ - "ĠConf", - "ocal" - ], - [ - "ĠAdi", - "pose" - ], - [ - "î", - "Ĺ" - ], - [ - "er", - "jee" - ], - [ - "Ġan", - "imated" - ], - [ - "ĠF", - "ad" - ], - [ - "ĠCor", - "rosion" - ], - [ - "ĠCirc", - "adian" - ], - [ - "Ġacceler", - "ators" - ], - [ - "ĠArk", - "ansas" - ], - [ - "Ġm", - "ars" - ], - [ - "ĠC", - "uc" - ], - [ - "ĠInter", - "faces" - ], - [ - "Ġretrie", - "vals" - ], - [ - "Ġmelan", - "in" - ], - [ - "Ġss", - "DNA" - ], - [ - "vast", - "ava" - ], - [ - "Ġallerg", - "ens" - ], - [ - "b", - "ud" - ], - [ - "Ġin", - "accessible" - ], - [ - "ic", - "tions" - ], - [ - "ĠM", - "ood" - ], - [ - "ind", - "a" - ], - [ - "Ġam", - "eric" - ], - [ - "Ġsym", - "biosis" - ], - [ - "bers", - "ome" - ], - [ - "occ", - "ur" - ], - [ - "ĠMarc", - "us" - ], - [ - "ĠSuperconduc", - "tivity" - ], - [ - "ĠC", - "ort" - ], - [ - "ĠH", - "MS" - ], - [ - "Ġph", - "ased" - ], - [ - "ĠJ", - "ess" - ], - [ - "Ġprop", - "ulsion" - ], - [ - "ext", - "ract" - ], - [ - "Ġsuccin", - "ate" - ], - [ - "ĠÖ", - "Ĵ" - ], - [ - "ink", - "el" - ], - [ - "Ġsil", - "ence" - ], - [ - "ĠSU", - "V" - ], - [ - "Ġconstitu", - "ency" - ], - [ - "Ġbacteri", - "ophage" - ], - [ - "g", - "em" - ], - [ - "ĠM", - "CL" - ], - [ - "ore", - "ne" - ], - [ - "ĠG", - "oss" - ], - [ - "IC", - "D" - ], - [ - "Ġglut", - "amic" - ], - [ - "Ġcoex", - "isting" - ], - [ - "STE", - "MS" - ], - [ - "opot", - "ential" - ], - [ - "ĠE", - "y" - ], - [ - "ĠL", - "ecture" - ], - [ - "ell", - "ae" - ], - [ - "Ġimmun", - "oprec" - ], - [ - "Ġtim", - "ber" - ], - [ - "ĠVul", - "ner" - ], - [ - "Ġa", - "roma" - ], - [ - "Ġs", - "ands" - ], - [ - "ĠSp", - "an" - ], - [ - "Ġher", - "n" - ], - [ - "Ġincub", - "ating" - ], - [ - "Ġtransmit", - "ters" - ], - [ - "ĠHom", - "ogeneous" - ], - [ - "ĠConstruct", - "ing" - ], - [ - "d", - "it" - ], - [ - "Ġt", - "c" - ], - [ - "al", - "ass" - ], - [ - "Ġst", - "ents" - ], - [ - "ĠM", - "ID" - ], - [ - "Ġan", - "oxic" - ], - [ - "Ġprov", - "isions" - ], - [ - "ĠCap", - "ac" - ], - [ - "neut", - "ron" - ], - [ - "ĠVO", - "Cs" - ], - [ - "Jan", - "uary" - ], - [ - "V", - "AS" - ], - [ - "on", - "ce" - ], - [ - "ĠC", - "ache" - ], - [ - "op", - "ulation" - ], - [ - "ĠV", - "TE" - ], - [ - "Ġinter", - "phase" - ], - [ - "Ġbl", - "og" - ], - [ - "ocus", - "ing" - ], - [ - "hi", - "ro" - ], - [ - "ĠRE", - "C" - ], - [ - "Ġanis", - "otropies" - ], - [ - "ben", - "ef" - ], - [ - "Ġcons", - "tipation" - ], - [ - "ĠCan", - "al" - ], - [ - "Ġport", - "rait" - ], - [ - "sil", - "yl" - ], - [ - "ĠLink", - "ed" - ], - [ - "ĠBow", - "l" - ], - [ - "Ġmonop", - "oles" - ], - [ - "ĠPere", - "z" - ], - [ - "W", - "IN" - ], - [ - "ĠT", - "AP" - ], - [ - "Ġr", - "uthenium" - ], - [ - "ĠAd", - "herence" - ], - [ - "ĠEn", - "zymatic" - ], - [ - "Ġspecific", - "ities" - ], - [ - "Ġsk", - "i" - ], - [ - "ĠC", - "ST" - ], - [ - "Ġpo", - "etry" - ], - [ - "AT", - "ES" - ], - [ - "ram", - "a" - ], - [ - "lo", - "res" - ], - [ - "AL", - "U" - ], - [ - "Ġvas", - "oconstr" - ], - [ - "Ġgranul", - "ocyte" - ], - [ - "ib", - "i" - ], - [ - "Ġop", - "ts" - ], - [ - "aves", - "drop" - ], - [ - "ept", - "in" - ], - [ - "·", - "·" - ], - [ - "ĠJe", - "ong" - ], - [ - "Ġmedull", - "ary" - ], - [ - "ĠDemonstr", - "ation" - ], - [ - "ĠF", - "IB" - ], - [ - "ĠB", - "RD" - ], - [ - "ĠV", - "V" - ], - [ - "Ġall", - "o" - ], - [ - "R", - "ule" - ], - [ - "T", - "f" - ], - [ - "Ġun", - "realistic" - ], - [ - "Ġlat", - "itudinal" - ], - [ - "RO", - "P" - ], - [ - "ĠCorrel", - "ates" - ], - [ - "I", - "U" - ], - [ - "ĠP", - "ore" - ], - [ - "oc", - "rit" - ], - [ - "ĠK", - "all" - ], - [ - "Ġchar", - "coal" - ], - [ - "ĠMong", - "olia" - ], - [ - "âĪ", - "ħ" - ], - [ - "ĠEn", - "tity" - ], - [ - "Ġgram", - "s" - ], - [ - "g", - "raphene" - ], - [ - "m", - "ine" - ], - [ - "ent", - "ric" - ], - [ - "ĠP", - "p" - ], - [ - "ĠW", - "elfare" - ], - [ - "ĠJ", - "ets" - ], - [ - "Ġaff", - "irm" - ], - [ - "ĠBel", - "le" - ], - [ - "ĠStrateg", - "ic" - ], - [ - "API", - "ENTR" - ], - [ - "K", - "H" - ], - [ - "rm", - "ann" - ], - [ - "Ġassoci", - "ating" - ], - [ - "ĠSur", - "viv" - ], - [ - "Ġnicot", - "inic" - ], - [ - "ĠWL", - "AN" - ], - [ - "Ð", - "¿" - ], - [ - "Ġt", - "ears" - ], - [ - "ĠRe", - "vised" - ], - [ - "Ġphosph", - "odies" - ], - [ - "Ġhors", - "eradish" - ], - [ - "ĠL", - "AR" - ], - [ - "to", - "ok" - ], - [ - "ĠDes", - "cent" - ], - [ - "ĠNO", - "x" - ], - [ - "ĠStein", - "er" - ], - [ - "ĠPerm", - "ian" - ], - [ - "ĠVenez", - "uela" - ], - [ - "Ġdesic", - "cation" - ], - [ - "D", - "IS" - ], - [ - "ĠM", - "SP" - ], - [ - "Ġpo", - "pl" - ], - [ - "rel", - "s" - ], - [ - "Ġï£", - "½" - ], - [ - "Ġlear", - "nt" - ], - [ - "ĠBi", - "ofilm" - ], - [ - "ĠPC", - "NA" - ], - [ - "ĠAtt", - "ribute" - ], - [ - "ĠGro", - "thendieck" - ], - [ - "ĠAdoles", - "cent" - ], - [ - "n", - "v" - ], - [ - "st", - "derr" - ], - [ - "obal", - "t" - ], - [ - "ĠYam", - "amoto" - ], - [ - "Ġaliqu", - "ot" - ], - [ - "r", - "ater" - ], - [ - "ĠO", - "re" - ], - [ - "ĠK", - "IR" - ], - [ - "ack", - "er" - ], - [ - "Ġïĥ", - "»" - ], - [ - "Ġstrat", - "osphere" - ], - [ - "ĠC", - "ust" - ], - [ - "resp", - "ect" - ], - [ - "Ġglut", - "amatergic" - ], - [ - "Ġencour", - "ages" - ], - [ - "c", - "tic" - ], - [ - "it", - "ched" - ], - [ - "ph", - "ins" - ], - [ - "Ġsub", - "urb" - ], - [ - "Ġhome", - "omorphic" - ], - [ - "hex", - "ah" - ], - [ - "Ġmini", - "atur" - ], - [ - "C", - "AN" - ], - [ - "a", - "head" - ], - [ - "ĠB", - "LE" - ], - [ - "ĠR", - "BF" - ], - [ - "Ġac", - "utely" - ], - [ - "Ġï£", - "¾" - ], - [ - "Ġanten", - "n" - ], - [ - "UR", - "N" - ], - [ - "ĠGir", - "l" - ], - [ - "Ġbiore", - "actor" - ], - [ - "ĠLeib", - "niz" - ], - [ - "Ġv", - "ial" - ], - [ - "ĠL", - "ich" - ], - [ - "ob", - "ac" - ], - [ - "ĠWhen", - "ever" - ], - [ - "inhib", - "ition" - ], - [ - "C", - "ast" - ], - [ - "Ġstrip", - "ped" - ], - [ - "ĠAst", - "rophysics" - ], - [ - "pres", - "ence" - ], - [ - "ĠFlo", - "er" - ], - [ - "ipot", - "ent" - ], - [ - "dichlor", - "o" - ], - [ - "C", - "LE" - ], - [ - "f", - "inger" - ], - [ - "on", - "ates" - ], - [ - "st", - "ri" - ], - [ - "ĠS", - "perm" - ], - [ - "ĠD", - "BS" - ], - [ - "op", - "eptide" - ], - [ - "se", - "paration" - ], - [ - "ath", - "ing" - ], - [ - "math", - "p" - ], - [ - "ou", - "ples" - ], - [ - "Ġent", - "ropic" - ], - [ - "Ġsw", - "ollen" - ], - [ - "Ġdon", - "ated" - ], - [ - "Ġsettle", - "ments" - ], - [ - "oven", - "ous" - ], - [ - "P", - "erm" - ], - [ - "ĠS", - "ard" - ], - [ - "eg", - "en" - ], - [ - "ĠAl", - "ph" - ], - [ - "ĠCo", - "operation" - ], - [ - "ĠPD", - "AC" - ], - [ - "F", - "inal" - ], - [ - "l", - "apse" - ], - [ - "Ġre", - "vol" - ], - [ - "ĠI", - "x" - ], - [ - "ĠL", - "ens" - ], - [ - "Ġk", - "th" - ], - [ - "rel", - "axation" - ], - [ - "Cl", - "O" - ], - [ - "ichlor", - "o" - ], - [ - "Ġwrap", - "per" - ], - [ - "ĠSimultaneous", - "ly" - ], - [ - "Comput", - "e" - ], - [ - "ë", - "Ĭ" - ], - [ - "im", - "plantation" - ], - [ - "ĠV", - "LA" - ], - [ - "hem", - "e" - ], - [ - "ĠMay", - "or" - ], - [ - "ĠFac", - "ilit" - ], - [ - "Ġb", - "att" - ], - [ - "im", - "mer" - ], - [ - "Ġcur", - "ated" - ], - [ - "Ġconf", - "luent" - ], - [ - "gener", - "ational" - ], - [ - "star", - "ts" - ], - [ - "Ġgranul", - "osa" - ], - [ - "arboxyl", - "ate" - ], - [ - "ĠRies", - "z" - ], - [ - "Ġtext", - "book" - ], - [ - "Ġconstit", - "utional" - ], - [ - "ĠPe", - "ace" - ], - [ - "ĠComm", - "ander" - ], - [ - "Ġobsc", - "ured" - ], - [ - "v", - "il" - ], - [ - "ad", - "dition" - ], - [ - "ĠW", - "asserstein" - ], - [ - "co", - "ords" - ], - [ - "ĠProb", - "es" - ], - [ - "Ġdeline", - "ated" - ], - [ - "TZ", - "VP" - ], - [ - "ĠIN", - "F" - ], - [ - "Ġdos", - "ages" - ], - [ - "Ġolig", - "omerization" - ], - [ - "ĠNAD", - "P" - ], - [ - "MK", - "II" - ], - [ - "om", - "in" - ], - [ - "Ġl", - "hs" - ], - [ - "ug", - "hen" - ], - [ - "ĠJ", - "ong" - ], - [ - "anc", - "el" - ], - [ - "let", - "ter" - ], - [ - "ĠAN", - "C" - ], - [ - "F", - "UNCTION" - ], - [ - "Ġt", - "ram" - ], - [ - "The", - "ir" - ], - [ - "ĠGen", - "erated" - ], - [ - "Ġpoly", - "cyclic" - ], - [ - "Ġcul", - "min" - ], - [ - "Ġrect", - "um" - ], - [ - "Ġce", - "ft" - ], - [ - "Ġmetam", - "aterials" - ], - [ - "ĠBiot", - "ech" - ], - [ - "Ġmys", - "elf" - ], - [ - "Ġun", - "ifying" - ], - [ - "Ġem", - "an" - ], - [ - "ĠSing", - "er" - ], - [ - "triang", - "leright" - ], - [ - "om", - "el" - ], - [ - "ĠC", - "FA" - ], - [ - "oc", - "ha" - ], - [ - "ĠG", - "SM" - ], - [ - "Ġcent", - "rifuge" - ], - [ - "ĠInd", - "o" - ], - [ - "Ġtransport", - "ing" - ], - [ - "LI", - "B" - ], - [ - "Ġoxal", - "ate" - ], - [ - "ĠDul", - "becco" - ], - [ - "Ġal", - "i" - ], - [ - "arg", - "inal" - ], - [ - "ho", - "o" - ], - [ - "isc", - "hem" - ], - [ - "APIENTR", - "YP" - ], - [ - "A", - "part" - ], - [ - "L", - "DA" - ], - [ - "ens", - "ile" - ], - [ - "set", - "tings" - ], - [ - "Ġep", - "hem" - ], - [ - "amp", - "a" - ], - [ - "Ġdu", - "plications" - ], - [ - "ĠWhe", - "eler" - ], - [ - "Phys", - "ical" - ], - [ - "ĠCom", - "pletion" - ], - [ - "ĠOr", - "dered" - ], - [ - "Log", - "ger" - ], - [ - "Ġinterf", - "erences" - ], - [ - "ĠPoll", - "ution" - ], - [ - "Optim", - "al" - ], - [ - "S", - "v" - ], - [ - "a", - "icin" - ], - [ - "Ġp", - "icks" - ], - [ - "di", - "versity" - ], - [ - "tig", - "ens" - ], - [ - "Ġdim", - "orphism" - ], - [ - "fe", - "res" - ], - [ - "ĠRob", - "otic" - ], - [ - "Ġconfirm", - "atory" - ], - [ - "Ġcath", - "odic" - ], - [ - "Ġspir", - "als" - ], - [ - "Ġspr", - "uce" - ], - [ - "Lag", - "range" - ], - [ - "w", - "at" - ], - [ - "ĠAll", - "an" - ], - [ - "den", - "ote" - ], - [ - "C", - "ID" - ], - [ - "al", - "ways" - ], - [ - "it", - "he" - ], - [ - "ĠCh", - "im" - ], - [ - "con", - "ditional" - ], - [ - "bar", - "rier" - ], - [ - "Ġvisual", - "izing" - ], - [ - "Ġïĥ", - "¹" - ], - [ - "Sch", - "midt" - ], - [ - "Ġconvention", - "ally" - ], - [ - "ĠQU", - "ANT" - ], - [ - "GRO", - "UND" - ], - [ - "Ġ", - "ug" - ], - [ - "ĠC", - "WE" - ], - [ - "ĠIn", - "spired" - ], - [ - "Ġbu", - "yer" - ], - [ - "Ġtherm", - "ost" - ], - [ - "Ġkin", - "ematical" - ], - [ - "an", - "olic" - ], - [ - "Ġd", - "if" - ], - [ - "Ġï£", - "¼" - ], - [ - "ĠGe", - "o" - ], - [ - "Ex", - "amples" - ], - [ - "cons", - "istency" - ], - [ - "ĠPal", - "ace" - ], - [ - "ĠVacc", - "ination" - ], - [ - "Ġnatri", - "uretic" - ], - [ - "Y", - "AG" - ], - [ - "ĠCT", - "Cs" - ], - [ - "Un", - "ivers" - ], - [ - "ĠAcknowledg", - "ement" - ], - [ - "memb", - "ered" - ], - [ - "v", - "v" - ], - [ - "ĠS", - "ession" - ], - [ - "Ġinst", - "ar" - ], - [ - "ĠLe", - "vin" - ], - [ - "AV", - "I" - ], - [ - "Ġprolifer", - "ator" - ], - [ - "olith", - "s" - ], - [ - "ĠTemper", - "atures" - ], - [ - "im", - "ming" - ], - [ - "ĠTo", - "eplitz" - ], - [ - "IC", - "ATIONS" - ], - [ - "ĠIntegr", - "als" - ], - [ - "Ġsplic", - "ed" - ], - [ - "D", - "est" - ], - [ - "res", - "ulting" - ], - [ - "ĠH", - "ope" - ], - [ - "Ġen", - "closure" - ], - [ - "ie", - "ves" - ], - [ - "fl", - "av" - ], - [ - "ĠAbd", - "ul" - ], - [ - "Ġleishman", - "iasis" - ], - [ - "Ã", - "²" - ], - [ - "os", - "keleton" - ], - [ - "Ġad", - "duct" - ], - [ - "ĠInflu", - "ences" - ], - [ - "E", - "QU" - ], - [ - "ĠS", - "itu" - ], - [ - "Ġse", - "as" - ], - [ - "ĠRe", - "ich" - ], - [ - "cy", - "st" - ], - [ - "ĠEV", - "OLUTION" - ], - [ - "Ġwith", - "stand" - ], - [ - "ĠG", - "inzburg" - ], - [ - "RNA", - "i" - ], - [ - "ĠNon", - "parametric" - ], - [ - "ĠPr", - "incess" - ], - [ - "Ġintra", - "vascular" - ], - [ - "UT", - "IONS" - ], - [ - "Ġglut", - "ar" - ], - [ - "Ġcoinc", - "ided" - ], - [ - "ĠSa", - "ito" - ], - [ - "pret", - "rained" - ], - [ - "comb", - "ined" - ], - [ - "ĠT", - "AM" - ], - [ - "Ġalarm", - "s" - ], - [ - "Ġcyclo", - "oxygenase" - ], - [ - "Ġb", - "n" - ], - [ - "Ġpl", - "agi" - ], - [ - "Par", - "ticle" - ], - [ - "GG", - "G" - ], - [ - "e", - "tics" - ], - [ - "am", - "ber" - ], - [ - "AB", - "STRACT" - ], - [ - "ĠExt", - "racts" - ], - [ - "ĉĉĉ", - "ĠĠĠĠ" - ], - [ - "ĠPhyl", - "ogeny" - ], - [ - "t", - "ow" - ], - [ - "ĠCon", - "taining" - ], - [ - "Ġend", - "onuclease" - ], - [ - "inc", - "ubation" - ], - [ - "Ġoffic", - "inal" - ], - [ - "Ġexplos", - "ions" - ], - [ - "lay", - "out" - ], - [ - "Ġtouch", - "down" - ], - [ - "ĠReve", - "aled" - ], - [ - "Ġinfiltr", - "ate" - ], - [ - "en", - "ith" - ], - [ - "tim", - "ulation" - ], - [ - "ĠK", - "ind" - ], - [ - "erv", - "ices" - ], - [ - "PD", - "A" - ], - [ - "Ġcere", - "us" - ], - [ - "En", - "v" - ], - [ - "Ġlap", - "a" - ], - [ - "k", - "amp" - ], - [ - "m", - "ult" - ], - [ - "ent", - "hal" - ], - [ - "ĠGold", - "stone" - ], - [ - "si", - "RNA" - ], - [ - "stre", - "pt" - ], - [ - "Q", - "ual" - ], - [ - "m", - "other" - ], - [ - "di", - "o" - ], - [ - "Ġinf", - "requent" - ], - [ - "Ġcycl", - "ospor" - ], - [ - "hep", - "atitis" - ], - [ - "thromb", - "otic" - ], - [ - "G", - "ST" - ], - [ - "ĠL", - "j" - ], - [ - "ĠU", - "R" - ], - [ - "of", - "ect" - ], - [ - "ĠAr", - "row" - ], - [ - "eth", - "nic" - ], - [ - "ĠBarc", - "elona" - ], - [ - "C", - "are" - ], - [ - "ti", - "tious" - ], - [ - "Ġe", - "ta" - ], - [ - "Ġvir", - "ions" - ], - [ - "sm", - "ash" - ], - [ - "ĠâIJ", - "¤" - ], - [ - "Ġa", - "venues" - ], - [ - "ob", - "arb" - ], - [ - "ĠCom", - "ments" - ], - [ - "Ġany", - "way" - ], - [ - "af", - "il" - ], - [ - "ĠBe", - "a" - ], - [ - "ĠBo", - "ys" - ], - [ - "ĠAutom", - "ata" - ], - [ - "ĠSuperconduc", - "ting" - ], - [ - "P", - "ic" - ], - [ - "k", - "Hz" - ], - [ - "Ġn", - "orepinephrine" - ], - [ - "ĠG", - "PC" - ], - [ - "Ġunder", - "lined" - ], - [ - "bra", - "him" - ], - [ - "Ġelectrosp", - "ray" - ], - [ - "Ġses", - "qu" - ], - [ - "ĠTourn", - "ament" - ], - [ - "A", - "ustr" - ], - [ - "ĠG", - "rowing" - ], - [ - "ĠWe", - "bsite" - ], - [ - "LD", - "H" - ], - [ - "cov", - "ariance" - ], - [ - "sever", - "al" - ], - [ - "st", - "abilized" - ], - [ - "Ġdec", - "arboxylase" - ], - [ - "Ġrem", - "ed" - ], - [ - "rho", - "e" - ], - [ - "ĠSR", - "S" - ], - [ - "ĠTre", - "ated" - ], - [ - "ĠMad", - "agascar" - ], - [ - "ĠMag", - "ic" - ], - [ - "Ġweap", - "on" - ], - [ - "ĠYosh", - "ida" - ], - [ - "Ġhypogly", - "cemia" - ], - [ - "ĠBifid", - "obacterium" - ], - [ - "enti", - "tious" - ], - [ - "::", - ":" - ], - [ - "ĠSing", - "les" - ], - [ - "Ġnic", - "ely" - ], - [ - "Ġunexpected", - "ly" - ], - [ - "ib", - "les" - ], - [ - "ari", - "ae" - ], - [ - "Ġcent", - "roids" - ], - [ - "Ġbroad", - "ened" - ], - [ - "ĠJoh", - "ns" - ], - [ - "ĠBacter", - "oid" - ], - [ - "Ġfram", - "ing" - ], - [ - "Prim", - "ary" - ], - [ - "ĠPict", - "ure" - ], - [ - "gover", - "nment" - ], - [ - "Ġre", - "q" - ], - [ - "ĠT", - "ry" - ], - [ - "ib", - "o" - ], - [ - "Ġliqu", - "ef" - ], - [ - "osens", - "itivity" - ], - [ - "Ġsla", - "ughter" - ], - [ - "ĠD", - "AR" - ], - [ - "Ġlog", - "it" - ], - [ - "Ġprom", - "ises" - ], - [ - "Ġlaw", - "yer" - ], - [ - "ĠFP", - "G" - ], - [ - "T", - "CP" - ], - [ - "Ġinter", - "calation" - ], - [ - "ĠBo", - "e" - ], - [ - "Ġwide", - "band" - ], - [ - "Ġjudg", - "ement" - ], - [ - "romagn", - "ets" - ], - [ - "Last", - "ly" - ], - [ - "ĠIschem", - "ic" - ], - [ - "I", - "MA" - ], - [ - "f", - "ood" - ], - [ - "m", - "uch" - ], - [ - "Ġa", - "venue" - ], - [ - "Ġschist", - "osomiasis" - ], - [ - "ĠExec", - "ution" - ], - [ - "D", - "QU" - ], - [ - "G", - "IS" - ], - [ - "k", - "ines" - ], - [ - "ak", - "age" - ], - [ - "ech", - "t" - ], - [ - "ĠSc", - "aff" - ], - [ - "ĠStr", - "ings" - ], - [ - "ĠMulti", - "level" - ], - [ - "Ġcum", - "bersome" - ], - [ - "ĠRay", - "mond" - ], - [ - "Ġirregular", - "ities" - ], - [ - "ĠAGN", - "s" - ], - [ - "ĠMetast", - "atic" - ], - [ - "ĠIber", - "ian" - ], - [ - "M", - "b" - ], - [ - "R", - "NP" - ], - [ - "h", - "ong" - ], - [ - "is", - "inin" - ], - [ - "Ġth", - "irteen" - ], - [ - "ĠF", - "AS" - ], - [ - "Ġse", - "aling" - ], - [ - "Ġap", - "atite" - ], - [ - "Ġser", - "ially" - ], - [ - "ĠÅ", - "Ŀ" - ], - [ - "D", - "EL" - ], - [ - "F", - "o" - ], - [ - "ĠS", - "oph" - ], - [ - "ĠB", - "ear" - ], - [ - "ĠJ", - "osh" - ], - [ - "rec", - "k" - ], - [ - "ull", - "er" - ], - [ - "Ġexc", - "ursion" - ], - [ - "Ġemb", - "odied" - ], - [ - "Ġhybrid", - "ized" - ], - [ - "ĠLie", - "utenant" - ], - [ - "Per", - "iod" - ], - [ - "Ġmoll", - "us" - ], - [ - "C", - "VD" - ], - [ - "R", - "en" - ], - [ - "RE", - "AM" - ], - [ - "ĠB", - "ACK" - ], - [ - "Ġacc", - "reting" - ], - [ - "Ġcult", - "uring" - ], - [ - "ĠBur", - "st" - ], - [ - "ĠSeg", - "ment" - ], - [ - "Ġaster", - "isk" - ], - [ - "ĠIde", - "al" - ], - [ - "Ġinter", - "tw" - ], - [ - "ĠAt", - "oms" - ], - [ - "ĠST", - "E" - ], - [ - "Ġïģ", - "ª" - ], - [ - "Ġremark", - "ed" - ], - [ - "Ġhair", - "s" - ], - [ - "â", - "ľ" - ], - [ - "ĠMet", - "ropolis" - ], - [ - "ĠPar", - "tially" - ], - [ - "ĠObs", - "erver" - ], - [ - "Ġhemat", - "ologic" - ], - [ - "obil", - "ization" - ], - [ - "ĠBerg", - "man" - ], - [ - "Ġcart", - "esian" - ], - [ - "Ġclath", - "rin" - ], - [ - "ĠS", - "ung" - ], - [ - "Ġr", - "ation" - ], - [ - "Ġsc", - "oliosis" - ], - [ - "oh", - "l" - ], - [ - "mut", - "ant" - ], - [ - "NN", - "s" - ], - [ - "ĠRah", - "man" - ], - [ - "ĠSpati", - "ally" - ], - [ - "P", - "IP" - ], - [ - "Y", - "b" - ], - [ - "Ġd", - "iaz" - ], - [ - "ver", - "tebral" - ], - [ - "ad", - "zu" - ], - [ - "als", - "ki" - ], - [ - "ans", - "wer" - ], - [ - "Ġge", - "ochemistry" - ], - [ - "Ġstem", - "ming" - ], - [ - "w", - "es" - ], - [ - "ox", - "ys" - ], - [ - "Ġmat", - "s" - ], - [ - "ev", - "a" - ], - [ - "ĠHyper", - "bolic" - ], - [ - "arb", - "age" - ], - [ - "Ġclip", - "ping" - ], - [ - "ĠSug", - "ar" - ], - [ - "ĠC", - "ognition" - ], - [ - "ĠD", - "IV" - ], - [ - "Ġtem", - "pt" - ], - [ - "ĠPath", - "ogen" - ], - [ - "ĠPed", - "ro" - ], - [ - "Ġw", - "ak" - ], - [ - "ent", - "ries" - ], - [ - "ĠG", - "CM" - ], - [ - "pro", - "jective" - ], - [ - "Ġprof", - "iciency" - ], - [ - "ĠKn", - "own" - ], - [ - "Ġlex", - "icon" - ], - [ - "ĠMend", - "elian" - ], - [ - "Ġzoon", - "otic" - ], - [ - "le", - "ans" - ], - [ - "ĠT", - "alk" - ], - [ - "Ġk", - "urtosis" - ], - [ - "NA", - "S" - ], - [ - "ĠNow", - "adays" - ], - [ - "ĠL", - "il" - ], - [ - "ĠW", - "MAP" - ], - [ - "Ġdis", - "perse" - ], - [ - "Ġcoll", - "oids" - ], - [ - "eb", - "ra" - ], - [ - "OM", - "ET" - ], - [ - "ĠD", - "CT" - ], - [ - "ĠR", - "ise" - ], - [ - "Ġinter", - "genic" - ], - [ - "GT", - "H" - ], - [ - "Ġtap", - "ered" - ], - [ - "Mark", - "ovian" - ], - [ - "Prot", - "ocol" - ], - [ - "ĠVeget", - "ation" - ], - [ - "r", - "ats" - ], - [ - "Ġd", - "ivalent" - ], - [ - "ĠCr", - "ust" - ], - [ - "zy", - "g" - ], - [ - "Ġpig", - "mentation" - ], - [ - "grad", - "uate" - ], - [ - "ĠRic", - "c" - ], - [ - "Ġcounterex", - "ample" - ], - [ - "Ġs", - "ativ" - ], - [ - "Ġl", - "s" - ], - [ - "ĠCirc", - "ulation" - ], - [ - "is", - "otropic" - ], - [ - "ĠEN", - "SO" - ], - [ - "Ġtrop", - "onin" - ], - [ - "Ġdissol", - "ving" - ], - [ - "Ġcosme", - "tic" - ], - [ - "H", - "f" - ], - [ - "f", - "urther" - ], - [ - "Ġp", - "anc" - ], - [ - "Ġh", - "ops" - ], - [ - "int", - "ra" - ], - [ - "ĠZ", - "he" - ], - [ - "ĠRel", - "iable" - ], - [ - "ivol", - "umab" - ], - [ - "M", - "X" - ], - [ - "R", - "ab" - ], - [ - "ĠP", - "ES" - ], - [ - "ĠB", - "ü" - ], - [ - "Ġad", - "hered" - ], - [ - "Ġflu", - "ency" - ], - [ - "ĠCl", - "aus" - ], - [ - "Ġdel", - "amination" - ], - [ - "Ġgu", - "anine" - ], - [ - "ĠMulti", - "scale" - ], - [ - "ĠEqu", - "ip" - ], - [ - "ĠIll", - "ustr" - ], - [ - "Ġtetra", - "hydro" - ], - [ - "f", - "el" - ], - [ - "l", - "ists" - ], - [ - "Î", - "ŀ" - ], - [ - "em", - "ulsion" - ], - [ - "ĠN", - "Z" - ], - [ - "Ġwas", - "n" - ], - [ - "ai", - "ra" - ], - [ - "Ġarg", - "uing" - ], - [ - "mi", - "RNA" - ], - [ - "ĠExp", - "ressed" - ], - [ - "Ġspectrophot", - "ometric" - ], - [ - "Ġile", - "um" - ], - [ - "Ġflam", - "es" - ], - [ - "F", - "it" - ], - [ - "G", - "on" - ], - [ - "ĠC", - "ulex" - ], - [ - "Ġun", - "weighted" - ], - [ - "Ġnan", - "ob" - ], - [ - "SH", - "V" - ], - [ - "Ġalign", - "ing" - ], - [ - "Ġshut", - "tle" - ], - [ - "Ġchloro", - "quine" - ], - [ - "Ġpyr", - "ite" - ], - [ - "ĠR", - "ica" - ], - [ - "Ġr", - "ift" - ], - [ - "Ġcathe", - "psin" - ], - [ - "ĠPROC", - "ESS" - ], - [ - "P", - "f" - ], - [ - "R", - "aw" - ], - [ - "ray", - "fish" - ], - [ - "SA", - "L" - ], - [ - "coll", - "apse" - ], - [ - "........", - "........" - ], - [ - "at", - "ases" - ], - [ - "Ġwork", - "shops" - ], - [ - "oph", - "ile" - ], - [ - "ĠâĬ", - "ĥ" - ], - [ - "Ġbifurc", - "ations" - ], - [ - "T", - "race" - ], - [ - "Ġp", - "ause" - ], - [ - "Ġorbit", - "ing" - ], - [ - "oli", - "ubov" - ], - [ - "ĠCur", - "tis" - ], - [ - "ĠRevis", - "iting" - ], - [ - "ore", - "t" - ], - [ - "Ġinf", - "used" - ], - [ - "lu", - "ents" - ], - [ - "Ġplas", - "tid" - ], - [ - "Ġïģ", - "¹" - ], - [ - "Ġexec", - "utions" - ], - [ - "ĠGra", - "ves" - ], - [ - "loc", - "ally" - ], - [ - "ĠAtmosp", - "here" - ], - [ - "diab", - "etes" - ], - [ - "ĠPrad", - "esh" - ], - [ - "ĠCof", - "actor" - ], - [ - "is", - "omorphic" - ], - [ - "Ġb", - "od" - ], - [ - "ĠC", - "BD" - ], - [ - "Ġinc", - "ap" - ], - [ - "Ġret", - "rovirus" - ], - [ - "Ġlip", - "ophilic" - ], - [ - "Ġlin", - "oleic" - ], - [ - "Ġtrav", - "elled" - ], - [ - "c", - "ovalent" - ], - [ - "p", - "ick" - ], - [ - "u", - "pl" - ], - [ - "ĠP", - "ole" - ], - [ - "ĠTh", - "ym" - ], - [ - "ĠTe", - "ich" - ], - [ - "Ġcollabor", - "ators" - ], - [ - "Ġinstant", - "ons" - ], - [ - "ĠMEG", - "A" - ], - [ - "ĠHepat", - "ocellular" - ], - [ - "Ġinfest", - "ation" - ], - [ - "ĠPie", - "zo" - ], - [ - "ĠL", - "ub" - ], - [ - "ĠN", - "Cs" - ], - [ - "Ġnucle", - "oside" - ], - [ - "Ġoste", - "ogenesis" - ], - [ - "E", - "igen" - ], - [ - "R", - "MSE" - ], - [ - "Ġl", - "ax" - ], - [ - "ĠK", - "ost" - ], - [ - "ĠV", - "ero" - ], - [ - "ĠCh", - "ou" - ], - [ - "elect", - "rochemical" - ], - [ - "Ġcompe", - "ti" - ], - [ - "ch", - "ia" - ], - [ - "Ġsub", - "module" - ], - [ - "ĠAl", - "low" - ], - [ - "Ġresol", - "vent" - ], - [ - "Ġswe", - "eps" - ], - [ - "Ġsupercon", - "formal" - ], - [ - "pyrrol", - "idine" - ], - [ - "l", - "ofen" - ], - [ - "å", - "Ń" - ], - [ - "Ġdes", - "erves" - ], - [ - "ĠZ", - "imbabwe" - ], - [ - "az", - "ines" - ], - [ - "ĠCons", - "ult" - ], - [ - "Ġcast", - "le" - ], - [ - "Ġpharmaceutical", - "s" - ], - [ - "Ġparac", - "rine" - ], - [ - "Ġjejun", - "i" - ], - [ - "Ġargu", - "ably" - ], - [ - "Ġe", - "NOS" - ], - [ - "Ġher", - "ds" - ], - [ - "Ġvehic", - "ular" - ], - [ - "Ġtriang", - "ulated" - ], - [ - "Ġî", - "µ" - ], - [ - "ĠGrand", - "e" - ], - [ - "Ġanthocyan", - "ins" - ], - [ - "ĠD", - "uan" - ], - [ - "ĠV", - "ibration" - ], - [ - "Ġtri", - "ad" - ], - [ - "Ġhouse", - "keeping" - ], - [ - "B", - "or" - ], - [ - "Ġp", - "ub" - ], - [ - "Ġmal", - "formation" - ], - [ - "gluc", - "osamine" - ], - [ - "inhib", - "itory" - ], - [ - "Dir", - "ac" - ], - [ - "ĠC", - "SD" - ], - [ - "ĠRot", - "ating" - ], - [ - "ĠHTL", - "V" - ], - [ - "Ġdem", - "ol" - ], - [ - "inf", - "iltr" - ], - [ - "Ġhem", - "olytic" - ], - [ - "Ġcarb", - "apenem" - ], - [ - "Ġlum", - "inescent" - ], - [ - "ĠPlan", - "ets" - ], - [ - "Ġmell", - "ifera" - ], - [ - "Ġcortic", - "osterone" - ], - [ - "ĠAdd", - "ress" - ], - [ - "Ġhub", - "s" - ], - [ - "ometh", - "acin" - ], - [ - "å", - "IJ" - ], - [ - "ĠCh", - "ampions" - ], - [ - "ĠRe", - "vision" - ], - [ - "ĠHer", - "bert" - ], - [ - "Ġambig", - "uities" - ], - [ - "K", - "ERN" - ], - [ - "Ġd", - "é" - ], - [ - "Ġl", - "p" - ], - [ - "Ġen", - "vis" - ], - [ - "ĠCh", - "ol" - ], - [ - "rop", - "in" - ], - [ - "Ġdr", - "one" - ], - [ - "m", - "eyer" - ], - [ - "Ġis", - "otype" - ], - [ - "ĠV", - "u" - ], - [ - "ER", - "C" - ], - [ - "Ġvers", - "atility" - ], - [ - "Sp", - "eed" - ], - [ - "Ġae", - "tiology" - ], - [ - "Ġgonad", - "otropin" - ], - [ - "Ġcogn", - "ate" - ], - [ - "ĠCot", - "ton" - ], - [ - "reason", - "able" - ], - [ - "dis", - "able" - ], - [ - "Ġdevast", - "ating" - ], - [ - "P", - "ier" - ], - [ - "P", - "OL" - ], - [ - "ĠB", - "é" - ], - [ - "inc", - "ter" - ], - [ - "alu", - "able" - ], - [ - "Ġpoly", - "hedron" - ], - [ - "ĠRel", - "ay" - ], - [ - "Ġworkflow", - "s" - ], - [ - "F", - "EM" - ], - [ - "in", - "p" - ], - [ - "Ġm", - "ph" - ], - [ - "soft", - "max" - ], - [ - "m", - "ur" - ], - [ - "v", - "r" - ], - [ - "Ġe", - "rent" - ], - [ - "ĠK", - "N" - ], - [ - "Ġstat", - "in" - ], - [ - "Ġflat", - "ness" - ], - [ - "ĠArchitect", - "ures" - ], - [ - "ĠVeter", - "inary" - ], - [ - "Ġnos", - "ocomial" - ], - [ - "S", - "k" - ], - [ - "X", - "ML" - ], - [ - "ĠF", - "os" - ], - [ - "ĠL", - "or" - ], - [ - "Ġradi", - "ography" - ], - [ - "ĠBl", - "um" - ], - [ - "ĠDiscrim", - "ination" - ], - [ - "Ġp", - "unc" - ], - [ - "Ġex", - "its" - ], - [ - "ĠB", - "ilateral" - ], - [ - "ms", - "strahlung" - ], - [ - "Ġcolon", - "ized" - ], - [ - "ĠFib", - "rosis" - ], - [ - "Ġchaper", - "ones" - ], - [ - "abor", - "atory" - ], - [ - "ĠPers", - "istence" - ], - [ - "Ġlum", - "ped" - ], - [ - "Ġrab", - "ies" - ], - [ - "ĠBurn", - "s" - ], - [ - "D", - "ense" - ], - [ - "on", - "tium" - ], - [ - "acet", - "ylation" - ], - [ - "ĠF", - "ET" - ], - [ - "Ġhand", - "ful" - ], - [ - "bi", - "ology" - ], - [ - "Ġundes", - "ired" - ], - [ - "L", - "imit" - ], - [ - "ĠN", - "BA" - ], - [ - "ĠSe", - "oul" - ], - [ - "AP", - "T" - ], - [ - "ĠTrans", - "genic" - ], - [ - "oxygen", - "ation" - ], - [ - "But", - "ton" - ], - [ - "ĠTreat", - "ments" - ], - [ - "Z", - "V" - ], - [ - "is", - "omorphism" - ], - [ - "oc", - "ta" - ], - [ - "iff", - "e" - ], - [ - "ode", - "oxy" - ], - [ - "Ġorgan", - "elle" - ], - [ - "Ġcoll", - "oid" - ], - [ - "Ġcer", - "amide" - ], - [ - "Ġtq", - "dm" - ], - [ - "G", - "PS" - ], - [ - "ĠI", - "SR" - ], - [ - "oc", - "linic" - ], - [ - "ĠL", - "yme" - ], - [ - "Ġep", - "ig" - ], - [ - "ĠTra", - "il" - ], - [ - "I", - "PS" - ], - [ - "Ġs", - "orts" - ], - [ - "ĠZ", - "ebrafish" - ], - [ - "Ġhydrox", - "ylase" - ], - [ - "Sm", - "irnov" - ], - [ - "B", - "ax" - ], - [ - "ĠD", - "ance" - ], - [ - "ĠH", - "ors" - ], - [ - "Ġreach", - "ability" - ], - [ - "Par", - "allel" - ], - [ - "ĠES", - "BL" - ], - [ - "Ġupl", - "ink" - ], - [ - "Ġpostp", - "randial" - ], - [ - "s", - "olar" - ], - [ - "it", - "abine" - ], - [ - "ord", - "ism" - ], - [ - "Ne", - "asy" - ], - [ - "Ġaband", - "on" - ], - [ - "I", - "MI" - ], - [ - "f", - "ake" - ], - [ - "st", - "atistical" - ], - [ - "ĠC", - "ars" - ], - [ - "ib", - "ia" - ], - [ - "ĠÃ", - "ĩ" - ], - [ - "sp", - "c" - ], - [ - "MD", - "P" - ], - [ - "tiz", - "ations" - ], - [ - "Intern", - "ational" - ], - [ - "ular", - "is" - ], - [ - "Ġvacu", - "oles" - ], - [ - "K", - "C" - ], - [ - "ĠA", - "PT" - ], - [ - "ĠB", - "t" - ], - [ - "ĠB", - "om" - ], - [ - "ĠG", - "MP" - ], - [ - "Ġpione", - "er" - ], - [ - "ĠChair", - "man" - ], - [ - "ĠT", - "ucker" - ], - [ - "ĠR", - "AF" - ], - [ - "ĠN", - "ASH" - ], - [ - "ĠW", - "IT" - ], - [ - "yn", - "yl" - ], - [ - "Ġsup", - "plier" - ], - [ - "ans", - "ky" - ], - [ - "Ġdecom", - "posing" - ], - [ - "ĠUV", - "B" - ], - [ - "ophen", - "ol" - ], - [ - "Ġb", - "arium" - ], - [ - "ĠS", - "MT" - ], - [ - "ot", - "ocin" - ], - [ - "ly", - "tic" - ], - [ - "ran", - "king" - ], - [ - "ĠDi", - "rections" - ], - [ - "Ġinn", - "ervation" - ], - [ - "sw", - "itching" - ], - [ - "d", - "ac" - ], - [ - "Ġh", - "T" - ], - [ - "Ġdoc", - "tr" - ], - [ - "ĠIncre", - "mental" - ], - [ - "ĠEarthqu", - "ake" - ], - [ - "H", - "as" - ], - [ - "L", - "ee" - ], - [ - "m", - "ates" - ], - [ - "pro", - "line" - ], - [ - "ĠRE", - "E" - ], - [ - "Ġviol", - "ates" - ], - [ - "ð", - "x" - ], - [ - "Ġhomogen", - "ates" - ], - [ - "Bo", - "olean" - ], - [ - "Ġd", - "oxycycline" - ], - [ - "ĠMO", - "F" - ], - [ - "iop", - "hen" - ], - [ - "Ġapprec", - "iation" - ], - [ - "fin", - "als" - ], - [ - "character", - "istic" - ], - [ - "ĠContin", - "ental" - ], - [ - "B", - "us" - ], - [ - "E", - "sc" - ], - [ - "X", - "P" - ], - [ - "Û", - "Į" - ], - [ - "ĠCT", - "A" - ], - [ - "Max", - "well" - ], - [ - "Ġarchae", - "a" - ], - [ - "N", - "ik" - ], - [ - "N", - "ONE" - ], - [ - "T", - "W" - ], - [ - "ter", - "ing" - ], - [ - "ĠP", - "erman" - ], - [ - "Ġrest", - "ores" - ], - [ - "opath", - "ogenic" - ], - [ - "ĠMont", - "gomery" - ], - [ - "Ġglucocortic", - "oids" - ], - [ - "Ġ", - "ud" - ], - [ - "ĠN", - "uss" - ], - [ - "ĠN", - "é" - ], - [ - "ĠSt", - "urm" - ], - [ - "Ġatt", - "aching" - ], - [ - "Ġintra", - "peritoneally" - ], - [ - "las", - "ov" - ], - [ - "Ġst", - "ellate" - ], - [ - "Ġanti", - "proliferative" - ], - [ - "Ġmicro", - "organism" - ], - [ - "Ġvis", - "u" - ], - [ - "Ġjud", - "ges" - ], - [ - "random", - "ized" - ], - [ - "allow", - "ed" - ], - [ - "Ġdepri", - "ved" - ], - [ - "develop", - "ment" - ], - [ - "scrib", - "ed" - ], - [ - "ethe", - "rian" - ], - [ - "ĠFras", - "er" - ], - [ - "R", - "am" - ], - [ - "b", - "ib" - ], - [ - "Ġl", - "iner" - ], - [ - "Ġg", - "uns" - ], - [ - "res", - "net" - ], - [ - "ĠL", - "TR" - ], - [ - "ight", - "ing" - ], - [ - "In", - "iti" - ], - [ - "ĠZ", - "imm" - ], - [ - "ĠGe", - "ology" - ], - [ - "Ġantioxid", - "ative" - ], - [ - "Ġmag", - "enta" - ], - [ - "ĠNiger", - "ian" - ], - [ - "galax", - "y" - ], - [ - "ĠMelan", - "oma" - ], - [ - "F", - "ound" - ], - [ - "Ġb", - "um" - ], - [ - "ĠT", - "rop" - ], - [ - "ĠD", - "os" - ], - [ - "Ġmet", - "ab" - ], - [ - "Ġinv", - "oking" - ], - [ - "ĠSch", - "izophrenia" - ], - [ - "CF", - "G" - ], - [ - "Ġgel", - "ation" - ], - [ - "Ġopi", - "oids" - ], - [ - "p", - "is" - ], - [ - "Ġch", - "urches" - ], - [ - "Ġcan", - "onically" - ], - [ - "Ġj", - "ug" - ], - [ - "Ġaccept", - "ors" - ], - [ - "DM", - "EM" - ], - [ - "Ġobl", - "iqu" - ], - [ - "ĠMedic", - "are" - ], - [ - "arpo", - "on" - ], - [ - "Z", - "IP" - ], - [ - "ore", - "active" - ], - [ - "Ġim", - "printing" - ], - [ - "ĠV", - "inc" - ], - [ - "ĠÂ", - "¿" - ], - [ - "Ġrest", - "art" - ], - [ - "Ġdent", - "ate" - ], - [ - "en", - "zymatic" - ], - [ - "Ġin", - "guinal" - ], - [ - "ĠN", - "t" - ], - [ - "Ġun", - "observed" - ], - [ - "uct", - "uation" - ], - [ - "Ġbi", - "asing" - ], - [ - "Ġintegr", - "ins" - ], - [ - "Ġur", - "l" - ], - [ - "FP", - "GAM" - ], - [ - "ĠCL", - "UST" - ], - [ - "omat", - "ology" - ], - [ - "Ġmetallic", - "ities" - ], - [ - "Ġintention", - "ally" - ], - [ - "FPGAM", - "GR" - ], - [ - "T", - "yp" - ], - [ - "Ġal", - "ly" - ], - [ - "Ġcom", - "ic" - ], - [ - "ĠL", - "ions" - ], - [ - "Ġim", - "puted" - ], - [ - "ĠÃ", - "Ł" - ], - [ - "lex", - "ia" - ], - [ - "ĠJan", - "us" - ], - [ - "Ġbr", - "ass" - ], - [ - "ĠDown", - "loaded" - ], - [ - "BU", - "FF" - ], - [ - "iden", - "tical" - ], - [ - "Ġpsychiat", - "ry" - ], - [ - "C", - "CT" - ], - [ - "if", - "ar" - ], - [ - "ĠMand", - "el" - ], - [ - "Ġopto", - "electronic" - ], - [ - "Ġis", - "omerization" - ], - [ - "ĠF", - "ant" - ], - [ - "ĠL", - "ion" - ], - [ - "ĠL", - "ov" - ], - [ - "ĠN", - "af" - ], - [ - "est", - "a" - ], - [ - "Ġbi", - "ocompatible" - ], - [ - "Ġsec", - "retions" - ], - [ - "sc", - "i" - ], - [ - "ĠRet", - "ro" - ], - [ - "ois", - "omerase" - ], - [ - "ĠSn", - "ap" - ], - [ - "Ġsplitting", - "s" - ], - [ - "Ġscav", - "enger" - ], - [ - "proced", - "ure" - ], - [ - "Daw", - "ley" - ], - [ - "ë", - "ĭ¤" - ], - [ - "un", - "ate" - ], - [ - "ĠD", - "ye" - ], - [ - "ĠN", - "EC" - ], - [ - "Ġnan", - "ocl" - ], - [ - "Ġplan", - "etes" - ], - [ - "ĠTR", - "PM" - ], - [ - "Ġvo", - "ices" - ], - [ - "ĠHierarch", - "y" - ], - [ - "m", - "v" - ], - [ - "Ġl", - "asts" - ], - [ - "Ġh", - "oped" - ], - [ - "Ġmed", - "ians" - ], - [ - "ĠAnd", - "reev" - ], - [ - "Ġheight", - "ened" - ], - [ - "ä", - "»" - ], - [ - "Ġin", - "definite" - ], - [ - "ĠK", - "amp" - ], - [ - "ang", - "el" - ], - [ - "gr", - "ids" - ], - [ - "arch", - "ae" - ], - [ - "Ġtherap", - "ists" - ], - [ - "ĠMi", - "R" - ], - [ - "Ġnegoti", - "ation" - ], - [ - "H", - "SP" - ], - [ - "ĠC", - "ustom" - ], - [ - "Ġst", - "ria" - ], - [ - "Ġun", - "acceptable" - ], - [ - "ret", - "in" - ], - [ - "pen", - "et" - ], - [ - "ĠOR", - "R" - ], - [ - "ĠLife", - "time" - ], - [ - "ĠPhosph", - "ate" - ], - [ - "Ġtrop", - "ics" - ], - [ - "ĠWel", - "ch" - ], - [ - "ĠP", - "yr" - ], - [ - "Ġam", - "putation" - ], - [ - "ĠAr", - "tin" - ], - [ - "ĠCa", - "O" - ], - [ - "Ġconject", - "ures" - ], - [ - "Ġat", - "rium" - ], - [ - "ĠCom", - "plementary" - ], - [ - "ĠAl", - "uminum" - ], - [ - "Ġmic", - "row" - ], - [ - "ili", - "ated" - ], - [ - "ĠImmun", - "o" - ], - [ - "Ġbin", - "ocular" - ], - [ - "ĠWeak", - "ly" - ], - [ - "Ġimmun", - "ogenic" - ], - [ - "Ġbath", - "ym" - ], - [ - "ĠPhen", - "otype" - ], - [ - "Ġsial", - "ic" - ], - [ - "S", - "ix" - ], - [ - "Ġa", - "kin" - ], - [ - "ro", - "tor" - ], - [ - "hel", - "m" - ], - [ - "CC", - "ESS" - ], - [ - "Ġneuro", - "protection" - ], - [ - "ĠFif", - "th" - ], - [ - "Ġconting", - "ent" - ], - [ - "Ġsket", - "ched" - ], - [ - "I", - "mp" - ], - [ - "Ġc", - "ached" - ], - [ - "ure", - "ment" - ], - [ - "ĠB", - "ic" - ], - [ - "ĠK", - "ah" - ], - [ - "ber", - "ation" - ], - [ - "atter", - "son" - ], - [ - "Ġglyc", - "ation" - ], - [ - "Ġinvest", - "ors" - ], - [ - "Ass", - "isted" - ], - [ - "ial", - "es" - ], - [ - "sc", - "ience" - ], - [ - "Ġpil", - "ots" - ], - [ - "us", - "cripts" - ], - [ - "MI", - "CS" - ], - [ - "Ġorth", - "opedic" - ], - [ - "war", - "fs" - ], - [ - "gre", - "ater" - ], - [ - "ĠArter", - "y" - ], - [ - "V", - "ideo" - ], - [ - "Ġar", - "range" - ], - [ - "av", - "ar" - ], - [ - "charg", - "es" - ], - [ - "dial", - "dehyde" - ], - [ - "ĠT", - "PA" - ], - [ - "Ġsp", - "elling" - ], - [ - "ĠSe", - "iberg" - ], - [ - "Ġnavig", - "ate" - ], - [ - "ĠPow", - "der" - ], - [ - "ĠR", - "ings" - ], - [ - "ĠCh", - "ron" - ], - [ - "ĠAt", - "g" - ], - [ - "Ġhom", - "ocysteine" - ], - [ - "ĠIdentif", - "y" - ], - [ - "Ġo", - "ak" - ], - [ - "Ġl", - "iability" - ], - [ - "Ġoper", - "ands" - ], - [ - "ĠCT", - "D" - ], - [ - "Ġallevi", - "ates" - ], - [ - "m", - "A" - ], - [ - "ĠL", - "anger" - ], - [ - "Ġsub", - "manifolds" - ], - [ - "ĠJ", - "ag" - ], - [ - "Ġradi", - "ance" - ], - [ - "const", - "ants" - ], - [ - "ĠMor", - "occo" - ], - [ - "Eng", - "ine" - ], - [ - "á", - "¸" - ], - [ - "â", - "Ĥ¬" - ], - [ - "re", - "vers" - ], - [ - "PC", - "I" - ], - [ - "uns", - "queeze" - ], - [ - "ocon", - "version" - ], - [ - "Ġintens", - "ified" - ], - [ - "Ġrefin", - "ements" - ], - [ - "ofect", - "amine" - ], - [ - "ay", - "as" - ], - [ - "Ġinc", - "idental" - ], - [ - "ĠTh", - "ur" - ], - [ - "Ġover", - "d" - ], - [ - "Ġbit", - "ter" - ], - [ - "Ġign", - "ores" - ], - [ - "а", - "н" - ], - [ - "ĠOT", - "U" - ], - [ - "Ġs", - "err" - ], - [ - "ab", - "y" - ], - [ - "ĠG", - "CN" - ], - [ - "ĠCons", - "umer" - ], - [ - "Ġconc", - "ordant" - ], - [ - "ĠMR", - "C" - ], - [ - "ĠEcon", - "omy" - ], - [ - "satisf", - "ying" - ], - [ - "Ġbiotin", - "ylated" - ], - [ - "Numer", - "ical" - ], - [ - "ĠRash", - "ba" - ], - [ - "st", - "ochastic" - ], - [ - "ĠL", - "al" - ], - [ - "Ġbur", - "dens" - ], - [ - "All", - "oc" - ], - [ - "ĠGraph", - "ics" - ], - [ - "ĠLRR", - "K" - ], - [ - "A", - "IC" - ], - [ - "ĠT", - "ed" - ], - [ - "ĠS", - "ark" - ], - [ - "ow", - "l" - ], - [ - "Ġhe", - "most" - ], - [ - "ĠAn", - "at" - ], - [ - "Ġhom", - "ing" - ], - [ - "ĠChar", - "lie" - ], - [ - "ĠBr", - "uc" - ], - [ - "ih", - "ara" - ], - [ - "ing", - "en" - ], - [ - "ĠV", - "ern" - ], - [ - "ĠY", - "ers" - ], - [ - "Ġid", - "s" - ], - [ - "Ġcirc", - "RNAs" - ], - [ - "Ġconduc", - "ive" - ], - [ - "ĠBR", - "ST" - ], - [ - "Ġgall", - "ium" - ], - [ - "Ġdich", - "otomy" - ], - [ - "F", - "r" - ], - [ - "e", - "tition" - ], - [ - "Ġc", - "esarean" - ], - [ - "ol", - "an" - ], - [ - "Ġr", - "n" - ], - [ - "ub", - "stituted" - ], - [ - "ĠLe", - "aves" - ], - [ - "ĠLe", - "ader" - ], - [ - "col", - "oring" - ], - [ - "D", - "raw" - ], - [ - "Ġser", - "ous" - ], - [ - "Er", - "r" - ], - [ - "Ġinn", - "ermost" - ], - [ - "ĠHam", - "burg" - ], - [ - "S", - "tor" - ], - [ - "j", - "es" - ], - [ - "Ġto", - "l" - ], - [ - "id", - "ade" - ], - [ - "Ġr", - "v" - ], - [ - "ĠIn", - "version" - ], - [ - "Ġmulti", - "phase" - ], - [ - "Ġpseud", - "or" - ], - [ - "ĠGood", - "man" - ], - [ - "ĠJS", - "ON" - ], - [ - "Ġcorrid", - "or" - ], - [ - "Ġp", - "ork" - ], - [ - "ĠS", - "ale" - ], - [ - "ĠN", - "atal" - ], - [ - "Ġattack", - "ing" - ], - [ - "ĠShe", - "et" - ], - [ - "Ġstream", - "wise" - ], - [ - "Ġatom", - "istic" - ], - [ - "Ġfirm", - "ly" - ], - [ - "ĠAch", - "ie" - ], - [ - "Ġp", - "ir" - ], - [ - "ĠI", - "KK" - ], - [ - "ĠF", - "alk" - ], - [ - "ile", - "ptic" - ], - [ - "ĠTR", - "PC" - ], - [ - "Ġadhes", - "ions" - ], - [ - "HR", - "P" - ], - [ - "Ġpauc", - "ity" - ], - [ - "S", - "plit" - ], - [ - "U", - "DI" - ], - [ - "ĠS", - "end" - ], - [ - "ĠP", - "ine" - ], - [ - "ĠL", - "on" - ], - [ - "ĠL", - "ost" - ], - [ - "ef", - "er" - ], - [ - "con", - "caten" - ], - [ - "Ġlo", - "yal" - ], - [ - "Ġgly", - "cop" - ], - [ - "ĠObserv", - "ing" - ], - [ - "ĠMoh", - "amed" - ], - [ - "Y", - "R" - ], - [ - "ĠFil", - "ters" - ], - [ - "c", - "as" - ], - [ - "p", - "ages" - ], - [ - "Ġd", - "A" - ], - [ - "Ġare", - "al" - ], - [ - "ad", - "is" - ], - [ - "ĠL", - "HS" - ], - [ - "ĠThere", - "by" - ], - [ - "Ġvisual", - "izations" - ], - [ - "Ġtw", - "istor" - ], - [ - "unit", - "ary" - ], - [ - "Ġarch", - "ives" - ], - [ - "Ġphenol", - "ics" - ], - [ - "h", - "ik" - ], - [ - "s", - "son" - ], - [ - "ĠI", - "K" - ], - [ - "ĠStud", - "ying" - ], - [ - "Ġtw", - "isting" - ], - [ - "ĠHydro", - "dynamic" - ], - [ - "Ġsplit", - "ter" - ], - [ - "Ġurothel", - "ial" - ], - [ - "Ġal", - "ken" - ], - [ - "ĠG", - "PI" - ], - [ - "Ġcor", - "tices" - ], - [ - "Ġcrop", - "ping" - ], - [ - "Pati", - "ent" - ], - [ - "ĠChlam", - "yd" - ], - [ - "in", - "berg" - ], - [ - "ĠA", - "ircraft" - ], - [ - "ce", - "le" - ], - [ - "ect", - "ral" - ], - [ - "Ġconf", - "erences" - ], - [ - "Ġcre", - "atine" - ], - [ - "al", - "ty" - ], - [ - "pro", - "portional" - ], - [ - "Ġlept", - "onic" - ], - [ - "Ġov", - "ulation" - ], - [ - "uer", - "re" - ], - [ - "tez", - "omib" - ], - [ - "d", - "le" - ], - [ - "init", - "eness" - ], - [ - "ĠSpecim", - "ens" - ], - [ - "Ġcom", - "a" - ], - [ - "ine", - "phrine" - ], - [ - "Ġep", - "im" - ], - [ - "ĠPer", - "cent" - ], - [ - "Co", - "O" - ], - [ - "ĠLo", - "ading" - ], - [ - "Ġven", - "ue" - ], - [ - "ĠTN", - "M" - ], - [ - "Ġpac", - "emaker" - ], - [ - "ĠHoff", - "mann" - ], - [ - "T", - "ech" - ], - [ - "n", - "ie" - ], - [ - "ĠOr", - "leans" - ], - [ - "Ġmagnet", - "ron" - ], - [ - "Ġhospit", - "ality" - ], - [ - "ĠNord", - "ic" - ], - [ - "oprol", - "iferative" - ], - [ - "Ġundo", - "ubtedly" - ], - [ - "ĠS", - "rin" - ], - [ - "Ġhum", - "ic" - ], - [ - "ĠIntegr", - "ative" - ], - [ - "ĠCamp", - "us" - ], - [ - "Ġplant", - "arum" - ], - [ - "radi", - "ative" - ], - [ - "Ġiter", - "ator" - ], - [ - "ĠMes", - "ozoic" - ], - [ - "AP", - "s" - ], - [ - "car", - "inic" - ], - [ - "Ġcheck", - "points" - ], - [ - "ĠïĤ", - "£" - ], - [ - "ĠmA", - "bs" - ], - [ - "ĠLiver", - "pool" - ], - [ - "ìĿ", - "´" - ], - [ - "ĠEcos", - "ystem" - ], - [ - "Ġneovascular", - "ization" - ], - [ - "Ġdem", - "oc" - ], - [ - "lo", - "ops" - ], - [ - "ĠSU", - "RF" - ], - [ - "Ġpassiv", - "ation" - ], - [ - "Ġconsec", - "utively" - ], - [ - "ĠAlfv", - "én" - ], - [ - "ĠS", - "SE" - ], - [ - "Ġout", - "s" - ], - [ - "stim", - "ulation" - ], - [ - "Ġphilos", - "ophical" - ], - [ - "ĠS", - "ask" - ], - [ - "Ġfl", - "akes" - ], - [ - "Ġfinger", - "printing" - ], - [ - "Ġbuff", - "alo" - ], - [ - "ĠWik", - "imedia" - ], - [ - "Ġrecons", - "titution" - ], - [ - "Ġepithel", - "ia" - ], - [ - "on", - "k" - ], - [ - "en", - "y" - ], - [ - "ĠM", - "Q" - ], - [ - "ĠF", - "ork" - ], - [ - "end", - "ance" - ], - [ - "Ġgeneral", - "isation" - ], - [ - "Ġpe", - "oples" - ], - [ - "Ġconn", - "ector" - ], - [ - "ges", - "ia" - ], - [ - "inter", - "ference" - ], - [ - "Ġcolor", - "ation" - ], - [ - "calc", - "ulation" - ], - [ - "ĠAx", - "ial" - ], - [ - "ĠDES", - "IGN" - ], - [ - "Ġrecess", - "ion" - ], - [ - "Ġdissol", - "ve" - ], - [ - "ĠPartition", - "ing" - ], - [ - "Qx", - "MD" - ], - [ - "G", - "ES" - ], - [ - "V", - "o" - ], - [ - "k", - "har" - ], - [ - "ĠE", - "AE" - ], - [ - "Ġco", - "arser" - ], - [ - "Ġpost", - "traumatic" - ], - [ - "Ġsynthesis", - "ed" - ], - [ - "sil", - "ica" - ], - [ - "tetra", - "hydropy" - ], - [ - "ĠPor", - "ter" - ], - [ - "v", - "ark" - ], - [ - "ent", - "anyl" - ], - [ - "Ġcon", - "ve" - ], - [ - "Ġra", - "fts" - ], - [ - "bre", - "cht" - ], - [ - "Ġrectif", - "ier" - ], - [ - "Ġo", - "roph" - ], - [ - "ĠC", - "EP" - ], - [ - "Ġhist", - "ones" - ], - [ - "Ġstand", - "point" - ], - [ - "Ġanc", - "illary" - ], - [ - "ĠHur", - "ricane" - ], - [ - "c", - "ro" - ], - [ - "Ġre", - "b" - ], - [ - "Ġi", - "T" - ], - [ - "Ġge", - "ography" - ], - [ - "olar", - "ization" - ], - [ - "ĠMan", - "aging" - ], - [ - "Ġxyl", - "ose" - ], - [ - "uther", - "land" - ], - [ - "ĠTaq", - "Man" - ], - [ - "K", - "N" - ], - [ - "Ġt", - "m" - ], - [ - "ĠT", - "AS" - ], - [ - "ist", - "le" - ], - [ - "âĢ", - "«" - ], - [ - "Ġmy", - "corrhizal" - ], - [ - "ĠTer", - "restrial" - ], - [ - "haus", - "en" - ], - [ - "observ", - "able" - ], - [ - "Bri", - "en" - ], - [ - "Ġneutrop", - "enia" - ], - [ - "T", - "aken" - ], - [ - "ĠS", - "MI" - ], - [ - "Ġpol", - "ishing" - ], - [ - "Ġphot", - "op" - ], - [ - "Ġthermal", - "ization" - ], - [ - "Ġpseud", - "oscalar" - ], - [ - "ĠDom", - "inic" - ], - [ - "romy", - "algia" - ], - [ - "Ġechocardi", - "ographic" - ], - [ - "Ill", - "umina" - ], - [ - "ĠI", - "PC" - ], - [ - "ĠH", - "uss" - ], - [ - "ess", - "ive" - ], - [ - "up", - "take" - ], - [ - "Ġweek", - "end" - ], - [ - "Ġcorrobor", - "ate" - ], - [ - "ĠTas", - "man" - ], - [ - "her", - "ty" - ], - [ - "Ġper", - "ine" - ], - [ - "Ġtrans", - "ports" - ], - [ - "Ġgl", - "ance" - ], - [ - "ret", - "inal" - ], - [ - "Pro", - "to" - ], - [ - "igen", - "es" - ], - [ - "Ġprohib", - "ited" - ], - [ - "behavi", - "oral" - ], - [ - "ophe", - "rol" - ], - [ - "ë", - "¡" - ], - [ - "ĠN", - "ecess" - ], - [ - "ob", - "iology" - ], - [ - "ok", - "k" - ], - [ - "Ġtra", - "versal" - ], - [ - "ĠAnd", - "es" - ], - [ - "Res", - "ource" - ], - [ - "oli", - "tic" - ], - [ - "ç", - "a" - ], - [ - "i", - "rie" - ], - [ - "arc", - "tan" - ], - [ - "Ġmorph", - "ogenetic" - ], - [ - "ĠHu", - "i" - ], - [ - "loss", - "es" - ], - [ - "Ġfulf", - "illing" - ], - [ - "Ġhur", - "ricane" - ], - [ - "om", - "bo" - ], - [ - "Ġg", - "s" - ], - [ - "ĠL", - "v" - ], - [ - "ĠN", - "erv" - ], - [ - "ell", - "osis" - ], - [ - "Ġconf", - "ront" - ], - [ - "Ġorth", - "ologous" - ], - [ - "Ġwet", - "tability" - ], - [ - "Ġcyan", - "obacterial" - ], - [ - "Ġcass", - "ava" - ], - [ - "A", - "UT" - ], - [ - "a", - "vi" - ], - [ - "h", - "len" - ], - [ - "ĠS", - "LA" - ], - [ - "Ġcon", - "vol" - ], - [ - "Ġinter", - "metallic" - ], - [ - "ins", - "ide" - ], - [ - "Ġpolar", - "izability" - ], - [ - "Ġens", - "uing" - ], - [ - "Ġchlor", - "oplasts" - ], - [ - "l", - "id" - ], - [ - "l", - "ips" - ], - [ - "Ġre", - "bound" - ], - [ - "ĠC", - "ary" - ], - [ - "ĠL", - "ambda" - ], - [ - "ĠV", - "iv" - ], - [ - "Ġcalc", - "ination" - ], - [ - "ĠÌ", - "Ĩ" - ], - [ - "Ġcounter", - "factual" - ], - [ - "ĠSil", - "ica" - ], - [ - "Ref", - "eree" - ], - [ - "Ġhomolog", - "ues" - ], - [ - "ĠSpati", - "otemporal" - ], - [ - "ĠArr", - "henius" - ], - [ - "Ġinf", - "lamed" - ], - [ - "ĠZ", - "ambia" - ], - [ - "Ġanti", - "psychotic" - ], - [ - "hel", - "per" - ], - [ - "Bl", - "ood" - ], - [ - "Ġpurch", - "asing" - ], - [ - "ĠSchw", - "inger" - ], - [ - "ĠWilk", - "inson" - ], - [ - "Ġfain", - "ter" - ], - [ - "Ġr", - "ash" - ], - [ - "ĠJ", - "ang" - ], - [ - "ĠCon", - "ductivity" - ], - [ - "rop", - "oda" - ], - [ - "ĠSe", - "q" - ], - [ - "Ġprop", - "olis" - ], - [ - "Ġtub", - "ule" - ], - [ - "ĠLie", - "b" - ], - [ - "optim", - "ization" - ], - [ - "m", - "ounted" - ], - [ - "em", - "es" - ], - [ - "can", - "ic" - ], - [ - "oradi", - "otherapy" - ], - [ - "ĠJen", - "kins" - ], - [ - "N", - "c" - ], - [ - "T", - "ogether" - ], - [ - "Ġf", - "ove" - ], - [ - "Ġm", - "v" - ], - [ - "ĠDef", - "ect" - ], - [ - "ä", - "t" - ], - [ - "ĠFin", - "ance" - ], - [ - "umar", - "in" - ], - [ - "mitt", - "ance" - ], - [ - "ere", - "l" - ], - [ - "ĠF", - "ren" - ], - [ - "ĠR", - "hyth" - ], - [ - "ram", - "ified" - ], - [ - "Ġhyper", - "cholesterolem" - ], - [ - "Ġstim", - "ulatory" - ], - [ - "ĠRich", - "mond" - ], - [ - "Ġadvance", - "ments" - ], - [ - "b", - "les" - ], - [ - "x", - "u" - ], - [ - "all", - "ation" - ], - [ - "Ġint", - "ral" - ], - [ - "iter", - "pene" - ], - [ - "Con", - "cerning" - ], - [ - "Ġbul", - "ky" - ], - [ - "Ġá", - "¾±" - ], - [ - "comput", - "ation" - ], - [ - "ĠAgar", - "wal" - ], - [ - "C", - "entral" - ], - [ - "X", - "PS" - ], - [ - "Ġt", - "alks" - ], - [ - "ĠT", - "ap" - ], - [ - "im", - "ilar" - ], - [ - "ĠN", - "CI" - ], - [ - "Ġacc", - "used" - ], - [ - "Ġtranscript", - "omes" - ], - [ - "Ġprovision", - "ing" - ], - [ - "ĠEt", - "OH" - ], - [ - "g", - "m" - ], - [ - "Ġt", - "id" - ], - [ - "ĠP", - "OC" - ], - [ - "ff", - "man" - ], - [ - "ĠIn", - "er" - ], - [ - "ĠU", - "B" - ], - [ - "inc", - "ubated" - ], - [ - "ĠAt", - "rial" - ], - [ - "Ġfour", - "teen" - ], - [ - "ĠAstr", - "onomical" - ], - [ - "ĠMig", - "uel" - ], - [ - "ĠK", - "ov" - ], - [ - "Ġsc", - "ipy" - ], - [ - "Ġtherm", - "oplastic" - ], - [ - "ĠMan", - "uel" - ], - [ - "ĠProm", - "otion" - ], - [ - "ĠAccess", - "ed" - ], - [ - "Ġterr", - "itorial" - ], - [ - "in", - "as" - ], - [ - "ĠM", - "Ps" - ], - [ - "mon", - "itoring" - ], - [ - "ĠSim", - "ulating" - ], - [ - "Ġpan", - "or" - ], - [ - "Ġrhe", - "umatic" - ], - [ - "select", - "in" - ], - [ - "ĠLap", - "aroscopic" - ], - [ - "H", - "LA" - ], - [ - "ĠY", - "ale" - ], - [ - "sp", - "read" - ], - [ - "ET", - "S" - ], - [ - "Ġglyc", - "ans" - ], - [ - "Ġimmig", - "rant" - ], - [ - "D", - "onald" - ], - [ - "ĠC", - "ASE" - ], - [ - "ĠH", - "II" - ], - [ - "gl", - "omer" - ], - [ - "Ġïĥ", - "İ" - ], - [ - "ĠExper", - "iences" - ], - [ - "ĠViet", - "namese" - ], - [ - "Hod", - "gkin" - ], - [ - "o", - "ader" - ], - [ - "he", - "art" - ], - [ - "Ġrem", - "edy" - ], - [ - "Ġfacilit", - "ators" - ], - [ - "open", - "hagen" - ], - [ - "d", - "odec" - ], - [ - "ĠF", - "riend" - ], - [ - "ĠTo", - "uch" - ], - [ - "arm", - "s" - ], - [ - "CR", - "s" - ], - [ - "Ġultra", - "high" - ], - [ - "ĠDri", - "ver" - ], - [ - "GEM", - "ENTS" - ], - [ - "ĠO", - "u" - ], - [ - "Ġend", - "ocarditis" - ], - [ - "Ġauto", - "encoder" - ], - [ - "Ġ", - "ich" - ], - [ - "Ġf", - "etch" - ], - [ - "ur", - "ian" - ], - [ - "ĠOR", - "Fs" - ], - [ - "Ġperme", - "abilized" - ], - [ - "ĠWi", - "Fi" - ], - [ - "ĠLith", - "uan" - ], - [ - "Struct", - "ure" - ], - [ - "L", - "n" - ], - [ - "h", - "ouses" - ], - [ - "Ġo", - "ught" - ], - [ - "ĠConcl", - "uding" - ], - [ - "Ġann", - "iversary" - ], - [ - "ĠCre", - "ation" - ], - [ - "Ġblind", - "ness" - ], - [ - "Ġpc", - "DNA" - ], - [ - "ĠSus", - "an" - ], - [ - "ĠBenjamin", - "i" - ], - [ - "ĠSent", - "ence" - ], - [ - "Ġs", - "nd" - ], - [ - "Ġf", - "ins" - ], - [ - "ph", - "is" - ], - [ - "ĠMod", - "ules" - ], - [ - "Ġneuro", - "psychiatric" - ], - [ - "ĠPot", - "assium" - ], - [ - "Ġsacrific", - "e" - ], - [ - "Ġdysp", - "nea" - ], - [ - "Ġdeliber", - "ately" - ], - [ - "omeg", - "aly" - ], - [ - "M", - "edia" - ], - [ - "T", - "emporal" - ], - [ - "Ġsh", - "ark" - ], - [ - "SC", - "AN" - ], - [ - "split", - "ting" - ], - [ - "Ġmis", - "use" - ], - [ - "Ġbirefring", - "ence" - ], - [ - "ĠÖĴ", - "âĨĴ" - ], - [ - "Ġp", - "ier" - ], - [ - "Ġn", - "urs" - ], - [ - "ĠS", - "clerosis" - ], - [ - "ad", - "hy" - ], - [ - "Ġund", - "etermined" - ], - [ - "Ġcomple", - "mentation" - ], - [ - "ĠAff", - "ect" - ], - [ - "ĠHam", - "ps" - ], - [ - "Ġg", - "ob" - ], - [ - "ĠF", - "ate" - ], - [ - "ĠH", - "AL" - ], - [ - "ĠK", - "iss" - ], - [ - "Ġmicro", - "be" - ], - [ - "Ġcarbon", - "aceous" - ], - [ - "Ġlip", - "osome" - ], - [ - "ĠUs", - "age" - ], - [ - "Ġquasipar", - "ticles" - ], - [ - "Ġc", - "asp" - ], - [ - "ĠN", - "arrow" - ], - [ - "Ġout", - "look" - ], - [ - "ĠCh", - "ord" - ], - [ - "Ġclaim", - "ing" - ], - [ - "Ġdiver", - "ging" - ], - [ - "ĠBio", - "informatics" - ], - [ - "ĠPsy", - "chiatric" - ], - [ - "ĠMas", - "ters" - ], - [ - "Ġll", - "vm" - ], - [ - "ĠI", - "QR" - ], - [ - "ph", - "ases" - ], - [ - "ĠTh", - "y" - ], - [ - "erg", - "er" - ], - [ - "ĠDi", - "pl" - ], - [ - "SF", - "R" - ], - [ - "Ġcred", - "ited" - ], - [ - "ĠTet", - "ra" - ], - [ - "âĭ", - "¯" - ], - [ - "Ġamn", - "iotic" - ], - [ - "ĠCharlot", - "te" - ], - [ - "C", - "ox" - ], - [ - "H", - "ard" - ], - [ - "ar", - "ticle" - ], - [ - "ĠD", - "EA" - ], - [ - "ĠE", - "clipse" - ], - [ - "ĠL", - "MP" - ], - [ - "Ġim", - "prison" - ], - [ - "ĠV", - "arying" - ], - [ - "ES", - "Cs" - ], - [ - "ĠTHE", - "O" - ], - [ - "Ġnerv", - "osa" - ], - [ - "Ġpreced", - "es" - ], - [ - "Ġgy", - "ro" - ], - [ - "ĠWOR", - "DS" - ], - [ - "ĠDak", - "ota" - ], - [ - "ut", - "ory" - ], - [ - "ĠE", - "mer" - ], - [ - "ad", - "am" - ], - [ - "ĠN", - "ah" - ], - [ - "ĠVir", - "go" - ], - [ - "Set", - "ting" - ], - [ - "P", - "Q" - ], - [ - "å", - "®" - ], - [ - "er", - "us" - ], - [ - "Ġc", - "ep" - ], - [ - "Ġb", - "d" - ], - [ - "di", - "er" - ], - [ - "Ġim", - "balanced" - ], - [ - "Ġtimes", - "tep" - ], - [ - "ä", - "n" - ], - [ - "ĠRab", - "bit" - ], - [ - "Ġham", - "sters" - ], - [ - "Ġmedull", - "a" - ], - [ - "ĠChromat", - "ography" - ], - [ - "IN", - "PUT" - ], - [ - "Ġloss", - "y" - ], - [ - "P", - "seud" - ], - [ - "ĠP", - "BL" - ], - [ - "ĠD", - "omestic" - ], - [ - "ia", - "u" - ], - [ - "anc", - "ell" - ], - [ - "Ġmulti", - "layers" - ], - [ - "Ġsubs", - "idi" - ], - [ - "ĠUtil", - "izing" - ], - [ - "t", - "une" - ], - [ - "re", - "hend" - ], - [ - "ar", - "te" - ], - [ - "Ġb", - "urs" - ], - [ - "ĠN", - "HE" - ], - [ - "Ġclos", - "eness" - ], - [ - "ĠCol", - "our" - ], - [ - "ĠHom", - "o" - ], - [ - "Equ", - "ations" - ], - [ - "Ġsut", - "ures" - ], - [ - "ac", - "us" - ], - [ - "Ġknock", - "ed" - ], - [ - "Ġsecret", - "ary" - ], - [ - "Ġascer", - "tained" - ], - [ - "Ġin", - "patients" - ], - [ - "ir", - "ts" - ], - [ - "Ġpl", - "ut" - ], - [ - "ans", - "son" - ], - [ - "ram", - "i" - ], - [ - "Ġoste", - "otomy" - ], - [ - "ĠPrim", - "ers" - ], - [ - "ĠLeg", - "islative" - ], - [ - "ĠCardi", - "ology" - ], - [ - "Ġadmit", - "ting" - ], - [ - "Ġexcav", - "ation" - ], - [ - "ĠHedge", - "hog" - ], - [ - "W", - "G" - ], - [ - "f", - "rozen" - ], - [ - "Ġl", - "iber" - ], - [ - "ĠI", - "CE" - ], - [ - "ch", - "osen" - ], - [ - "ĠK", - "ohn" - ], - [ - "St", - "op" - ], - [ - "Ph", - "il" - ], - [ - "phag", - "ia" - ], - [ - "ĠB", - "CA" - ], - [ - "Ġem", - "pt" - ], - [ - "Ġz", - "z" - ], - [ - "oper", - "s" - ], - [ - "ĠSi", - "xty" - ], - [ - "eck", - "man" - ], - [ - "Ġtransf", - "errin" - ], - [ - "Ġpenal", - "ized" - ], - [ - "Be", - "ing" - ], - [ - "Ġextr", - "uded" - ], - [ - "Ġmini", - "ature" - ], - [ - "Ġeditor", - "ial" - ], - [ - "Ġinterconn", - "ect" - ], - [ - "g", - "ro" - ], - [ - "k", - "v" - ], - [ - "ol", - "en" - ], - [ - "ĠSY", - "STEMS" - ], - [ - "ĠColon", - "el" - ], - [ - "ĠMedi", - "ated" - ], - [ - "ĠE", - "MD" - ], - [ - "Ġkn", - "ife" - ], - [ - "Ġcyt", - "ogenetic" - ], - [ - "Ġdig", - "itized" - ], - [ - "abin", - "oids" - ], - [ - "arter", - "ial" - ], - [ - "Ġdiar", - "rhoea" - ], - [ - "b", - "ag" - ], - [ - "Ġb", - "uccal" - ], - [ - "st", - "ay" - ], - [ - "ĠL", - "AMP" - ], - [ - "ok", - "o" - ], - [ - "ĠPol", - "yt" - ], - [ - "mask", - "ed" - ], - [ - "ĠTun", - "able" - ], - [ - "Ġco", - "agul" - ], - [ - "par", - "as" - ], - [ - "Ġterm", - "inating" - ], - [ - "IC", - "Ag" - ], - [ - "ĠExcell", - "ence" - ], - [ - "Ġregurg", - "itation" - ], - [ - "DQU", - "FD" - ], - [ - "J", - "ack" - ], - [ - "Ġa", - "pertures" - ], - [ - "ĠI", - "p" - ], - [ - "ĠH", - "CMV" - ], - [ - "ĠG", - "om" - ], - [ - "Ġnucle", - "ophilic" - ], - [ - "Ġparen", - "teral" - ], - [ - "T", - "IM" - ], - [ - "o", - "ine" - ], - [ - "Ġn", - "T" - ], - [ - "ĠS", - "ense" - ], - [ - "ĠF", - "ocal" - ], - [ - "ran", - "ges" - ], - [ - "Ġhe", - "pt" - ], - [ - "ĠPl", - "at" - ], - [ - "Ġmy", - "x" - ], - [ - "Ġcode", - "book" - ], - [ - "Ex", - "pl" - ], - [ - "ĠRho", - "A" - ], - [ - "Ġrhin", - "itis" - ], - [ - "ĠErr", - "atum" - ], - [ - "Orient", - "ed" - ], - [ - "W", - "ell" - ], - [ - "d", - "oping" - ], - [ - "Ġb", - "up" - ], - [ - "ĠIm", - "pedance" - ], - [ - "Ġsubstit", - "utes" - ], - [ - "actor", - "ily" - ], - [ - "Ġcollabor", - "ations" - ], - [ - "ĠWay", - "ne" - ], - [ - "Ġvow", - "els" - ], - [ - "ĠSh", - "adow" - ], - [ - "Ġphen", - "ology" - ], - [ - "Ġconcur", - "rency" - ], - [ - "h", - "aving" - ], - [ - "ĠC", - "ES" - ], - [ - "ĠF", - "IN" - ], - [ - "ĠL", - "oh" - ], - [ - "ox", - "a" - ], - [ - "ĠAl", - "N" - ], - [ - "ĠAl", - "varez" - ], - [ - "ins", - "tit" - ], - [ - "Ġgerm", - "plasm" - ], - [ - "ĠBol", - "iv" - ], - [ - "ĠR", - "CP" - ], - [ - "ass", - "ador" - ], - [ - "Ġes", - "p" - ], - [ - "Ġphen", - "otyping" - ], - [ - "Ġskip", - "ping" - ], - [ - "ĠFract", - "al" - ], - [ - "ĠPED", - "OT" - ], - [ - "w", - "ake" - ], - [ - "ĠF", - "IT" - ], - [ - "ĠE", - "SD" - ], - [ - "ĠAn", - "tif" - ], - [ - "ubiqu", - "itin" - ], - [ - "ĠAer", - "ial" - ], - [ - "ĠProgn", - "osis" - ], - [ - "ĠREL", - "ATED" - ], - [ - "Ġstratig", - "raphy" - ], - [ - "vat", - "ron" - ], - [ - "ĠPROPERT", - "IES" - ], - [ - "Ġ", - "icon" - ], - [ - "is", - "ers" - ], - [ - "Ġw", - "al" - ], - [ - "Ġst", - "amp" - ], - [ - "ĠOptim", - "um" - ], - [ - "Ġolig", - "omeric" - ], - [ - "Ġinn", - "erv" - ], - [ - "Y", - "A" - ], - [ - "Ab", - "cam" - ], - [ - "Ġv", - "ials" - ], - [ - "ĠG", - "rig" - ], - [ - "Ġun", - "aware" - ], - [ - "Ġoper", - "a" - ], - [ - "ĠWar", - "ner" - ], - [ - "Ġproton", - "ated" - ], - [ - "ĠDR", - "G" - ], - [ - "Ġtro", - "ubles" - ], - [ - "Ġproposition", - "al" - ], - [ - "ĠAfghan", - "istan" - ], - [ - "ĠHamps", - "hire" - ], - [ - "G", - "d" - ], - [ - "l", - "ung" - ], - [ - "Ġa", - "viation" - ], - [ - "Ġap", - "artment" - ], - [ - "Ġinf", - "usions" - ], - [ - "Ġbro", - "ilers" - ], - [ - "ĠDis", - "ability" - ], - [ - "ĠRob", - "ots" - ], - [ - "Ġdeb", - "ugging" - ], - [ - "Ġì", - "Ŀ" - ], - [ - "Wil", - "son" - ], - [ - "upro", - "fen" - ], - [ - "obarb", - "ital" - ], - [ - "J", - "B" - ], - [ - "is", - "ance" - ], - [ - "iti", - "zer" - ], - [ - "MI", - "S" - ], - [ - "ĠAR", - "F" - ], - [ - "Ġprost", - "heses" - ], - [ - "Ġdichlor", - "omethane" - ], - [ - "m", - "Cherry" - ], - [ - "ĠS", - "SS" - ], - [ - "ĠL", - "PA" - ], - [ - "SC", - "F" - ], - [ - "att", - "ract" - ], - [ - "Ġcalibr", - "ations" - ], - [ - "Ġfibr", - "il" - ], - [ - "Ġhapl", - "oid" - ], - [ - "usal", - "em" - ], - [ - "ĠN", - "ut" - ], - [ - "Ġde", - "ut" - ], - [ - "ch", - "ronic" - ], - [ - "NA", - "P" - ], - [ - "ĠCytok", - "ines" - ], - [ - "rage", - "en" - ], - [ - "ĠC", - "ategories" - ], - [ - "rain", - "s" - ], - [ - "Ġsumm", - "ands" - ], - [ - "Ġprolif", - "erate" - ], - [ - "ryl", - "ov" - ], - [ - "Ġple", - "asure" - ], - [ - "Ġdens", - "it" - ], - [ - "ĠSUR", - "VE" - ], - [ - "H", - "IP" - ], - [ - "h", - "all" - ], - [ - "ĠF", - "US" - ], - [ - "Ġwas", - "ting" - ], - [ - "ER", - "Y" - ], - [ - "Ġstat", - "ins" - ], - [ - "Ġeast", - "ward" - ], - [ - "some", - "times" - ], - [ - "Ġwrap", - "ping" - ], - [ - "ĠTW", - "O" - ], - [ - "v", - "ine" - ], - [ - "Ġs", - "acchar" - ], - [ - "Ġam", - "ateur" - ], - [ - "ĠÃ", - "Ľ" - ], - [ - "Ġmy", - "ster" - ], - [ - "ĠMy", - "o" - ], - [ - "Ġrh", - "abd" - ], - [ - "ĠProte", - "ase" - ], - [ - "Ġchol", - "era" - ], - [ - "ĠG", - "ov" - ], - [ - "ĠG", - "CC" - ], - [ - "Ġcl", - "ays" - ], - [ - "trans", - "mission" - ], - [ - "ĠHol", - "lywood" - ], - [ - "Ġxen", - "ob" - ], - [ - "FLO", - "AT" - ], - [ - "Ġas", - "cent" - ], - [ - "Ġsh", - "arks" - ], - [ - "Ġinter", - "feres" - ], - [ - "ĠForm", - "er" - ], - [ - "ĠHart", - "mann" - ], - [ - "s", - "ha" - ], - [ - "ĠS", - "ave" - ], - [ - "Ġpar", - "ks" - ], - [ - "ĠV", - "enn" - ], - [ - "Ġun", - "ions" - ], - [ - "Ġdisc", - "our" - ], - [ - "Ġsuper", - "lattices" - ], - [ - "Ġcou", - "pler" - ], - [ - "protein", - "s" - ], - [ - "ĠStation", - "ary" - ], - [ - "ĠEther", - "net" - ], - [ - "ĠFré", - "chet" - ], - [ - "Ġk", - "ines" - ], - [ - "Ġj", - "azz" - ], - [ - "As", - "n" - ], - [ - "Ġextension", - "al" - ], - [ - "Ġtel", - "omeres" - ], - [ - "Ġpermit", - "ting" - ], - [ - "Ġexha", - "usted" - ], - [ - "ĠSph", - "ing" - ], - [ - "T", - "urn" - ], - [ - "m", - "ind" - ], - [ - "Ġs", - "f" - ], - [ - "ĠH", - "ak" - ], - [ - "ran", - "olol" - ], - [ - "port", - "ation" - ], - [ - "Cons", - "istent" - ], - [ - "Ġventi", - "lated" - ], - [ - "ĠDIST", - "RIB" - ], - [ - "Ġt", - "elling" - ], - [ - "Ġman", - "nose" - ], - [ - "ÃŃ", - "az" - ], - [ - "Ġbor", - "ne" - ], - [ - "Ġintens", - "ification" - ], - [ - "Ġenjoy", - "ed" - ], - [ - "ĠBrun", - "o" - ], - [ - "ĠSatur", - "day" - ], - [ - "Ġc", - "ocycle" - ], - [ - "it", - "ate" - ], - [ - "Ġg", - "olf" - ], - [ - "appro", - "ved" - ], - [ - "ĠNik", - "ol" - ], - [ - "it", - "ri" - ], - [ - "ĠS", - "entiment" - ], - [ - "Ġg", - "low" - ], - [ - "Ġg", - "yp" - ], - [ - "ĠP", - "CT" - ], - [ - "ab", - "er" - ], - [ - "ĠW", - "is" - ], - [ - "por", - "um" - ], - [ - "Ġhy", - "phae" - ], - [ - "fe", - "as" - ], - [ - "ĠTra", - "its" - ], - [ - "ĠConfl", - "icts" - ], - [ - "degrad", - "ing" - ], - [ - "R", - "aman" - ], - [ - "ph", - "armac" - ], - [ - "Ġimmun", - "ocyt" - ], - [ - "ĠBl", - "ake" - ], - [ - "Ġpseud", - "oc" - ], - [ - "ĠCharacter", - "isation" - ], - [ - "ĠGalile", - "o" - ], - [ - "E", - "nabl" - ], - [ - "J", - "y" - ], - [ - "Ġcl", - "av" - ], - [ - "ĠÏ", - "³" - ], - [ - "Ġcommun", - "icated" - ], - [ - "eu", - "tical" - ], - [ - "Ġnanot", - "echnology" - ], - [ - "ĠHass", - "an" - ], - [ - "ĠT", - "ec" - ], - [ - "Ġh", - "anging" - ], - [ - "ĠB", - "SD" - ], - [ - "ĠCont", - "our" - ], - [ - "Ġfrag", - "ility" - ], - [ - "Ġdisrup", - "tions" - ], - [ - "Ġfinit", - "eness" - ], - [ - "ĠPhilipp", - "ine" - ], - [ - "n", - "icity" - ], - [ - "Ù", - "ĩ" - ], - [ - "ĠC", - "rim" - ], - [ - "ĠC", - "NF" - ], - [ - "ĠI", - "SI" - ], - [ - "ad", - "apter" - ], - [ - "ĠU", - "CP" - ], - [ - "Ġtext", - "ured" - ], - [ - "AA", - "V" - ], - [ - "ket", - "o" - ], - [ - "N", - "p" - ], - [ - "c", - "ounting" - ], - [ - "h", - "ynchus" - ], - [ - "Ġpro", - "sec" - ], - [ - "ĠAn", - "not" - ], - [ - "ĠHar", - "bor" - ], - [ - "deg", - "rees" - ], - [ - "ak", - "ar" - ], - [ - "ĠV", - "ik" - ], - [ - "bf", - "d" - ], - [ - "Ġdri", - "p" - ], - [ - "ĠCauc", - "as" - ], - [ - "Ġtren", - "ch" - ], - [ - "Ġwe", - "ed" - ], - [ - "Ġdist", - "ractor" - ], - [ - "gen", - "etic" - ], - [ - "spec", - "ifically" - ], - [ - "ulf", - "ite" - ], - [ - "ĠCons", - "istently" - ], - [ - "Ġbreak", - "fast" - ], - [ - "Ġbul", - "let" - ], - [ - "Ġleg", - "isl" - ], - [ - "ĠTra", - "umatic" - ], - [ - "Ġcollect", - "ors" - ], - [ - "ĠBul", - "let" - ], - [ - "ĠMY", - "B" - ], - [ - "ĠP", - "ink" - ], - [ - "vers", - "ive" - ], - [ - "ĠAt", - "tem" - ], - [ - "Ġcult", - "urally" - ], - [ - "B", - "ell" - ], - [ - "und", - "ef" - ], - [ - "vi", - "i" - ], - [ - "Ġhist", - "ocompatibility" - ], - [ - "let", - "cher" - ], - [ - "ĠSte", - "f" - ], - [ - "A", - "mp" - ], - [ - "ĠR", - "id" - ], - [ - "ĠE", - "ucl" - ], - [ - "Ġdec", - "ryption" - ], - [ - "ĠSp", - "encer" - ], - [ - "ĠBit", - "coin" - ], - [ - "w", - "ic" - ], - [ - "Ġcom", - "plicate" - ], - [ - "ĠPro", - "posal" - ], - [ - "ĠÄ", - "Ī" - ], - [ - "avirus", - "es" - ], - [ - "ĠF", - "ay" - ], - [ - "ĠR", - "d" - ], - [ - "ĠG", - "ale" - ], - [ - "ĠMetast", - "asis" - ], - [ - "ĠImprove", - "ments" - ], - [ - "Â", - "©" - ], - [ - "Ġpoly", - "ester" - ], - [ - "Ġstrat", - "ospheric" - ], - [ - "ĠSA", - "H" - ], - [ - "Ġamph", - "ip" - ], - [ - "ĠA", - "FP" - ], - [ - "ĠH", - "air" - ], - [ - "ĠE", - "PI" - ], - [ - "ĠUl", - "trast" - ], - [ - "Ġâĭ", - "¯" - ], - [ - "Ġga", - "pless" - ], - [ - "H", - "am" - ], - [ - "et", - "to" - ], - [ - "Ġth", - "reonine" - ], - [ - "ĠE", - "CO" - ], - [ - "Ġi", - "a" - ], - [ - "Ġund", - "ist" - ], - [ - "Ġradi", - "ology" - ], - [ - "Ġsuper", - "lattice" - ], - [ - "ibr", - "aries" - ], - [ - "Ġturb", - "id" - ], - [ - "ĠPot", - "entials" - ], - [ - "ĠPip", - "eline" - ], - [ - "Ġwarf", - "arin" - ], - [ - "W", - "ISE" - ], - [ - "ĠL", - "id" - ], - [ - "Ġrec", - "urring" - ], - [ - "ĠMon", - "o" - ], - [ - "ĠGover", - "n" - ], - [ - "ĠAware", - "ness" - ], - [ - "ol", - "ab" - ], - [ - "if", - "lora" - ], - [ - "str", - "is" - ], - [ - "IN", - "DEX" - ], - [ - "ĠDem", - "entia" - ], - [ - "Do", - "es" - ], - [ - "w", - "right" - ], - [ - "Í", - "ī" - ], - [ - "Ġs", - "b" - ], - [ - "ĠD", - "OM" - ], - [ - "ĠH", - "BsAg" - ], - [ - "cl", - "inic" - ], - [ - "ĠEx", - "ped" - ], - [ - "Ġprote", - "as" - ], - [ - "Ġster", - "ilization" - ], - [ - "ĠBan", - "erjee" - ], - [ - "ĠPerson", - "nel" - ], - [ - "âĮ", - "ĭ" - ], - [ - "oneph", - "ritis" - ], - [ - "om", - "ite" - ], - [ - "ĠC", - "CF" - ], - [ - "os", - "iti" - ], - [ - "ĠE", - "ucalyptus" - ], - [ - "ĠIs", - "otope" - ], - [ - "col", - "i" - ], - [ - "poss", - "ibility" - ], - [ - "Ġstr", - "ontium" - ], - [ - "Ġra", - "ref" - ], - [ - "ĠInter", - "stellar" - ], - [ - "kin", - "in" - ], - [ - "yleth", - "anol" - ], - [ - "J", - "T" - ], - [ - "n", - "orth" - ], - [ - "Ġc", - "ensored" - ], - [ - "is", - "tive" - ], - [ - "Ġno", - "ticing" - ], - [ - "Ġship", - "ping" - ], - [ - "Em", - "bed" - ], - [ - "Obs", - "erv" - ], - [ - "Ġze", - "olites" - ], - [ - "ub", - "it" - ], - [ - "Ġfl", - "aps" - ], - [ - "Ġdr", - "ifts" - ], - [ - "Ġtherap", - "ist" - ], - [ - "Ġpoll", - "ination" - ], - [ - "ali", - "platin" - ], - [ - "Joh", - "nson" - ], - [ - "Ġimperf", - "ections" - ], - [ - "N", - "Y" - ], - [ - "Ġth", - "alamic" - ], - [ - "oc", - "arb" - ], - [ - "oz", - "otocin" - ], - [ - "Ġtet", - "ramer" - ], - [ - "Pl", - "as" - ], - [ - "Ġmultic", - "hannel" - ], - [ - "ĠIns", - "ight" - ], - [ - "op", - "ods" - ], - [ - "ĠN", - "acional" - ], - [ - "Ġim", - "atinib" - ], - [ - "act", - "ual" - ], - [ - "ĠX", - "OR" - ], - [ - "Ġbl", - "ight" - ], - [ - "ĠLe", - "ading" - ], - [ - "ames", - "e" - ], - [ - "ĠAm", - "plitude" - ], - [ - "ĠMon", - "itor" - ], - [ - "ĠNeu", - "rological" - ], - [ - "propag", - "ating" - ], - [ - "Ġp", - "addle" - ], - [ - "ĠHar", - "vest" - ], - [ - "Ġod", - "ont" - ], - [ - "BU", - "F" - ], - [ - "Ġtac", - "tics" - ], - [ - "ĠAnis", - "otropy" - ], - [ - "ad", - "ip" - ], - [ - "ĠAl", - "pine" - ], - [ - "Ġfe", - "els" - ], - [ - "Ġmed", - "ieval" - ], - [ - "Ġel", - "ucidation" - ], - [ - "Ġheter", - "otrophic" - ], - [ - "Ġrelax", - "ing" - ], - [ - "Ġhapp", - "iness" - ], - [ - "ĠCyt", - "otoxicity" - ], - [ - "ĠRAN", - "KL" - ], - [ - "Walk", - "er" - ], - [ - "m", - "ig" - ], - [ - "ĠS", - "SL" - ], - [ - "ĠS", - "epsis" - ], - [ - "ĠG", - "es" - ], - [ - "Ġhydro", - "chloric" - ], - [ - "Ġclar", - "ification" - ], - [ - "Ġdispar", - "ate" - ], - [ - "t", - "ested" - ], - [ - "Ġdat", - "ap" - ], - [ - "Ġnovel", - "s" - ], - [ - "ĠMicro", - "c" - ], - [ - "á", - "l" - ], - [ - "ĠAR", - "C" - ], - [ - "ĠYang", - "tze" - ], - [ - "etom", - "idine" - ], - [ - "ĠMat", - "rigel" - ], - [ - "ih", - "ilation" - ], - [ - "ĠcDNA", - "s" - ], - [ - "Ġprost", - "at" - ], - [ - "ĠRail", - "road" - ], - [ - "UB", - "LE" - ], - [ - "ĠPART", - "IC" - ], - [ - "ĠS", - "ax" - ], - [ - "Ġins", - "ecurity" - ], - [ - "Ġcr", - "ushed" - ], - [ - "Ġhal", - "ves" - ], - [ - "gi", - "ant" - ], - [ - "ĠCro", - "atia" - ], - [ - "icycl", - "o" - ], - [ - "ĠUne", - "xpected" - ], - [ - "Ġlon", - "eliness" - ], - [ - "an", - "u" - ], - [ - "Ġch", - "ampions" - ], - [ - "ub", - "erculosis" - ], - [ - "Ġequ", - "i" - ], - [ - "Ġacc", - "reted" - ], - [ - "Ġinv", - "ading" - ], - [ - "Ġaff", - "erents" - ], - [ - "Ġaltern", - "ation" - ], - [ - "Ġkin", - "et" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠĠĠĠĠĠ" - ], - [ - "ĠMAG", - "NET" - ], - [ - "ĠFIF", - "A" - ], - [ - "z", - "adeh" - ], - [ - "ip", - "henyl" - ], - [ - "ĠK", - "ro" - ], - [ - "ĠEval", - "uate" - ], - [ - "illi", - "ant" - ], - [ - "cur", - "vature" - ], - [ - "ĠPier", - "ce" - ], - [ - "b", - "etter" - ], - [ - "n", - "os" - ], - [ - "à", - "¥" - ], - [ - "ĠK", - "CN" - ], - [ - "ĠSt", - "rand" - ], - [ - "ca", - "emic" - ], - [ - "ĠHo", - "echst" - ], - [ - "ĠEX", - "T" - ], - [ - "ĠLL", - "VM" - ], - [ - "B", - "Z" - ], - [ - "t", - "gt" - ], - [ - "on", - "dialdehyde" - ], - [ - "ĠE", - "vid" - ], - [ - "ĠG", - "ul" - ], - [ - "Ġmulti", - "plications" - ], - [ - "Ġaut", - "h" - ], - [ - "ĠAustr", - "al" - ], - [ - "Ġstay", - "ing" - ], - [ - "ĠGlut", - "amate" - ], - [ - "Ġst", - "ray" - ], - [ - "ĠI", - "SA" - ], - [ - "Ġlow", - "land" - ], - [ - "Ġparallel", - "s" - ], - [ - "Ġattrac", - "tiveness" - ], - [ - "Ġelectrosp", - "inning" - ], - [ - "Ġportray", - "ed" - ], - [ - "ospec", - "ific" - ], - [ - "f", - "olate" - ], - [ - "Ġcoe", - "ff" - ], - [ - "ĠEst", - "rogen" - ], - [ - "tum", - "our" - ], - [ - "Ġhystere", - "ctomy" - ], - [ - "Ġin", - "ositol" - ], - [ - "ĠB", - "az" - ], - [ - "ist", - "ein" - ], - [ - "Ġcruc", - "ially" - ], - [ - "Ġdin", - "oflag" - ], - [ - "ÍĶ", - "ÍĴ" - ], - [ - "ĠDrag", - "on" - ], - [ - "ĠS", - "por" - ], - [ - "ĠM", - "ater" - ], - [ - "ĠH", - "ero" - ], - [ - "plic", - "ing" - ], - [ - "ĠAN", - "T" - ], - [ - "ĠForm", - "ic" - ], - [ - "Que", - "ue" - ], - [ - "ocarcin", - "omas" - ], - [ - "U", - "PS" - ], - [ - "ĠP", - "c" - ], - [ - "enc", - "oders" - ], - [ - "Ġinv", - "aded" - ], - [ - "ĠPh", - "ases" - ], - [ - "Ġpost", - "mortem" - ], - [ - "Ġslow", - "s" - ], - [ - "ĠMc", - "L" - ], - [ - "ĠVer", - "ma" - ], - [ - "ĠVi", - "ability" - ], - [ - "Ġcompens", - "ating" - ], - [ - "Ġclamp", - "ed" - ], - [ - "j", - "m" - ], - [ - "ĠR", - "iv" - ], - [ - "up", - "on" - ], - [ - "ĠDick", - "inson" - ], - [ - "initi", - "ated" - ], - [ - "Ġs", - "ider" - ], - [ - "ĠS", - "elen" - ], - [ - "ĠA", - "ka" - ], - [ - "idel", - "berg" - ], - [ - "Ġqual", - "ifying" - ], - [ - "Ġenfor", - "cing" - ], - [ - "otroph", - "s" - ], - [ - "ĠSNA", - "P" - ], - [ - "Ġr", - "ust" - ], - [ - "imb", - "urs" - ], - [ - "Ġimmunocomp", - "romised" - ], - [ - "ĠFlem", - "ing" - ], - [ - "Ġl", - "izards" - ], - [ - "di", - "alysis" - ], - [ - "ĠUn", - "ivariate" - ], - [ - "Ġgas", - "oline" - ], - [ - "Ġten", - "ure" - ], - [ - "Ġsustain", - "ing" - ], - [ - "Ġmot", - "one" - ], - [ - "b", - "ay" - ], - [ - "w", - "ani" - ], - [ - "ore", - "station" - ], - [ - "ĠX", - "II" - ], - [ - "Ġradi", - "ofrequency" - ], - [ - "ĠGu", - "ided" - ], - [ - "Ind", - "ividual" - ], - [ - "ĠSpect", - "rometer" - ], - [ - "ĠGo", - "ing" - ], - [ - "ĠMart", - "ins" - ], - [ - "Ap", - "proxim" - ], - [ - "am", - "ak" - ], - [ - "ĠâĪ", - "ı" - ], - [ - "ĠO", - "mn" - ], - [ - "Ġout", - "patients" - ], - [ - "Ġhyper", - "bol" - ], - [ - "ĠPer", - "ceptual" - ], - [ - "ĠBur", - "ke" - ], - [ - "Bol", - "tzmann" - ], - [ - "ĠM", - "d" - ], - [ - "Ġpa", - "w" - ], - [ - "ĠCat", - "hedral" - ], - [ - "Ġhyal", - "uron" - ], - [ - "Ġbrach", - "ial" - ], - [ - "Ġaflat", - "oxin" - ], - [ - "im", - "o" - ], - [ - "Ġen", - "rol" - ], - [ - "Ġdet", - "onation" - ], - [ - "Ġover", - "ly" - ], - [ - "the", - "st" - ], - [ - "Ġsecond", - "ly" - ], - [ - "ĠSch", - "iz" - ], - [ - "ĠIGF", - "BP" - ], - [ - "atech", - "in" - ], - [ - "Ġs", - "aves" - ], - [ - "ti", - "ers" - ], - [ - "ĠB", - "ates" - ], - [ - "Ġall", - "iance" - ], - [ - "Ġatt", - "ri" - ], - [ - "Ġast", - "ro" - ], - [ - "ĠPath", - "ological" - ], - [ - "Ġgamb", - "iae" - ], - [ - "P", - "ark" - ], - [ - "id", - "able" - ], - [ - "ĠN", - "il" - ], - [ - "ĠJ", - "as" - ], - [ - "Ġneed", - "ing" - ], - [ - "me", - "ier" - ], - [ - "Ġferro", - "ptosis" - ], - [ - "ĠGuid", - "ance" - ], - [ - "A", - "Z" - ], - [ - "i", - "ol" - ], - [ - "Ġac", - "knowledg" - ], - [ - "ex", - "ual" - ], - [ - "Ġmen", - "opause" - ], - [ - "Ġadj", - "unct" - ], - [ - "cap", - "ture" - ], - [ - "ĠDep", - "uty" - ], - [ - "Ġb", - "ial" - ], - [ - "if", - "a" - ], - [ - "ĠCh", - "itosan" - ], - [ - "ĠTop", - "ics" - ], - [ - "ĠPlas", - "mid" - ], - [ - "calc", - "ulations" - ], - [ - "g", - "ive" - ], - [ - "respond", - "ers" - ], - [ - "ull", - "a" - ], - [ - "ĠMore", - "no" - ], - [ - "Ġcomment", - "ary" - ], - [ - "ĠMah", - "m" - ], - [ - "ï£", - "±" - ], - [ - "on", - "acci" - ], - [ - "ĠC", - "ould" - ], - [ - "ĠTR", - "P" - ], - [ - "second", - "s" - ], - [ - "Graph", - "Pad" - ], - [ - "L", - "ittle" - ], - [ - "he", - "y" - ], - [ - "Ġal", - "ike" - ], - [ - "ĠDi", - "as" - ], - [ - "aro", - "o" - ], - [ - "ĠÄ", - "±" - ], - [ - "Ġtax", - "es" - ], - [ - "phen", - "anth" - ], - [ - "ĠChe", - "ung" - ], - [ - "ĠPi", - "et" - ], - [ - "D", - "f" - ], - [ - "G", - "U" - ], - [ - "m", - "ectin" - ], - [ - "z", - "ee" - ], - [ - "Ġd", - "λ" - ], - [ - "Ġsynt", - "heses" - ], - [ - "Ġá", - "Ī" - ], - [ - "Sim", - "ulation" - ], - [ - "ĠEle", - "ven" - ], - [ - "w", - "orms" - ], - [ - "lymph", - "ocyte" - ], - [ - "Ġhaemorrh", - "age" - ], - [ - "ĠO", - "wn" - ], - [ - "ĠK", - "ant" - ], - [ - "Ġover", - "se" - ], - [ - "Ġide", - "ation" - ], - [ - "ĠHar", - "per" - ], - [ - "Acknowledg", - "ments" - ], - [ - "v", - "ili" - ], - [ - "yn", - "a" - ], - [ - "ĠRec", - "urrence" - ], - [ - "oz", - "a" - ], - [ - "Ġhence", - "forth" - ], - [ - "ze", - "es" - ], - [ - "Ġquas", - "ic" - ], - [ - "Ġchor", - "oidal" - ], - [ - "Ġantim", - "alarial" - ], - [ - "Ġcoars", - "ening" - ], - [ - "D", - "eb" - ], - [ - "di", - "am" - ], - [ - "ĠWe", - "ights" - ], - [ - "Ġbu", - "ying" - ], - [ - "Ġmess", - "aging" - ], - [ - "Fe", - "bruary" - ], - [ - "Ext", - "ended" - ], - [ - "ĠRoss", - "i" - ], - [ - "Ġmist", - "aken" - ], - [ - "Ġut", - "ero" - ], - [ - "j", - "as" - ], - [ - "ic", - "itis" - ], - [ - "ĠT", - "idal" - ], - [ - "Ġph", - "aryngeal" - ], - [ - "cl", - "ick" - ], - [ - "Ġmy", - "o" - ], - [ - "kn", - "ock" - ], - [ - "Ġpromin", - "ence" - ], - [ - "Ġamphi", - "philic" - ], - [ - "c", - "orn" - ], - [ - "Ġon", - "board" - ], - [ - "ĠD", - "ud" - ], - [ - "ĠW", - "oman" - ], - [ - "ĠOut", - "break" - ], - [ - "Ġprefer", - "ably" - ], - [ - "Ġsket", - "ches" - ], - [ - "S", - "at" - ], - [ - "f", - "ixing" - ], - [ - "ĠM", - "ey" - ], - [ - "ĠLet", - "ters" - ], - [ - "IT", - "IES" - ], - [ - "ĠSD", - "P" - ], - [ - "ĠLNC", - "aP" - ], - [ - "D", - "X" - ], - [ - "F", - "luor" - ], - [ - "R", - "v" - ], - [ - "S", - "ect" - ], - [ - "ĠI", - "ons" - ], - [ - "Ġtrac", - "hom" - ], - [ - "Ġult", - "rastructure" - ], - [ - "qv", - "ist" - ], - [ - "rop", - "he" - ], - [ - "Ġrece", - "ipt" - ], - [ - "ĠQu", - "int" - ], - [ - "Ġsw", - "apping" - ], - [ - "amin", - "idase" - ], - [ - "Ġarch", - "ival" - ], - [ - "ĠCre", - "ating" - ], - [ - "ĠBart", - "on" - ], - [ - "diagn", - "osed" - ], - [ - "at", - "ological" - ], - [ - "ol", - "ph" - ], - [ - "ĠP", - "FA" - ], - [ - "ĠL", - "AP" - ], - [ - "Ġun", - "physical" - ], - [ - "eq", - "n" - ], - [ - "Ġquar", - "tiles" - ], - [ - "olytic", - "a" - ], - [ - "ĠFre", - "ed" - ], - [ - "Ġventil", - "ator" - ], - [ - "Ġkary", - "otype" - ], - [ - "S", - "ta" - ], - [ - "s", - "till" - ], - [ - "ĠT", - "ate" - ], - [ - "ur", - "ability" - ], - [ - "ĠG", - "ron" - ], - [ - "Ġtr", - "imer" - ], - [ - "IP", - "A" - ], - [ - "adec", - "a" - ], - [ - "ĠImplement", - "ing" - ], - [ - "s", - "ity" - ], - [ - "it", - "r" - ], - [ - "Ġb", - "om" - ], - [ - "Ġnon", - "relativistic" - ], - [ - "Ġmic", - "elle" - ], - [ - "ĠAd", - "minist" - ], - [ - "Ġelectro", - "lysis" - ], - [ - "har", - "mon" - ], - [ - "OLOG", - "ICAL" - ], - [ - "L", - "iter" - ], - [ - "ĠG", - "UI" - ], - [ - "ĠQ", - "L" - ], - [ - "mon", - "ths" - ], - [ - "Ġsuper", - "flu" - ], - [ - "cut", - "s" - ], - [ - "Ġelic", - "its" - ], - [ - "Ġmultiplex", - "ed" - ], - [ - "overl", - "ap" - ], - [ - "Ġcada", - "ver" - ], - [ - "Ġo", - "u" - ], - [ - "ĠS", - "heng" - ], - [ - "ere", - "a" - ], - [ - "ĠN", - "BC" - ], - [ - "Ġdet", - "er" - ], - [ - "ty", - "rosine" - ], - [ - "ĠPar", - "ts" - ], - [ - "Ġess", - "ay" - ], - [ - "k", - "as" - ], - [ - "it", - "ted" - ], - [ - "ĠP", - "ZT" - ], - [ - "ess", - "ler" - ], - [ - "Ġsim", - "ulators" - ], - [ - "Ġradi", - "ating" - ], - [ - "cut", - "ting" - ], - [ - "ĠCalc", - "ulating" - ], - [ - "TH", - "ER" - ], - [ - "ĠROC", - "K" - ], - [ - "commun", - "ic" - ], - [ - "Ġbon", - "us" - ], - [ - "ĠC", - "PA" - ], - [ - "ĠP", - "UR" - ], - [ - "ult", - "on" - ], - [ - "ĠZ", - "hi" - ], - [ - "Ġcal", - "oric" - ], - [ - "Ġinterp", - "olate" - ], - [ - "ĠSec", - "retion" - ], - [ - "Ġneuro", - "cognitive" - ], - [ - "Ġgad", - "olinium" - ], - [ - "f", - "requencies" - ], - [ - "ĠT", - "ract" - ], - [ - "Ġminim", - "ax" - ], - [ - "ĠBro", - "ck" - ], - [ - "ryp", - "sin" - ], - [ - "ĠReson", - "ant" - ], - [ - "ĠACKNOWLED", - "GEMENTS" - ], - [ - "D", - "om" - ], - [ - "Ġhol", - "otype" - ], - [ - "Spec", - "ial" - ], - [ - "Ġimmunore", - "active" - ], - [ - "ARN", - "ING" - ], - [ - "Pan", - "el" - ], - [ - "ĠJohann", - "es" - ], - [ - "R", - "FP" - ], - [ - "z", - "zi" - ], - [ - "ĠP", - "omer" - ], - [ - "Ġtrans", - "ects" - ], - [ - "Ġpo", - "ured" - ], - [ - "ED", - "s" - ], - [ - "ĠCirc", - "um" - ], - [ - "Ġabnorm", - "ally" - ], - [ - "ĠPun", - "j" - ], - [ - "G", - "ol" - ], - [ - "H", - "op" - ], - [ - "H", - "ex" - ], - [ - "I", - "LE" - ], - [ - "Ġsour", - "ced" - ], - [ - "ocl", - "ase" - ], - [ - "prot", - "obuf" - ], - [ - "Ġfro", - "gs" - ], - [ - "ĠOt", - "tawa" - ], - [ - "Ġbioge", - "ochemical" - ], - [ - "Ġlenti", - "virus" - ], - [ - "Y", - "oung" - ], - [ - "ĠI", - "PS" - ], - [ - "ass", - "en" - ], - [ - "Ġun", - "restricted" - ], - [ - "Ġmat", - "plotlib" - ], - [ - "Ġchlor", - "amphenicol" - ], - [ - "ĠContext", - "ual" - ], - [ - "ĠHawai", - "ian" - ], - [ - "Leg", - "end" - ], - [ - "S", - "parse" - ], - [ - "b", - "ore" - ], - [ - "g", - "aussian" - ], - [ - "u", - "ke" - ], - [ - "ĠâĢ", - "°" - ], - [ - "ret", - "est" - ], - [ - "SS", - "E" - ], - [ - "pre", - "ting" - ], - [ - "ĠPan", - "ama" - ], - [ - "ĠBroad", - "band" - ], - [ - "conjug", - "ate" - ], - [ - "B", - "ytes" - ], - [ - "G", - "SH" - ], - [ - "U", - "ns" - ], - [ - "r", - "ina" - ], - [ - "Ġd", - "rained" - ], - [ - "Ġsc", - "ap" - ], - [ - "Ġinves", - "ted" - ], - [ - "Ġsatisf", - "actorily" - ], - [ - "Ġherbiv", - "ores" - ], - [ - "Ġarachid", - "onic" - ], - [ - "ymet", - "rix" - ], - [ - "Ġn", - "ect" - ], - [ - "Ġcon", - "ges" - ], - [ - "ĠM", - "err" - ], - [ - "ĠM", - "ai" - ], - [ - "Ch", - "ain" - ], - [ - "Ġretrie", - "ving" - ], - [ - "Col", - "lection" - ], - [ - "ĠMT", - "X" - ], - [ - "ĠFernand", - "o" - ], - [ - "h", - "g" - ], - [ - "ĠR", - "ams" - ], - [ - "th", - "resh" - ], - [ - "aps", - "ules" - ], - [ - "Ġcond", - "uit" - ], - [ - "sw", - "ap" - ], - [ - "Ġblow", - "ing" - ], - [ - "ĠNy", - "quist" - ], - [ - "Ġuncons", - "cious" - ], - [ - "ĠDIFFE", - "RENT" - ], - [ - "T", - "echn" - ], - [ - "h", - "iz" - ], - [ - "î", - "Ĥ" - ], - [ - "Ġd", - "ξ" - ], - [ - "ĠSt", - "o" - ], - [ - "ĠFlav", - "on" - ], - [ - "Dav", - "id" - ], - [ - "Ġfiltr", - "ate" - ], - [ - "l", - "ith" - ], - [ - "ĠW", - "ool" - ], - [ - "ĠK", - "not" - ], - [ - "Ġhal", - "ide" - ], - [ - "Ġbio", - "assay" - ], - [ - "ĠGold", - "berg" - ], - [ - "ĠTrich", - "oderma" - ], - [ - "Ġintras", - "pecific" - ], - [ - "c", - "rystall" - ], - [ - "ĠR", - "end" - ], - [ - "our", - "g" - ], - [ - "Ġunder", - "take" - ], - [ - "ĠEn", - "um" - ], - [ - "inf", - "ect" - ], - [ - "Ġmid", - "gut" - ], - [ - "att", - "ack" - ], - [ - "ĠCirc", - "le" - ], - [ - "Ġplei", - "otropic" - ], - [ - "es", - "cent" - ], - [ - "ĠF", - "ri" - ], - [ - "ph", - "ilis" - ], - [ - "ast", - "ings" - ], - [ - "Ġbi", - "ogas" - ], - [ - "ĠÄ", - "ľ" - ], - [ - "Ġaccomp", - "any" - ], - [ - "Ġroll", - "ed" - ], - [ - "Ġchir", - "p" - ], - [ - "Ġsomat", - "ostatin" - ], - [ - "vark", - "appa" - ], - [ - "S", - "cal" - ], - [ - "Ġd", - "row" - ], - [ - "rom", - "ed" - ], - [ - "ĠL", - "up" - ], - [ - "ĠL", - "uminosity" - ], - [ - "ĠN", - "ig" - ], - [ - "fer", - "romagnetic" - ], - [ - "ĠTo", - "y" - ], - [ - "Ġcann", - "abinoid" - ], - [ - "ĠH", - "OX" - ], - [ - "ie", - "le" - ], - [ - "ĠCT", - "X" - ], - [ - "Ġhyd", - "rop" - ], - [ - "Ġfavor", - "ite" - ], - [ - "Ġstret", - "ches" - ], - [ - "eval", - "uated" - ], - [ - "ogroup", - "s" - ], - [ - "ac", - "al" - ], - [ - "ol", - "lo" - ], - [ - "Ġg", - "enders" - ], - [ - "ĠG", - "raft" - ], - [ - "Ġinc", - "idences" - ], - [ - "Ġreplac", - "ements" - ], - [ - "ĠTR", - "UNC" - ], - [ - "CR", - "F" - ], - [ - "Ġequal", - "ization" - ], - [ - "ĠRen", - "ew" - ], - [ - "Ġple", - "thora" - ], - [ - "ĠEnc", - "oder" - ], - [ - "M", - "it" - ], - [ - "Ġc", - "aches" - ], - [ - "or", - "ate" - ], - [ - "end", - "ors" - ], - [ - "ĠCa", - "ution" - ], - [ - "ĠAb", - "el" - ], - [ - "comp", - "ression" - ], - [ - "ĠLars", - "en" - ], - [ - "ĠElim", - "ination" - ], - [ - "Ġt", - "ester" - ], - [ - "Ġn", - "inth" - ], - [ - "ĠL", - "ö" - ], - [ - "Ġsp", - "iders" - ], - [ - "Ġpo", - "em" - ], - [ - "Ġeduc", - "ators" - ], - [ - "ĠEnh", - "ances" - ], - [ - "dest", - "ructive" - ], - [ - "Four", - "ier" - ], - [ - "Ġseism", - "icity" - ], - [ - "ĠYun", - "nan" - ], - [ - "Riemann", - "ian" - ], - [ - "W", - "ID" - ], - [ - "v", - "ular" - ], - [ - "ĠB", - "order" - ], - [ - "Ġcomb", - "in" - ], - [ - "sing", - "let" - ], - [ - "ĠEd", - "dington" - ], - [ - "ĠTem", - "plate" - ], - [ - "ĠPA", - "X" - ], - [ - "Ġbasal", - "ts" - ], - [ - "En", - "h" - ], - [ - "Ġassist", - "ants" - ], - [ - "ĠCasc", - "ade" - ], - [ - "Ġin", - "breeding" - ], - [ - "ch", - "ini" - ], - [ - "Ġup", - "graded" - ], - [ - "ĠTrans", - "it" - ], - [ - "sur", - "vival" - ], - [ - "Ġinject", - "or" - ], - [ - "ĠPas", - "cal" - ], - [ - "DEV", - "ICE" - ], - [ - "Ġf", - "ost" - ], - [ - "ĠK", - "and" - ], - [ - "Ġext", - "ragalactic" - ], - [ - "epend", - "ently" - ], - [ - "Ġexc", - "ite" - ], - [ - "Ġfulf", - "il" - ], - [ - "Ġrip", - "arian" - ], - [ - "Ġuplo", - "aded" - ], - [ - "a", - "un" - ], - [ - "l", - "od" - ], - [ - "s", - "aving" - ], - [ - "ĠH", - "ib" - ], - [ - "ĠE", - "ra" - ], - [ - "ob", - "ese" - ], - [ - "Ġu", - "i" - ], - [ - "Ġspect", - "rally" - ], - [ - "ke", - "V" - ], - [ - "xx", - "x" - ], - [ - "ĠOt", - "to" - ], - [ - "Ġé", - "tale" - ], - [ - "L", - "AT" - ], - [ - "d", - "ermal" - ], - [ - "di", - "az" - ], - [ - "ĠPl", - "i" - ], - [ - "Ġleg", - "ume" - ], - [ - "Ġinsp", - "ect" - ], - [ - "Ġthym", - "ic" - ], - [ - "ĠHorm", - "one" - ], - [ - "á", - "Ģ" - ], - [ - "in", - "ot" - ], - [ - "ĠS", - "hib" - ], - [ - "ĠB", - "CC" - ], - [ - "ĠV", - "ital" - ], - [ - "Ġprof", - "its" - ], - [ - "ĠFed", - "erated" - ], - [ - "Ġflip", - "ped" - ], - [ - "Ġpropri", - "etary" - ], - [ - "incor", - "porated" - ], - [ - "Ġbact", - "eremia" - ], - [ - "Ġáŀ", - "ĩ" - ], - [ - "f", - "ins" - ], - [ - "ä", - "½" - ], - [ - "es", - "ia" - ], - [ - "ĠH", - "ollow" - ], - [ - "ge", - "ons" - ], - [ - "Ġtre", - "halose" - ], - [ - "ER", - "O" - ], - [ - "oster", - "ol" - ], - [ - "om", - "us" - ], - [ - "ĠC", - "rystall" - ], - [ - "Ġcur", - "ation" - ], - [ - "Ġmagn", - "on" - ], - [ - "ĠAm", - "end" - ], - [ - "Ġhar", - "b" - ], - [ - "Ġneutral", - "ity" - ], - [ - "ĠDel", - "phi" - ], - [ - "Ġnons", - "ense" - ], - [ - "ĠHome", - "ostasis" - ], - [ - "Ġexpendit", - "ures" - ], - [ - "Sequ", - "ential" - ], - [ - "imod", - "ular" - ], - [ - "Ġz", - "enith" - ], - [ - "ĠMor", - "an" - ], - [ - "Ġbootstrap", - "ping" - ], - [ - "i", - "omy" - ], - [ - "l", - "actic" - ], - [ - "it", - "ure" - ], - [ - "Ġn", - "at" - ], - [ - "Ġg", - "ab" - ], - [ - "Ġch", - "at" - ], - [ - "reg", - "ional" - ], - [ - "Ġcr", - "ashes" - ], - [ - "ĠAF", - "B" - ], - [ - "Ġcrow", - "ded" - ], - [ - "Ġtwe", - "et" - ], - [ - "engine", - "ered" - ], - [ - "ĠCharg", - "ed" - ], - [ - "S", - "che" - ], - [ - "IT", - "IONS" - ], - [ - "ĠCor", - "al" - ], - [ - "ĠEl", - "i" - ], - [ - "Ġinver", - "ting" - ], - [ - "Ġped", - "ag" - ], - [ - "ĠSand", - "ers" - ], - [ - "Mean", - "while" - ], - [ - "ĠGriff", - "iths" - ], - [ - "P", - "SCs" - ], - [ - "ti", - "ze" - ], - [ - "ĠM", - "ail" - ], - [ - "Ġund", - "ec" - ], - [ - "Ġher", - "mitian" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" - ], - [ - "ĠExpl", - "os" - ], - [ - "Ġwest", - "ward" - ], - [ - "ĠConf", - "irm" - ], - [ - "B", - "egin" - ], - [ - "Ġfactor", - "ies" - ], - [ - "ĠPR", - "L" - ], - [ - "she", - "ar" - ], - [ - "Head", - "er" - ], - [ - "ĠFLAG", - "S" - ], - [ - "an", - "omal" - ], - [ - "ĠQ", - "W" - ], - [ - "ĠÌ", - "ħ" - ], - [ - "oin", - "ositi" - ], - [ - "Ġmamm", - "ography" - ], - [ - "Ġdeposition", - "al" - ], - [ - "EX", - "P" - ], - [ - "resid", - "ue" - ], - [ - "Ġunsatisf", - "actory" - ], - [ - "A", - "β" - ], - [ - "M", - "UX" - ], - [ - "Ġst", - "aged" - ], - [ - "ĠM", - "MT" - ], - [ - "ĠK", - "us" - ], - [ - "ll", - "o" - ], - [ - "Ġtrain", - "er" - ], - [ - "add", - "en" - ], - [ - "Ġpin", - "ch" - ], - [ - "WA", - "RE" - ], - [ - "Ġcab", - "inet" - ], - [ - "C", - "SP" - ], - [ - "ec", - "um" - ], - [ - "ot", - "eric" - ], - [ - "ĠH", - "av" - ], - [ - "Ġres", - "ume" - ], - [ - "Ġnetwork", - "ed" - ], - [ - "sh", - "are" - ], - [ - "ĠCol", - "le" - ], - [ - "Ġchem", - "otactic" - ], - [ - "ĠGly", - "c" - ], - [ - "olk", - "it" - ], - [ - "Ġbot", - "ulinum" - ], - [ - "ĠNeighbor", - "hood" - ], - [ - "m", - "V" - ], - [ - "ĠH", - "Q" - ], - [ - "ef", - "aciens" - ], - [ - "get", - "t" - ], - [ - "Ġge", - "ost" - ], - [ - "ĠCD", - "W" - ], - [ - "ĠÌ", - "§" - ], - [ - "Ġflo", - "ors" - ], - [ - "represent", - "ing" - ], - [ - "odi", - "ode" - ], - [ - "ĠInst", - "ance" - ], - [ - "Ġmonod", - "is" - ], - [ - "d", - "rying" - ], - [ - "re", - "asing" - ], - [ - "ig", - "i" - ], - [ - "Ġg", - "out" - ], - [ - "ĠI", - "EC" - ], - [ - "Ġfl", - "ush" - ], - [ - "Ġtra", - "ded" - ], - [ - "Re", - "view" - ], - [ - "ĠïĤ", - "¢" - ], - [ - "Ġà", - "¤" - ], - [ - "Ġabbrevi", - "ations" - ], - [ - "otherap", - "ies" - ], - [ - "Ġindeterm", - "inate" - ], - [ - "Ġglutar", - "aldehyde" - ], - [ - "Ġattri", - "tion" - ], - [ - "j", - "ump" - ], - [ - "in", - "de" - ], - [ - "ĠG", - "ri" - ], - [ - "arc", - "tion" - ], - [ - "TRA", - "IN" - ], - [ - "Ġescap", - "ed" - ], - [ - "at", - "ement" - ], - [ - "ĠP", - "am" - ], - [ - "ĠG", - "AM" - ], - [ - "pro", - "ductive" - ], - [ - "ĠAmeric", - "as" - ], - [ - "agen", - "esis" - ], - [ - "ĠMi", - "xtures" - ], - [ - "ĠHo", - "oft" - ], - [ - "ĠWind", - "ow" - ], - [ - "Ġnod", - "ular" - ], - [ - "Ġech", - "in" - ], - [ - "D", - "OF" - ], - [ - "ĠD", - "DT" - ], - [ - "elect", - "rical" - ], - [ - "ĠDec", - "entralized" - ], - [ - "Ġcontrad", - "ict" - ], - [ - "F", - "rench" - ], - [ - "Ġa", - "ustr" - ], - [ - "ĠA", - "PD" - ], - [ - "ĠD", - "IM" - ], - [ - "ĠSt", - "en" - ], - [ - "ron", - "omic" - ], - [ - "ĠPolym", - "orphism" - ], - [ - "Ġc", - "occ" - ], - [ - "it", - "ings" - ], - [ - "Ġsub", - "critical" - ], - [ - "ĠUn", - "iqueness" - ], - [ - "OP", - "EN" - ], - [ - "rot", - "oxicity" - ], - [ - "Gen", - "Bank" - ], - [ - "atab", - "ases" - ], - [ - "N", - "ets" - ], - [ - "u", - "istic" - ], - [ - "y", - "ric" - ], - [ - "ĠS", - "ID" - ], - [ - "Ġco", - "oked" - ], - [ - "ĠJ", - "udge" - ], - [ - "Ġparameter", - "izations" - ], - [ - "Ġenum", - "erated" - ], - [ - "ĠAst", - "hma" - ], - [ - "De", - "velop" - ], - [ - "Ġc", - "ake" - ], - [ - "ĠA", - "ges" - ], - [ - "ven", - "ile" - ], - [ - "Ġfl", - "or" - ], - [ - "Ġcould", - "n" - ], - [ - "det", - "ach" - ], - [ - "Ġpip", - "ette" - ], - [ - "ĠInst", - "ant" - ], - [ - "Ġtent", - "atively" - ], - [ - "ĠINT", - "EGR" - ], - [ - "H", - "Q" - ], - [ - "M", - "apping" - ], - [ - "c", - "q" - ], - [ - "å", - "Ī" - ], - [ - "SU", - "M" - ], - [ - "frac", - "tions" - ], - [ - "ĠCl", - "aud" - ], - [ - "Form", - "ula" - ], - [ - "Ax", - "is" - ], - [ - "ĠBil", - "ly" - ], - [ - "ĠMeth", - "ane" - ], - [ - "ĠI", - "GM" - ], - [ - "c", - "annot" - ], - [ - "Ø", - "³" - ], - [ - "Ġc", - "iting" - ], - [ - "ĠD", - "ynam" - ], - [ - "Ġle", - "tt" - ], - [ - "eg", - "ler" - ], - [ - "ĠPhysic", - "ians" - ], - [ - "x", - "FF" - ], - [ - "Ġo", - "yster" - ], - [ - "ĠT", - "OC" - ], - [ - "Ġsub", - "arachnoid" - ], - [ - "ĠCO", - "M" - ], - [ - "IT", - "ER" - ], - [ - "Ġbenz", - "odiazep" - ], - [ - "Ġuncom", - "plicated" - ], - [ - "till", - "o" - ], - [ - "Car", - "bon" - ], - [ - "at", - "em" - ], - [ - "Ġs", - "el" - ], - [ - "ing", - "o" - ], - [ - "IV", - "ITY" - ], - [ - "Ġca", - "vern" - ], - [ - "Ġspac", - "elike" - ], - [ - "ĠColl", - "isions" - ], - [ - "stra", - "int" - ], - [ - "Ġmyc", - "obacterial" - ], - [ - "Ġtrachom", - "atis" - ], - [ - "A", - "i" - ], - [ - "m", - "f" - ], - [ - "ĠT", - "ric" - ], - [ - "tic", - "o" - ], - [ - "ĠE", - "lection" - ], - [ - "ĠK", - "DM" - ], - [ - "ĠEx", - "osomes" - ], - [ - "af", - "luor" - ], - [ - "Ġformal", - "ized" - ], - [ - "ĠEL", - "F" - ], - [ - "v", - "phantom" - ], - [ - "ĠS", - "ME" - ], - [ - "ich", - "uan" - ], - [ - "ĠV", - "Ms" - ], - [ - "Ġro", - "stral" - ], - [ - "of", - "er" - ], - [ - "ram", - "anian" - ], - [ - "inter", - "cal" - ], - [ - "Mer", - "ck" - ], - [ - "ĠFerg", - "uson" - ], - [ - "H", - "U" - ], - [ - "l", - "j" - ], - [ - "Ġr", - "ack" - ], - [ - "Ġmicro", - "graph" - ], - [ - "CT", - "S" - ], - [ - "Ġpass", - "ively" - ], - [ - "ĠMass", - "es" - ], - [ - "rang", - "ians" - ], - [ - "ĠAD", - "M" - ], - [ - "ĠProvid", - "ed" - ], - [ - "ĠVeter", - "ans" - ], - [ - "s", - "ound" - ], - [ - "ge", - "x" - ], - [ - "ĠSp", - "iral" - ], - [ - "Ġfoss", - "a" - ], - [ - "Ġthermod", - "ynamically" - ], - [ - "ĠS", - "taining" - ], - [ - "Ġk", - "ar" - ], - [ - "ef", - "lon" - ], - [ - "ĠBr", - "uns" - ], - [ - "VA", - "E" - ], - [ - "olytic", - "us" - ], - [ - "Ġintran", - "asal" - ], - [ - "ĠProsp", - "ects" - ], - [ - "at", - "hers" - ], - [ - "Ġnumber", - "ing" - ], - [ - "ĠRe", - "placement" - ], - [ - "ĠNon", - "commutative" - ], - [ - "quis", - "itions" - ], - [ - "ĠSIM", - "D" - ], - [ - "ĠArter", - "ial" - ], - [ - "ĠH", - "GF" - ], - [ - "ĠG", - "PP" - ], - [ - "Ġflu", - "vial" - ], - [ - "ner", - "i" - ], - [ - "ĠComp", - "ressed" - ], - [ - "VID", - "IA" - ], - [ - "Ġshock", - "ed" - ], - [ - "d", - "ys" - ], - [ - "in", - "variance" - ], - [ - "en", - "stein" - ], - [ - "ĠS", - "CM" - ], - [ - "ĠD", - "od" - ], - [ - "Ġsh", - "o" - ], - [ - "Ch", - "lor" - ], - [ - "du", - "ino" - ], - [ - "Ġurg", - "ently" - ], - [ - "s", - "oc" - ], - [ - "et", - "ching" - ], - [ - "Ġdiff", - "ractive" - ], - [ - "ĠZ", - "F" - ], - [ - "Ġhyper", - "planes" - ], - [ - "Ġmy", - "ri" - ], - [ - "Ġfer", - "romagnetism" - ], - [ - "fil", - "ament" - ], - [ - "Ġjustif", - "ies" - ], - [ - "f", - "ault" - ], - [ - "ĠH", - "TS" - ], - [ - "ĠE", - "PC" - ], - [ - "to", - "o" - ], - [ - "ĠTR", - "AP" - ], - [ - "i", - "ón" - ], - [ - "r", - "v" - ], - [ - "ĠB", - "PD" - ], - [ - "ĠN", - "od" - ], - [ - "pos", - "it" - ], - [ - "ĠCon", - "vers" - ], - [ - "Ġzero", - "es" - ], - [ - "ĠGl", - "en" - ], - [ - "ĠDist", - "urb" - ], - [ - "Ġtable", - "au" - ], - [ - "Ġpseud", - "ot" - ], - [ - "ĠColl", - "ider" - ], - [ - "Ġadsorb", - "ents" - ], - [ - "ĠGro", - "ve" - ], - [ - "Ġking", - "dom" - ], - [ - "E", - "st" - ], - [ - "X", - "s" - ], - [ - "c", - "zyk" - ], - [ - "ĠW", - "ille" - ], - [ - "ĠV", - "OL" - ], - [ - "sc", - "ar" - ], - [ - "ĠAd", - "ler" - ], - [ - "ĠOr", - "chestra" - ], - [ - "Ġspars", - "ely" - ], - [ - "glycos", - "ylation" - ], - [ - "L", - "ac" - ], - [ - "o", - "tions" - ], - [ - "ĠI", - "le" - ], - [ - "Ġbe", - "acon" - ], - [ - "ĠR", - "n" - ], - [ - "ull", - "ah" - ], - [ - "Ġtim", - "elike" - ], - [ - "ĠFore", - "sts" - ], - [ - "Ġupl", - "oad" - ], - [ - "j", - "it" - ], - [ - "ĠE", - "DM" - ], - [ - "Ġtrans", - "plants" - ], - [ - "mark", - "er" - ], - [ - "ĠBre", - "eding" - ], - [ - "ÎĶ", - "ÎĶ" - ], - [ - "Ġfavor", - "ably" - ], - [ - "ĠTransform", - "ations" - ], - [ - "abel", - "ed" - ], - [ - "ĠPoli", - "tics" - ], - [ - "epis", - "ode" - ], - [ - "Ġf", - "ut" - ], - [ - "Ġd", - "ithi" - ], - [ - "ĠM", - "w" - ], - [ - "Ġtrans", - "piration" - ], - [ - "Ġun", - "limited" - ], - [ - "ĠAn", - "tiv" - ], - [ - "PP", - "V" - ], - [ - "Ġnom", - "ogram" - ], - [ - "Ġinvent", - "ed" - ], - [ - "ĠSched", - "ule" - ], - [ - "all", - "ows" - ], - [ - "Ġtrans", - "vers" - ], - [ - "Ġwork", - "piece" - ], - [ - "black", - "square" - ], - [ - "call", - "back" - ], - [ - "ĠAth", - "letic" - ], - [ - "h", - "ans" - ], - [ - "p", - "oles" - ], - [ - "Ġe", - "avesdrop" - ], - [ - "ĠC", - "one" - ], - [ - "oc", - "lim" - ], - [ - "ĠG", - "host" - ], - [ - "iter", - "ations" - ], - [ - "Ġweak", - "en" - ], - [ - "Ġalkal", - "oid" - ], - [ - "Ġveter", - "ans" - ], - [ - "Ġprostat", - "ectomy" - ], - [ - "Ġb", - "og" - ], - [ - "ĠC", - "ed" - ], - [ - "ĠF", - "ever" - ], - [ - "yl", - "an" - ], - [ - "arch", - "ive" - ], - [ - "Ġattack", - "ers" - ], - [ - "M", - "aking" - ], - [ - "b", - "ane" - ], - [ - "ĠP", - "ull" - ], - [ - "ĠF", - "LO" - ], - [ - "Ġco", - "aches" - ], - [ - "ĠV", - "SM" - ], - [ - "ok", - "h" - ], - [ - "ĠSp", - "o" - ], - [ - "amil", - "ial" - ], - [ - "princ", - "iple" - ], - [ - "Ġaggress", - "iveness" - ], - [ - "Ġgard", - "ens" - ], - [ - "S", - "IG" - ], - [ - "Ġm", - "bar" - ], - [ - "..", - "..." - ], - [ - "Ġoptim", - "izes" - ], - [ - "Ġmorph", - "ologic" - ], - [ - "han", - "i" - ], - [ - "Ġgerm", - "anium" - ], - [ - "Enabl", - "ed" - ], - [ - "w", - "b" - ], - [ - "Ġfor", - "amen" - ], - [ - "ĠS", - "PA" - ], - [ - "Ġmagn", - "ified" - ], - [ - "ĠSl", - "ater" - ], - [ - "ĠSy", - "rian" - ], - [ - "Ġt", - "ert" - ], - [ - "Ġtra", - "ditions" - ], - [ - "Ġoff", - "ensive" - ], - [ - "Ġhyd", - "rology" - ], - [ - "erge", - "tics" - ], - [ - "Ph", - "ot" - ], - [ - "Ġperovsk", - "ites" - ], - [ - "Ġwaven", - "umbers" - ], - [ - "Ġosteocl", - "asts" - ], - [ - "imed", - "ean" - ], - [ - "ĠBasket", - "ball" - ], - [ - "benzodi", - "ox" - ], - [ - "ĠTRUNC", - "ATED" - ], - [ - "Ġb", - "ishop" - ], - [ - "ĠS", - "gr" - ], - [ - "ĠS", - "atisfaction" - ], - [ - "agn", - "ostic" - ], - [ - "num", - "eric" - ], - [ - "Ġnorm", - "als" - ], - [ - "Ġhum", - "or" - ], - [ - "Ġcontin", - "ents" - ], - [ - "NAT", - "ION" - ], - [ - "Lag", - "rangian" - ], - [ - "Ġkne", - "es" - ], - [ - "ĠI", - "DE" - ], - [ - "ad", - "as" - ], - [ - "ad", - "ia" - ], - [ - "ĠO", - "U" - ], - [ - "ond", - "s" - ], - [ - "ĠCh", - "aud" - ], - [ - "Ġsl", - "icing" - ], - [ - "ĠAc", - "tor" - ], - [ - "Al", - "t" - ], - [ - "Ġbroad", - "casts" - ], - [ - "osa", - "urs" - ], - [ - "Ġpick", - "le" - ], - [ - "Ġunf", - "amiliar" - ], - [ - "all", - "us" - ], - [ - "Ġhas", - "hing" - ], - [ - "inc", - "idence" - ], - [ - "Ġmetabol", - "ized" - ], - [ - "Ġhomogeneous", - "ly" - ], - [ - "ĠFal", - "con" - ], - [ - "Ġ", - "Ñģ" - ], - [ - "ĠC", - "ere" - ], - [ - "ĠC", - "LA" - ], - [ - "ĠP", - "aste" - ], - [ - "ĠF", - "ry" - ], - [ - "ĠD", - "re" - ], - [ - "ad", - "ult" - ], - [ - "Ġdisc", - "ounted" - ], - [ - "sens", - "itized" - ], - [ - "ercul", - "ous" - ], - [ - "ĠP", - "ixel" - ], - [ - "ĠB", - "ram" - ], - [ - "all", - "o" - ], - [ - "ip", - "ative" - ], - [ - "ip", - "ality" - ], - [ - "ĠSt", - "rict" - ], - [ - "ĠTr", - "inity" - ], - [ - "ĠClass", - "ifiers" - ], - [ - "ĠBas", - "el" - ], - [ - "ĠCur", - "cumin" - ], - [ - "ĠLU", - "MO" - ], - [ - "Ġmediast", - "inal" - ], - [ - "ĠF", - "FA" - ], - [ - "Ġpl", - "enty" - ], - [ - "pr", - "ised" - ], - [ - "Ġpr", - "inter" - ], - [ - "Ġcalc", - "are" - ], - [ - "ins", - "n" - ], - [ - "ont", - "ology" - ], - [ - "Ġground", - "ing" - ], - [ - "ĠAL", - "DH" - ], - [ - "STR", - "ING" - ], - [ - "ĠFem", - "ales" - ], - [ - "ĠFocus", - "ing" - ], - [ - "assess", - "ment" - ], - [ - "ĠBlu", - "etooth" - ], - [ - "ëĬ", - "Ķ" - ], - [ - "Ġe", - "go" - ], - [ - "ĠD", - "AC" - ], - [ - "ond", - "ing" - ], - [ - "rand", - "a" - ], - [ - "ĠLud", - "wig" - ], - [ - "Ġanteced", - "ent" - ], - [ - "ĠErn", - "st" - ], - [ - "d", - "X" - ], - [ - "od", - "eling" - ], - [ - "âĢ", - "ĭ" - ], - [ - "In", - "ser" - ], - [ - "ogn", - "ormal" - ], - [ - "ĠTe", - "vatron" - ], - [ - "Ġcovari", - "ances" - ], - [ - "rig", - "ing" - ], - [ - "ĠMg", - "SO" - ], - [ - "carbon", - "itrile" - ], - [ - "ĠLore", - "n" - ], - [ - "Ġpolyt", - "opes" - ], - [ - "ĠParent", - "al" - ], - [ - "Ġun", - "healthy" - ], - [ - "ither", - "to" - ], - [ - "ĠMo", - "tif" - ], - [ - "Data", - "Type" - ], - [ - "ĠMI", - "PS" - ], - [ - "ĠPhosph", - "orus" - ], - [ - "Mo", - "O" - ], - [ - "ĠPerturb", - "ations" - ], - [ - "Ġaph", - "ids" - ], - [ - "Ġanhyd", - "ride" - ], - [ - "id", - "eration" - ], - [ - "ĠM", - "its" - ], - [ - "gra", - "vit" - ], - [ - "Ġdest", - "inations" - ], - [ - "Com", - "mun" - ], - [ - "Ġtetra", - "hedron" - ], - [ - "im", - "plicit" - ], - [ - "Ġass", - "ort" - ], - [ - "ĠSub", - "t" - ], - [ - "ĠAcet", - "yl" - ], - [ - "ec", - "ium" - ], - [ - "ĠN", - "ie" - ], - [ - "Ġoper", - "and" - ], - [ - "ĠSc", - "her" - ], - [ - "az", - "oles" - ], - [ - "tle", - "ment" - ], - [ - "ĠBlock", - "ing" - ], - [ - "Ġbottlen", - "ecks" - ], - [ - "ĠOccup", - "ational" - ], - [ - "H", - "AS" - ], - [ - "T", - "eller" - ], - [ - "Ġv", - "ague" - ], - [ - "est", - "ing" - ], - [ - "SN", - "E" - ], - [ - "Ġphoto", - "ionization" - ], - [ - "Ġcompl", - "aint" - ], - [ - "us", - "pid" - ], - [ - "ow", - "ler" - ], - [ - "Ġend", - "ocytic" - ], - [ - "Ġfl", - "ocks" - ], - [ - "eps", - "in" - ], - [ - "col", - "ors" - ], - [ - "otop", - "es" - ], - [ - "ĠDep", - "letion" - ], - [ - "ELL", - "AR" - ], - [ - "ar", - "med" - ], - [ - "ĠT", - "IR" - ], - [ - "Ġbul", - "lying" - ], - [ - "Ġâİ", - "§" - ], - [ - "ospor", - "idium" - ], - [ - "M", - "r" - ], - [ - "ĠC", - "ic" - ], - [ - "og", - "al" - ], - [ - "Ġsection", - "ed" - ], - [ - "Ch", - "apter" - ], - [ - "ĠCont", - "ents" - ], - [ - "ĠPath", - "s" - ], - [ - "ĠExpl", - "ain" - ], - [ - "comput", - "ing" - ], - [ - "Ġshr", - "ub" - ], - [ - "ĠMalays", - "ian" - ], - [ - "B", - "eta" - ], - [ - "M", - "ad" - ], - [ - "R", - "os" - ], - [ - "Ġe", - "yel" - ], - [ - "ĠA", - "CF" - ], - [ - "ĠM", - "m" - ], - [ - "text", - "ure" - ], - [ - "Ġinterpret", - "ability" - ], - [ - "ĠTop", - "ic" - ], - [ - "Ġbad", - "ly" - ], - [ - "ĠmA", - "h" - ], - [ - "E", - "g" - ], - [ - "R", - "Q" - ], - [ - "p", - "ins" - ], - [ - "et", - "c" - ], - [ - "ĠV", - "ogel" - ], - [ - "Ġhyp", - "oc" - ], - [ - "Ġrun", - "away" - ], - [ - "Ġperson", - "ally" - ], - [ - "Ġbind", - "ers" - ], - [ - "sens", - "ory" - ], - [ - "ĠIP", - "v" - ], - [ - "rank", - "ed" - ], - [ - "Ġfibr", - "ations" - ], - [ - "Ġstraw", - "berry" - ], - [ - "arot", - "omy" - ], - [ - "F", - "LI" - ], - [ - "r", - "ator" - ], - [ - "od", - "ys" - ], - [ - "ir", - "an" - ], - [ - "ĠB", - "ead" - ], - [ - "ĠD", - "AM" - ], - [ - "âĪ", - "ĥ" - ], - [ - "Ġill", - "usion" - ], - [ - "pid", - "ium" - ], - [ - "Pl", - "ace" - ], - [ - "Reg", - "ion" - ], - [ - "Ġalloc", - "ations" - ], - [ - "Ġoh", - "mic" - ], - [ - "Ġn", - "f" - ], - [ - "im", - "ino" - ], - [ - "ĠB", - "ris" - ], - [ - "iti", - "zing" - ], - [ - "pro", - "per" - ], - [ - "sub", - "group" - ], - [ - "Ġsal", - "ience" - ], - [ - "rang", - "ement" - ], - [ - "ĠMean", - "ing" - ], - [ - "Ġbarc", - "ode" - ], - [ - "Ġneurop", - "eptide" - ], - [ - "Ġendos", - "perm" - ], - [ - "im", - "ab" - ], - [ - "Ġnan", - "od" - ], - [ - "ĠMet", - "z" - ], - [ - "Ġcoll", - "ocation" - ], - [ - "ĠInf", - "ected" - ], - [ - "Ġpack", - "aged" - ], - [ - "ĠAD", - "A" - ], - [ - "ĠBar", - "th" - ], - [ - "ĠCN", - "C" - ], - [ - "Ġcasc", - "aded" - ], - [ - "ĠStock", - "holm" - ], - [ - "it", - "as" - ], - [ - "ĠM", - "MR" - ], - [ - "ĠD", - "rought" - ], - [ - "Ġper", - "missible" - ], - [ - "Ġsc", - "iatic" - ], - [ - "Ġfr", - "inges" - ], - [ - "Ġexec", - "utable" - ], - [ - "Ġstem", - "ness" - ], - [ - "ĠEnd", - "oscopic" - ], - [ - "apor", - "in" - ], - [ - "T", - "OP" - ], - [ - "e", - "B" - ], - [ - "t", - "ur" - ], - [ - "ĠSt", - "ages" - ], - [ - "anc", - "hes" - ], - [ - "Ġnon", - "perturbative" - ], - [ - "Ġmar", - "itime" - ], - [ - "Ġcovers", - "lips" - ], - [ - "Ġlag", - "oon" - ], - [ - "Experim", - "ents" - ], - [ - "Ġcodew", - "ords" - ], - [ - "Enc", - "oder" - ], - [ - "d", - "as" - ], - [ - "p", - "rac" - ], - [ - "Ġp", - "addy" - ], - [ - "Ġd", - "raining" - ], - [ - "Ġk", - "ids" - ], - [ - "Ġen", - "emies" - ], - [ - "Ġmo", - "tile" - ], - [ - "Ġsl", - "ack" - ], - [ - "be", - "es" - ], - [ - "ĠSup", - "pl" - ], - [ - "ĠBar", - "ber" - ], - [ - "ĠSP", - "H" - ], - [ - "Ġcrystall", - "ite" - ], - [ - "fit", - "ted" - ], - [ - "cycl", - "opent" - ], - [ - "ĠRMS", - "D" - ], - [ - "Ġpark", - "inson" - ], - [ - "Ġuncor", - "rected" - ], - [ - "ĠSynt", - "ax" - ], - [ - "Ġmultin", - "omial" - ], - [ - "ĠIncor", - "porating" - ], - [ - "akrish", - "nan" - ], - [ - "J", - "L" - ], - [ - "N", - "ESS" - ], - [ - "m", - "im" - ], - [ - "ĠT", - "ET" - ], - [ - "ĠP", - "orph" - ], - [ - "ĠSch", - "we" - ], - [ - "Ġcatalog", - "s" - ], - [ - "ĠAuthentic", - "ation" - ], - [ - "B", - "ro" - ], - [ - "ug", - "ar" - ], - [ - "ĠAm", - "pl" - ], - [ - "Ġsap", - "iens" - ], - [ - "ĠGAN", - "s" - ], - [ - "Ġnecessit", - "ates" - ], - [ - "t", - "g" - ], - [ - "ed", - "al" - ], - [ - "ĠR", - "ear" - ], - [ - "op", - "eptidase" - ], - [ - "ĠIn", - "formed" - ], - [ - "Ġtail", - "or" - ], - [ - "ĠNN", - "LO" - ], - [ - "Ġhemod", - "ynamics" - ], - [ - "S", - "y" - ], - [ - "d", - "ating" - ], - [ - "ac", - "hers" - ], - [ - "ĠT", - "odd" - ], - [ - "ĠM", - "ario" - ], - [ - "ĠU", - "GT" - ], - [ - "ĠVal", - "ent" - ], - [ - "Ġstream", - "lines" - ], - [ - "Ġwar", - "rants" - ], - [ - "Ġre", - "w" - ], - [ - "ĠM", - "ud" - ], - [ - "ĠG", - "K" - ], - [ - "Ġco", - "ke" - ], - [ - "ĠU", - "ran" - ], - [ - "Ġgro", - "oves" - ], - [ - "ron", - "ate" - ], - [ - "ĠRad", - "ius" - ], - [ - "ĠSu", - "ite" - ], - [ - "atum", - "oral" - ], - [ - "Work", - "space" - ], - [ - "ĠSynerg", - "istic" - ], - [ - "ĠAtheros", - "clerosis" - ], - [ - "ma", - "z" - ], - [ - "arg", - "max" - ], - [ - "sh", - "ield" - ], - [ - "ont", - "in" - ], - [ - "Ġlist", - "ener" - ], - [ - "ocyt", - "oma" - ], - [ - "ĠGra", - "v" - ], - [ - "ĠJer", - "usalem" - ], - [ - "pyrrol", - "idin" - ], - [ - "ĠSpr", - "ings" - ], - [ - "Ġseaf", - "loor" - ], - [ - "Ġd", - "ips" - ], - [ - "ist", - "ani" - ], - [ - "ob", - "is" - ], - [ - "Ġphot", - "odynamic" - ], - [ - "AD", - "O" - ], - [ - "Ġion", - "isation" - ], - [ - "Ġbar", - "n" - ], - [ - "igene", - "tics" - ], - [ - "Ġeconom", - "ies" - ], - [ - "ĠGlac", - "ier" - ], - [ - "Ġ", - "ç" - ], - [ - "im", - "es" - ], - [ - "ĠS", - "asaki" - ], - [ - "ch", - "io" - ], - [ - "Ġass", - "isting" - ], - [ - "ost", - "in" - ], - [ - "Ġind", - "iff" - ], - [ - "ĠSh", - "ot" - ], - [ - "ĠNe", - "uron" - ], - [ - "CD", - "D" - ], - [ - "ĠCON", - "ST" - ], - [ - "ĠBS", - "s" - ], - [ - "t", - "as" - ], - [ - "ass", - "ociation" - ], - [ - "par", - "g" - ], - [ - "Ġes", - "cal" - ], - [ - "ex", - "ercise" - ], - [ - "ĠAd", - "ela" - ], - [ - "Ġmy", - "ogenic" - ], - [ - "ĠNO", - "AA" - ], - [ - "ycl", - "o" - ], - [ - "l", - "inal" - ], - [ - "ĠH", - "ut" - ], - [ - "Ġintro", - "ductory" - ], - [ - "Ġheter", - "ochromatin" - ], - [ - "Ġchem", - "oresistance" - ], - [ - "Ġsimpl", - "ifications" - ], - [ - "pyrid", - "in" - ], - [ - "Ġamyloid", - "osis" - ], - [ - "Ġnanof", - "iber" - ], - [ - "ĠSut", - "ton" - ], - [ - "ĠResil", - "ience" - ], - [ - "P", - "arent" - ], - [ - "ĠL", - "MS" - ], - [ - "Ġle", - "ts" - ], - [ - "ĠEl", - "derly" - ], - [ - "Ġirre", - "vers" - ], - [ - "she", - "ets" - ], - [ - "Eff", - "ects" - ], - [ - "Ġellips", - "es" - ], - [ - "ĠPhilos", - "ophy" - ], - [ - "Ġphot", - "ographic" - ], - [ - "HE", - "AD" - ], - [ - "Ġrevers", - "ibility" - ], - [ - "Ġfed", - "erated" - ], - [ - "ĠPhosph", - "oserine" - ], - [ - "estim", - "ation" - ], - [ - "ĠHum", - "ph" - ], - [ - "J", - "son" - ], - [ - "Ġf", - "ills" - ], - [ - "Ġv", - "erm" - ], - [ - "ĠSe", - "if" - ], - [ - "with", - "standing" - ], - [ - "ĠYam", - "ada" - ], - [ - "er", - "ia" - ], - [ - "ĠF", - "LA" - ], - [ - "ĠV", - "ick" - ], - [ - "to", - "id" - ], - [ - "ann", - "ier" - ], - [ - "Ġcancer", - "ous" - ], - [ - "PR", - "INT" - ], - [ - "ĠMechan", - "istic" - ], - [ - "Ġdust", - "y" - ], - [ - "ĠApp", - "end" - ], - [ - "y", - "cin" - ], - [ - "Ġa", - "zo" - ], - [ - "Ġs", - "izing" - ], - [ - "Ġc", - "rayfish" - ], - [ - "av", - "is" - ], - [ - "ĠAd", - "vent" - ], - [ - "ĠCommun", - "ist" - ], - [ - "ĠIM", - "U" - ], - [ - "pix", - "els" - ], - [ - "H", - "all" - ], - [ - "p", - "ast" - ], - [ - "ĠR", - "ous" - ], - [ - "ression", - "al" - ], - [ - "air", - "d" - ], - [ - "ĠAD", - "D" - ], - [ - "Ġsummar", - "izing" - ], - [ - "Ġelect", - "rol" - ], - [ - "St", - "ation" - ], - [ - "ĠLy", - "α" - ], - [ - "ĠTM", - "EM" - ], - [ - "Ġpeptid", - "ase" - ], - [ - "D", - "ual" - ], - [ - "g", - "it" - ], - [ - "ĠB", - "OD" - ], - [ - "ĠR", - "ham" - ], - [ - "ĠK", - "ak" - ], - [ - "Ġread", - "iness" - ], - [ - "ĠComp", - "are" - ], - [ - "ĠRam", - "os" - ], - [ - "sign", - "ificantly" - ], - [ - "Ġhair", - "y" - ], - [ - "Ġvas", - "opressin" - ], - [ - "ĠGuid", - "eline" - ], - [ - "B", - "NP" - ], - [ - "Ġd", - "irty" - ], - [ - "Ġinf", - "imum" - ], - [ - "ĠAl", - "ess" - ], - [ - "ĠVol", - "cano" - ], - [ - "M", - "agn" - ], - [ - "Y", - "Y" - ], - [ - "ugh", - "lin" - ], - [ - "bo", - "platin" - ], - [ - "ĠCant", - "or" - ], - [ - "Ġclot", - "hes" - ], - [ - "ĠR", - "w" - ], - [ - "Ġus", - "eless" - ], - [ - "ĠK", - "dV" - ], - [ - "oper", - "oxidase" - ], - [ - "ĠCor", - "rect" - ], - [ - "Ġfat", - "ality" - ], - [ - "ĠRest", - "riction" - ], - [ - "Comput", - "er" - ], - [ - "Dep", - "artment" - ], - [ - "I", - "l" - ], - [ - "g", - "ang" - ], - [ - "ĠElect", - "roc" - ], - [ - "obar", - "ic" - ], - [ - "P", - "hen" - ], - [ - "Ġn", - "ed" - ], - [ - "ad", - "h" - ], - [ - "iss", - "ing" - ], - [ - "to", - "oth" - ], - [ - "Ġman", - "uscripts" - ], - [ - "Ġbi", - "otechnology" - ], - [ - "Sup", - "p" - ], - [ - "ĠPair", - "wise" - ], - [ - "ĠPars", - "ing" - ], - [ - "d", - "H" - ], - [ - "m", - "elt" - ], - [ - "r", - "z" - ], - [ - "ĠC", - "atalyst" - ], - [ - "em", - "ption" - ], - [ - "Ġshow", - "ers" - ], - [ - "BL", - "EM" - ], - [ - "ĠBro", - "thers" - ], - [ - "ban", - "on" - ], - [ - "Ġbrac", - "hy" - ], - [ - "metall", - "icity" - ], - [ - "ĠC", - "IS" - ], - [ - "ĠC", - "openhagen" - ], - [ - "Ġel", - "der" - ], - [ - "Ġfin", - "anc" - ], - [ - "odes", - "ic" - ], - [ - "Ġdev", - "ise" - ], - [ - "Ġsurv", - "ives" - ], - [ - "Ġð", - "tÃŀ" - ], - [ - "Ġfasc", - "inating" - ], - [ - "Ġparall", - "ax" - ], - [ - "H", - "OR" - ], - [ - "y", - "th" - ], - [ - "on", - "ins" - ], - [ - "ĠE", - "HR" - ], - [ - "ĠG", - "ates" - ], - [ - "ob", - "ase" - ], - [ - "ĠCon", - "way" - ], - [ - "oper", - "ations" - ], - [ - "man", - "uel" - ], - [ - "ĠAb", - "dominal" - ], - [ - "ĠAR", - "G" - ], - [ - "ĠGr", - "ö" - ], - [ - "Ġphotos", - "ens" - ], - [ - "ĠCoul", - "ter" - ], - [ - "ĠJul", - "ian" - ], - [ - "ĠLev", - "ine" - ], - [ - "Ġsarc", - "oidosis" - ], - [ - "Ġp", - "illars" - ], - [ - "Ġd", - "R" - ], - [ - "ĠW", - "G" - ], - [ - "Ġspec", - "ulation" - ], - [ - "ans", - "ki" - ], - [ - "ĠGaussian", - "s" - ], - [ - "Sch", - "w" - ], - [ - "ĠNam", - "bu" - ], - [ - "paren", - "ts" - ], - [ - "intr", - "insic" - ], - [ - "ĠKend", - "all" - ], - [ - "ĠR", - "g" - ], - [ - "Ġprot", - "otypical" - ], - [ - "bre", - "lla" - ], - [ - "Ġtet", - "rap" - ], - [ - "ĠPath", - "ophys" - ], - [ - "nm", - "t" - ], - [ - "Ġerg", - "odicity" - ], - [ - "ĠYers", - "inia" - ], - [ - "Q", - "O" - ], - [ - "ĠI", - "AV" - ], - [ - "Ġch", - "ocolate" - ], - [ - "Ġconf", - "erring" - ], - [ - "Cl", - "NO" - ], - [ - "oti", - "a" - ], - [ - "Com", - "plete" - ], - [ - "ĠAMP", - "A" - ], - [ - "ïĢ", - "Ń" - ], - [ - "Ġá¸", - "¡" - ], - [ - "ĠiP", - "SCs" - ], - [ - "ĠApparent", - "ly" - ], - [ - "Ġintox", - "ication" - ], - [ - "ĠF", - "ather" - ], - [ - "per", - "cent" - ], - [ - "Ġsh", - "aker" - ], - [ - "Ġfin", - "ancing" - ], - [ - "Ġgenital", - "ia" - ], - [ - "memb", - "ers" - ], - [ - "Ġstagn", - "ation" - ], - [ - "h", - "matic" - ], - [ - "ro", - "red" - ], - [ - "Ġcon", - "idia" - ], - [ - "atal", - "oader" - ], - [ - "ĠNe", - "il" - ], - [ - "Ġliter", - "atures" - ], - [ - "ĠGl", - "c" - ], - [ - "ĠDevelop", - "ments" - ], - [ - "differenti", - "ation" - ], - [ - "ĠRevis", - "ited" - ], - [ - "n", - "il" - ], - [ - "t", - "om" - ], - [ - "di", - "ol" - ], - [ - "ĠAb", - "ell" - ], - [ - "Ġplastic", - "s" - ], - [ - "ĠLu", - "ke" - ], - [ - "adj", - "acent" - ], - [ - "ĠBH", - "s" - ], - [ - "ĠPosition", - "ing" - ], - [ - "ø", - "r" - ], - [ - "overex", - "pressing" - ], - [ - "E", - "c" - ], - [ - "P", - "ref" - ], - [ - "or", - "ting" - ], - [ - "Ġin", - "ch" - ], - [ - "ĠC", - "atherine" - ], - [ - "ĠD", - "MP" - ], - [ - "ĠO", - "e" - ], - [ - "end", - "othelial" - ], - [ - "IC", - "ES" - ], - [ - "ĠHad", - "ron" - ], - [ - "Ġrevis", - "it" - ], - [ - "ĠPict", - "ures" - ], - [ - "ĠKnock", - "down" - ], - [ - "il", - "ian" - ], - [ - "ĠA", - "LA" - ], - [ - "op", - "amine" - ], - [ - "ĠL", - "ah" - ], - [ - "cl", - "imate" - ], - [ - "Ġdist", - "raction" - ], - [ - "ars", - "ki" - ], - [ - "ĠAcc", - "ount" - ], - [ - "ref", - "lex" - ], - [ - "Ġelong", - "ate" - ], - [ - "ĠAmb", - "ient" - ], - [ - "C", - "x" - ], - [ - "M", - "achine" - ], - [ - "ĠJ", - "PEG" - ], - [ - "Ġclass", - "ifies" - ], - [ - "ĠReg", - "ulate" - ], - [ - "oplas", - "ia" - ], - [ - "inj", - "ury" - ], - [ - "neigh", - "bors" - ], - [ - "ĠFORM", - "ATION" - ], - [ - "F", - "IS" - ], - [ - "S", - "z" - ], - [ - "ĠO", - "SC" - ], - [ - "Ġassemb", - "ling" - ], - [ - "Ġintrac", - "erebral" - ], - [ - "su", - "pers" - ], - [ - "Ġp", - "F" - ], - [ - "Ġhe", - "al" - ], - [ - "ĠV", - "ries" - ], - [ - "arc", - "he" - ], - [ - "ĠDec", - "om" - ], - [ - "ĠDiff", - "ic" - ], - [ - "agent", - "a" - ], - [ - "ĠSpir", - "it" - ], - [ - "ĠInters", - "ection" - ], - [ - "Ġendors", - "ed" - ], - [ - "ĠNob", - "el" - ], - [ - "i", - "Ïī" - ], - [ - "w", - "u" - ], - [ - "ph", - "aly" - ], - [ - "Ġqu", - "eu" - ], - [ - "ĠFor", - "um" - ], - [ - "land", - "er" - ], - [ - "Ġspectrom", - "etric" - ], - [ - "ĠHank", - "el" - ], - [ - "ĠC", - "SE" - ], - [ - "Ġres", - "umed" - ], - [ - "ĠG", - "RE" - ], - [ - "AC", - "ES" - ], - [ - "CT", - "A" - ], - [ - "Ġbeh", - "aved" - ], - [ - "Mon", - "itor" - ], - [ - "ĠNik", - "on" - ], - [ - "ĠCHAR", - "ACTER" - ], - [ - "ĠS", - "AL" - ], - [ - "ĠI", - "ch" - ], - [ - "ĠH", - "SF" - ], - [ - "Ġgen", - "otoxic" - ], - [ - "ific", - "ance" - ], - [ - "ĠCh", - "iang" - ], - [ - "ĠZ", - "en" - ], - [ - "ĠAr", - "rows" - ], - [ - "ĠPD", - "T" - ], - [ - "ĠFL", - "ASH" - ], - [ - "ocor", - "tex" - ], - [ - "onstruct", - "ing" - ], - [ - "T", - "reatment" - ], - [ - "ĉ", - "ĠĠĠĠĠĠ" - ], - [ - "ed", - "ullary" - ], - [ - "il", - "ty" - ], - [ - "ind", - "entation" - ], - [ - "Ġam", - "ended" - ], - [ - "Ġfl", - "ed" - ], - [ - "roph", - "ication" - ], - [ - "ĠGL", - "M" - ], - [ - "ĠOper", - "a" - ], - [ - "HL", - "H" - ], - [ - "L", - "ite" - ], - [ - "b", - "mod" - ], - [ - "Ġa", - "version" - ], - [ - "ĠS", - "weet" - ], - [ - "Ġst", - "reptavidin" - ], - [ - "ĠP", - "airs" - ], - [ - "ug", - "os" - ], - [ - "ep", - "oxy" - ], - [ - "Ġun", - "specified" - ], - [ - "Ġmicro", - "channel" - ], - [ - "ĠVictor", - "ian" - ], - [ - "C", - "ould" - ], - [ - "in", - "formed" - ], - [ - "Ġs", - "its" - ], - [ - "Ġr", - "x" - ], - [ - "Ġne", - "p" - ], - [ - "to", - "uch" - ], - [ - "RO", - "I" - ], - [ - "Ġhead", - "ers" - ], - [ - "fl", - "ush" - ], - [ - "ĠPath", - "ogenic" - ], - [ - "Ġspac", - "ings" - ], - [ - "het", - "ti" - ], - [ - "Ġmotiv", - "ating" - ], - [ - "Ġstake", - "holder" - ], - [ - "ĠSymbol", - "ic" - ], - [ - "ĠC", - "rani" - ], - [ - "Ġdis", - "pute" - ], - [ - "Ġass", - "ists" - ], - [ - "ind", - "ler" - ], - [ - "ĠSp", - "atio" - ], - [ - "oh", - "m" - ], - [ - "Ġextrap", - "olate" - ], - [ - "Ġelabor", - "ation" - ], - [ - "ĠGTP", - "ases" - ], - [ - "Ġcellul", - "ase" - ], - [ - "ĠT", - "uc" - ], - [ - "ol", - "ide" - ], - [ - "ĠA", - "IM" - ], - [ - "pl", - "ast" - ], - [ - "ĠB", - "ible" - ], - [ - "op", - "oly" - ], - [ - "ub", - "o" - ], - [ - "ace", - "an" - ], - [ - "ĠPen", - "rose" - ], - [ - "ĠMap", - "Reduce" - ], - [ - "ĠKw", - "on" - ], - [ - "W", - "all" - ], - [ - "Ġg", - "cd" - ], - [ - "ĠAr", - "bitrary" - ], - [ - "Pro", - "duct" - ], - [ - "ĠGit", - "Hub" - ], - [ - "F", - "n" - ], - [ - "Ġc", - "k" - ], - [ - "ĠA", - "us" - ], - [ - "Ġgra", - "ve" - ], - [ - "Ġmetabol", - "ically" - ], - [ - "Ġlist", - "en" - ], - [ - "Ġextrac", - "tions" - ], - [ - "ĠTr", - "unc" - ], - [ - "ĠRad", - "iology" - ], - [ - "cons", - "erving" - ], - [ - "ĠComposition", - "al" - ], - [ - "report", - "ing" - ], - [ - "s", - "ustain" - ], - [ - "î", - "Ģ" - ], - [ - "ĠO", - "bl" - ], - [ - "Ġk", - "N" - ], - [ - "St", - "re" - ], - [ - "ĠSuper", - "gravity" - ], - [ - "ĠPV", - "P" - ], - [ - "Ġcivil", - "ian" - ], - [ - "ĠTun", - "nel" - ], - [ - "Ġhelic", - "opter" - ], - [ - "ĠCamb", - "rian" - ], - [ - "Ġr", - "g" - ], - [ - "ĠU", - "PF" - ], - [ - "Ġpol", - "yd" - ], - [ - "Ġobserv", - "ability" - ], - [ - "con", - "tainer" - ], - [ - "nit", - "ros" - ], - [ - "ĠCut", - "ting" - ], - [ - "Ġdeco", - "uple" - ], - [ - "Ġcarbox", - "y" - ], - [ - "c", - "row" - ], - [ - "Ġc", - "x" - ], - [ - "ĠK", - "ell" - ], - [ - "Ġproject", - "ors" - ], - [ - "Ġmyocardi", - "tis" - ], - [ - "itone", - "um" - ], - [ - "condition", - "ing" - ], - [ - "ĠE", - "TH" - ], - [ - "oy", - "ama" - ], - [ - "Ġphosph", - "ates" - ], - [ - "ĠSub", - "jective" - ], - [ - "ĠSer", - "re" - ], - [ - "Ġcollagen", - "ase" - ], - [ - "Ġvibr", - "ating" - ], - [ - "strept", - "omycin" - ], - [ - "z", - "hen" - ], - [ - "Ġc", - "res" - ], - [ - "Ġc", - "ull" - ], - [ - "Ġh", - "aven" - ], - [ - "ĠG", - "PL" - ], - [ - "less", - "ness" - ], - [ - "Ġview", - "points" - ], - [ - ",,", - "," - ], - [ - "ochrom", - "ic" - ], - [ - "uy", - "ama" - ], - [ - "Ġpartnership", - "s" - ], - [ - "L", - "ICENSE" - ], - [ - "ĠS", - "IFT" - ], - [ - "res", - "ources" - ], - [ - "ĠG", - "os" - ], - [ - "iv", - "ac" - ], - [ - "Ġneuro", - "genic" - ], - [ - "Ad", - "j" - ], - [ - "Ġaqu", - "ifers" - ], - [ - "ĠGly", - "cos" - ], - [ - "ĠMatthe", - "ws" - ], - [ - "ĠFrid", - "ay" - ], - [ - "Ġp", - "X" - ], - [ - "Ġan", - "te" - ], - [ - "ĠF", - "enton" - ], - [ - "ĠE", - "ukary" - ], - [ - "ib", - "al" - ], - [ - "ide", - "ae" - ], - [ - "At", - "tention" - ], - [ - "ĠPolymer", - "ization" - ], - [ - "Ġflip", - "ping" - ], - [ - "ĠMedi", - "ates" - ], - [ - "Ġstation", - "arity" - ], - [ - "Ġecho", - "es" - ], - [ - "alid", - "omide" - ], - [ - "Ġdeline", - "ation" - ], - [ - "Ġn", - "aval" - ], - [ - "ĠS", - "omatic" - ], - [ - "Ġst", - "ub" - ], - [ - "ĠB", - "ever" - ], - [ - "ĠR", - "iz" - ], - [ - "Ġres", - "ummation" - ], - [ - "Ġass", - "ault" - ], - [ - "Ġpre", - "existing" - ], - [ - "Ġhyper", - "methylation" - ], - [ - "Ġconserv", - "ing" - ], - [ - "record", - "ed" - ], - [ - "am", - "n" - ], - [ - "Ġch", - "ow" - ], - [ - "ĠK", - "ill" - ], - [ - "ĠPro", - "duced" - ], - [ - "Ġref", - "s" - ], - [ - "ĠEn", - "zymes" - ], - [ - "Ġdeep", - "est" - ], - [ - "&&", - "&" - ], - [ - "ĠFR", - "P" - ], - [ - "Ġmil", - "ieu" - ], - [ - "Ġirrig", - "ated" - ], - [ - "ĠAn", - "atomical" - ], - [ - "Ġdiss", - "ect" - ], - [ - "ili", - "ensis" - ], - [ - "raz", - "olo" - ], - [ - "ĠProb", - "able" - ], - [ - "sol", - "ve" - ], - [ - "conf", - "irmed" - ], - [ - "ohydro", - "dynamic" - ], - [ - "l", - "ibrary" - ], - [ - "ĠC", - "iti" - ], - [ - "ĠP", - "HA" - ], - [ - "its", - "ky" - ], - [ - "Ġelect", - "rone" - ], - [ - "na", - "ive" - ], - [ - "Ġrib", - "s" - ], - [ - "ĠPhot", - "onic" - ], - [ - "Ġsubstanti", - "a" - ], - [ - "ĠEST", - "IM" - ], - [ - "Ġduoden", - "um" - ], - [ - "ĠChag", - "as" - ], - [ - "ĠSURVE", - "Y" - ], - [ - "P", - "ress" - ], - [ - "b", - "ian" - ], - [ - "Â", - "¤" - ], - [ - "he", - "i" - ], - [ - "ĠV", - "AR" - ], - [ - "Ġcol", - "ocalization" - ], - [ - "Ġpol", - "yl" - ], - [ - "Ġdo", - "ugh" - ], - [ - "Ġmicro", - "controller" - ], - [ - "Ġinternal", - "ized" - ], - [ - "Ġdischarg", - "ing" - ], - [ - "ĠChlamyd", - "omonas" - ], - [ - "or", - "ad" - ], - [ - "it", - "el" - ], - [ - "ĠW", - "end" - ], - [ - "Ġlog", - "its" - ], - [ - "Ġelectro", - "cataly" - ], - [ - "ĠAm", - "ar" - ], - [ - "Ġappreci", - "ably" - ], - [ - "Ġneurotrans", - "mitters" - ], - [ - "former", - "ly" - ], - [ - "c", - "ul" - ], - [ - "r", - "ata" - ], - [ - "ĠB", - "alk" - ], - [ - "ĠO", - "sm" - ], - [ - "Ġsympt", - "omatology" - ], - [ - "ĠFI", - "ELD" - ], - [ - "ĠA", - "Ps" - ], - [ - "Ġg", - "ymn" - ], - [ - "ĠM", - "MS" - ], - [ - "Ġref", - "resh" - ], - [ - "ĠInd", - "ices" - ], - [ - "Ġimplant", - "able" - ], - [ - "sh", - "uffle" - ], - [ - "ĠHe", - "ath" - ], - [ - "Ġcr", - "isp" - ], - [ - "Ġdiss", - "ertation" - ], - [ - "ĠUl", - "t" - ], - [ - "Des", - "cription" - ], - [ - "ĠOrig", - "inally" - ], - [ - "ĠF", - "n" - ], - [ - "ĠF", - "LOW" - ], - [ - "ub", - "ility" - ], - [ - "Ġexam", - "s" - ], - [ - "ĠSh", - "or" - ], - [ - "ĠCd", - "Te" - ], - [ - "psy", - "cho" - ], - [ - "Ġdict", - "ates" - ], - [ - "Ġparench", - "ymal" - ], - [ - "ĠPret", - "reatment" - ], - [ - "Ġrememb", - "ered" - ], - [ - "Ġb", - "ras" - ], - [ - "oti", - "d" - ], - [ - "Ġrecomm", - "ender" - ], - [ - "Ġfles", - "h" - ], - [ - "p", - "itch" - ], - [ - "in", - "ist" - ], - [ - "Ġb", - "title" - ], - [ - "Ġl", - "c" - ], - [ - "ass", - "igned" - ], - [ - "ĠAd", - "visory" - ], - [ - "ĠGene", - "va" - ], - [ - "weight", - "ing" - ], - [ - "ĠAB", - "TS" - ], - [ - "Ġhex", - "agon" - ], - [ - "ovsk", - "ite" - ], - [ - "ĠAPI", - "s" - ], - [ - "Ġbol", - "ometric" - ], - [ - "Ġmultif", - "aceted" - ], - [ - "i", - "ak" - ], - [ - "Ġt", - "n" - ], - [ - "ĠB", - "ibli" - ], - [ - "pro", - "sy" - ], - [ - "ĠJ", - "ama" - ], - [ - "Ġinf", - "rastructures" - ], - [ - "ĠSh", - "are" - ], - [ - "Ġintro", - "gression" - ], - [ - "trans", - "forms" - ], - [ - "Re", - "port" - ], - [ - "ĠTR", - "ANS" - ], - [ - "ĠEX", - "P" - ], - [ - "ĠCB", - "T" - ], - [ - "ĠUbiqu", - "itin" - ], - [ - "ĠThick", - "ness" - ], - [ - "p", - "ub" - ], - [ - "t", - "oxin" - ], - [ - "ĠF", - "riction" - ], - [ - "ĠL", - "AG" - ], - [ - "ma", - "ils" - ], - [ - "ĠIm", - "mediately" - ], - [ - "Ġweak", - "est" - ], - [ - "ĠMR", - "S" - ], - [ - "Ġcalcare", - "ous" - ], - [ - "b", - "ath" - ], - [ - "Ġc", - "g" - ], - [ - "ur", - "ational" - ], - [ - "ter", - "o" - ], - [ - "ĠIn", - "oue" - ], - [ - "Ġinstruct", - "or" - ], - [ - "ac", - "ceptor" - ], - [ - "ĠE", - "volving" - ], - [ - "ĠL", - "uther" - ], - [ - "Ġres", - "igned" - ], - [ - "ĠCh", - "ond" - ], - [ - "ER", - "F" - ], - [ - "Ġselect", - "or" - ], - [ - "Ġnewsp", - "apers" - ], - [ - "G", - "RA" - ], - [ - "S", - "pe" - ], - [ - "V", - "H" - ], - [ - "r", - "A" - ], - [ - "ot", - "ine" - ], - [ - "ĠF", - "ACT" - ], - [ - "com", - "position" - ], - [ - "rid", - "ing" - ], - [ - "PC", - "M" - ], - [ - "Ġmiddle", - "ware" - ], - [ - "ĠGR", - "P" - ], - [ - "Ph", - "osph" - ], - [ - "ĠEP", - "IC" - ], - [ - "spe", - "ech" - ], - [ - "vor", - "tex" - ], - [ - "ĠHers", - "chel" - ], - [ - "am", - "is" - ], - [ - "ot", - "ube" - ], - [ - "ĠG", - "omez" - ], - [ - "com", - "yc" - ], - [ - "ĠPh", - "yto" - ], - [ - "ĠCons", - "erv" - ], - [ - "Ġcav", - "a" - ], - [ - "arr", - "hyth" - ], - [ - "ĠRestric", - "ted" - ], - [ - "il", - "icity" - ], - [ - "og", - "ap" - ], - [ - "CT", - "P" - ], - [ - "ĠLat", - "ino" - ], - [ - "atten", - "uated" - ], - [ - "m", - "obility" - ], - [ - "an", - "en" - ], - [ - "Ġn", - "if" - ], - [ - "ĠV", - "ideos" - ], - [ - "ĠSch", - "ubert" - ], - [ - "Fe", - "atures" - ], - [ - "oprop", - "anol" - ], - [ - "ĠThird", - "ly" - ], - [ - "at", - "ula" - ], - [ - "ĠC", - "emetery" - ], - [ - "enti", - "st" - ], - [ - "Ġdel", - "i" - ], - [ - "tri", - "als" - ], - [ - "Ġgran", - "ulation" - ], - [ - "TT", - "G" - ], - [ - "Ġtele", - "ost" - ], - [ - "mor", - "ill" - ], - [ - "or", - "se" - ], - [ - "otyp", - "ically" - ], - [ - "ĠAb", - "ility" - ], - [ - "Amin", - "o" - ], - [ - "a", - "queous" - ], - [ - "Ġp", - "CO" - ], - [ - "ec", - "on" - ], - [ - "ĠL", - "ign" - ], - [ - "ess", - "els" - ], - [ - "Ġform", - "ulating" - ], - [ - "ĠTo", - "o" - ], - [ - "ĠTrans", - "lational" - ], - [ - "ours", - "es" - ], - [ - "ubiqu", - "it" - ], - [ - "stat", - "istic" - ], - [ - "Ġburst", - "ing" - ], - [ - "Ġestu", - "aries" - ], - [ - "ĠNanoc", - "om" - ], - [ - "Ġex", - "ports" - ], - [ - "ĠÃ", - "ª" - ], - [ - "cont", - "aminated" - ], - [ - "Ġtub", - "ing" - ], - [ - "Ġautom", - "obile" - ], - [ - "Ġmiss", - "ile" - ], - [ - "Ġhierarch", - "ically" - ], - [ - "Ġrepair", - "s" - ], - [ - "ĠImpro", - "ves" - ], - [ - "ĠEFFECT", - "S" - ], - [ - "Q", - "Ds" - ], - [ - "ro", - "z" - ], - [ - "ar", - "ic" - ], - [ - "Ġpar", - "sed" - ], - [ - "ĠBr", - "ink" - ], - [ - "Ġprogress", - "ing" - ], - [ - "Ġperm", - "Neigh" - ], - [ - "A", - "gg" - ], - [ - "Z", - "X" - ], - [ - "s", - "ink" - ], - [ - "Ġw", - "ise" - ], - [ - "et", - "ence" - ], - [ - "ĠI", - "c" - ], - [ - "lo", - "o" - ], - [ - "me", - "ida" - ], - [ - "Ġpolar", - "iton" - ], - [ - "ĠConn", - "ections" - ], - [ - "Ġhall", - "marks" - ], - [ - "Long", - "rightarrow" - ], - [ - "Ġthe", - "ater" - ], - [ - "es", - "ar" - ], - [ - "Ġre", - "imburs" - ], - [ - "Ġlog", - "o" - ], - [ - "Ġexc", - "reted" - ], - [ - "ĠNo", - "isy" - ], - [ - "Ġleak", - "s" - ], - [ - "ĠDa", - "ph" - ], - [ - "Ġparagraph", - "s" - ], - [ - "Ġlandsl", - "ides" - ], - [ - "Ġprecl", - "ude" - ], - [ - "Ġcoerc", - "ivity" - ], - [ - "ĠBurkholder", - "ia" - ], - [ - "ĠGó", - "mez" - ], - [ - "p", - "rice" - ], - [ - "The", - "ory" - ], - [ - "sur", - "gery" - ], - [ - "f", - "name" - ], - [ - "f", - "ailure" - ], - [ - "l", - "iness" - ], - [ - "re", - "fer" - ], - [ - "ri", - "que" - ], - [ - "ĠD", - "ogs" - ], - [ - "ĠE", - "UV" - ], - [ - "ĠV", - "apor" - ], - [ - "CS", - "R" - ], - [ - "Big", - "gl" - ], - [ - "Con", - "straint" - ], - [ - "gra", - "vitational" - ], - [ - "Ġcombinator", - "ics" - ], - [ - "Ġartic", - "ulated" - ], - [ - "ĠBax", - "ter" - ], - [ - "ĠUltrason", - "ic" - ], - [ - "L", - "TE" - ], - [ - "l", - "op" - ], - [ - "Ġinter", - "atomic" - ], - [ - "int", - "uitive" - ], - [ - "sim", - "plex" - ], - [ - "Ġexperiment", - "ed" - ], - [ - "organ", - "izing" - ], - [ - "ĠOs", - "aka" - ], - [ - "had", - "ron" - ], - [ - "Ġdendrim", - "ers" - ], - [ - "ĠElse", - "vier" - ], - [ - "C", - "IP" - ], - [ - "ĠB", - "AP" - ], - [ - "ĠAl", - "onso" - ], - [ - "art", - "et" - ], - [ - "anti", - "s" - ], - [ - "Ġextrac", - "orporeal" - ], - [ - "Ġpow", - "dered" - ], - [ - "ĠSet", - "tings" - ], - [ - "et", - "allic" - ], - [ - "ĠT", - "EC" - ], - [ - "ĠA", - "rena" - ], - [ - "Ġan", - "od" - ], - [ - "ĠRe", - "agents" - ], - [ - "lic", - "enses" - ], - [ - "ĠRem", - "ove" - ], - [ - "Ġpron", - "unciation" - ], - [ - "thin", - "space" - ], - [ - "ĠClin", - "ically" - ], - [ - "g", - "ative" - ], - [ - "Ġw", - "age" - ], - [ - "ĠH", - "ap" - ], - [ - "ĠG", - "rac" - ], - [ - "ff", - "t" - ], - [ - "Ġform", - "ate" - ], - [ - "inf", - "eld" - ], - [ - "ĠQu", - "in" - ], - [ - "Ġglomer", - "ul" - ], - [ - "W", - "ay" - ], - [ - "Ġk", - "ills" - ], - [ - "Ġtrans", - "versely" - ], - [ - "vari", - "ation" - ], - [ - "enn", - "as" - ], - [ - "ĠPL", - "L" - ], - [ - "Ġinstrument", - "ed" - ], - [ - "ĠSpar", - "k" - ], - [ - "Ġp", - "illar" - ], - [ - "ĠC", - "aval" - ], - [ - "ad", - "ers" - ], - [ - "iss", - "en" - ], - [ - "sc", - "ene" - ], - [ - "other", - "m" - ], - [ - "é", - "es" - ], - [ - "Ġprac", - "ticing" - ], - [ - "ĠBM", - "SCs" - ], - [ - "ĠFernand", - "ez" - ], - [ - "Ġbes", - "ide" - ], - [ - "f", - "ew" - ], - [ - "ĠC", - "ru" - ], - [ - "Ġpro", - "d" - ], - [ - "and", - "ers" - ], - [ - "az", - "oline" - ], - [ - "Ġleg", - "islative" - ], - [ - "bal", - "ances" - ], - [ - "UR", - "L" - ], - [ - "Ġstere", - "otactic" - ], - [ - "Ġtrib", - "es" - ], - [ - "Ġá¹", - "¼" - ], - [ - "ĠPAN", - "I" - ], - [ - "adren", - "o" - ], - [ - "got", - "ten" - ], - [ - "c", - "ranial" - ], - [ - "ĠM", - "ick" - ], - [ - "ĠM", - "MC" - ], - [ - "ad", - "iazole" - ], - [ - "enti", - "ation" - ], - [ - "ĠGl", - "n" - ], - [ - "ĠHol", - "stein" - ], - [ - "ĠExpl", - "orer" - ], - [ - "Ġos", - "se" - ], - [ - "arth", - "y" - ], - [ - "ĠEV", - "ALU" - ], - [ - "adrenal", - "ine" - ], - [ - "J", - "J" - ], - [ - "ĠC", - "MA" - ], - [ - "ĠIn", - "activation" - ], - [ - "AB", - "S" - ], - [ - "ĠST", - "Z" - ], - [ - "Con", - "figuration" - ], - [ - "ĠOl", - "factory" - ], - [ - "ĠSulf", - "ur" - ], - [ - "symbol", - "s" - ], - [ - "ĠA", - "STM" - ], - [ - "di", - "vergence" - ], - [ - "ĠO", - "CR" - ], - [ - "med", - "ical" - ], - [ - "Ġview", - "er" - ], - [ - "Ġbomb", - "ardment" - ], - [ - "f", - "air" - ], - [ - "n", - "ice" - ], - [ - "el", - "berg" - ], - [ - "ĠG", - "PT" - ], - [ - "ĠK", - "ow" - ], - [ - "Ġphot", - "osphere" - ], - [ - "Ġlab", - "ile" - ], - [ - "ĠSh", - "ang" - ], - [ - "Ġhom", - "otopic" - ], - [ - "SV", - "D" - ], - [ - "bec", - "omes" - ], - [ - "Ġgon", - "or" - ], - [ - "Ġdeuter", - "on" - ], - [ - "Ġphylogen", - "ies" - ], - [ - "ĠS", - "AF" - ], - [ - "rap", - "ment" - ], - [ - "ĠCH", - "F" - ], - [ - "Pl", - "an" - ], - [ - "ĠLeg", - "al" - ], - [ - "ĠFred", - "holm" - ], - [ - "Ġshar", - "per" - ], - [ - "Ġnanor", - "ib" - ], - [ - "ĠBuff", - "alo" - ], - [ - "B", - "MD" - ], - [ - "Ġl", - "g" - ], - [ - "os", - "up" - ], - [ - "ĠO", - "PC" - ], - [ - "Ġend", - "ophytic" - ], - [ - "AT", - "R" - ], - [ - "ĠExpression", - "s" - ], - [ - "ĠMus", - "ical" - ], - [ - "Int", - "roduction" - ], - [ - "ĠSL", - "M" - ], - [ - "ç", - "ois" - ], - [ - "ogly", - "cos" - ], - [ - "agl", - "ia" - ], - [ - "m", - "ussen" - ], - [ - "form", - "ans" - ], - [ - "Ġsub", - "structures" - ], - [ - "ym", - "pan" - ], - [ - "ha", - "e" - ], - [ - "sh", - "i" - ], - [ - "ĠInter", - "pret" - ], - [ - "Ġcat", - "abolic" - ], - [ - "Ġoccup", - "ations" - ], - [ - "ĠBif", - "urc" - ], - [ - "Hydro", - "xy" - ], - [ - "ĠKau", - "f" - ], - [ - "s", - "leep" - ], - [ - "am", - "as" - ], - [ - "ĠS", - "f" - ], - [ - "ĠM", - "BP" - ], - [ - "Ġnon", - "alcoholic" - ], - [ - "Ġdisc", - "ordant" - ], - [ - "Ġep", - "igen" - ], - [ - "PR", - "I" - ], - [ - "ĠRed", - "shift" - ], - [ - "war", - "n" - ], - [ - "Ġlap", - "top" - ], - [ - "Ġabras", - "ive" - ], - [ - "îĤ", - "Ŀ" - ], - [ - "l", - "h" - ], - [ - "ĠK", - "nee" - ], - [ - "Ġsc", - "rat" - ], - [ - "Ġpol", - "oidal" - ], - [ - "ĠUn", - "iv" - ], - [ - "omy", - "osin" - ], - [ - "ĠAug", - "mented" - ], - [ - "Ġtaxon", - "om" - ], - [ - "Zr", - "O" - ], - [ - "Ġphytochemical", - "s" - ], - [ - "it", - "en" - ], - [ - "ĠP", - "atterson" - ], - [ - "th", - "ym" - ], - [ - "di", - "hydropy" - ], - [ - "Ġk", - "y" - ], - [ - "ĠMeta", - "zoa" - ], - [ - "ALL", - "Y" - ], - [ - "Ġretin", - "oblastoma" - ], - [ - "concaten", - "ate" - ], - [ - "M", - "ale" - ], - [ - "Ġo", - "mission" - ], - [ - "ic", - "her" - ], - [ - "ĠA", - "zer" - ], - [ - "op", - "p" - ], - [ - "ple", - "asant" - ], - [ - "ning", - "ham" - ], - [ - "Ġax", - "ially" - ], - [ - "HD", - "FS" - ], - [ - "Ġfic", - "tional" - ], - [ - "Ï", - "«" - ], - [ - "Ġn", - "arc" - ], - [ - "Ġunder", - "took" - ], - [ - "Ġmicro", - "circ" - ], - [ - "ON", - "LY" - ], - [ - "IV", - "ER" - ], - [ - "ĠCy", - "cles" - ], - [ - "Me", - "as" - ], - [ - "ĠGriff", - "in" - ], - [ - "ĠPli", - "ocene" - ], - [ - "Ġp", - "I" - ], - [ - "ĠA", - "viation" - ], - [ - "ĠC", - "ategorical" - ], - [ - "ĠN", - "ils" - ], - [ - "Ġresid", - "ency" - ], - [ - "ĠLa", - "ur" - ], - [ - "Ġpref", - "ers" - ], - [ - "Ġassert", - "Equals" - ], - [ - "Ġliqu", - "or" - ], - [ - "d", - "M" - ], - [ - "os", - "perm" - ], - [ - "ĠF", - "UT" - ], - [ - "Al", - "O" - ], - [ - "Ġcyt", - "ometer" - ], - [ - "Ġstabil", - "izers" - ], - [ - "Ġprem", - "ium" - ], - [ - "Ser", - "ial" - ], - [ - "ĠWalk", - "ing" - ], - [ - "íķ", - "ľ" - ], - [ - "Ġconfron", - "ted" - ], - [ - "encaps", - "ulated" - ], - [ - "C", - "ard" - ], - [ - "ĠS", - "eeds" - ], - [ - "ab", - "ular" - ], - [ - "uk", - "ov" - ], - [ - "List", - "ener" - ], - [ - "Cho", - "ose" - ], - [ - "ĠSj", - "ö" - ], - [ - "M", - "ake" - ], - [ - "Ġis", - "oc" - ], - [ - "am", - "ount" - ], - [ - "AT", - "C" - ], - [ - "ij", - "a" - ], - [ - "Ġsul", - "cus" - ], - [ - "ĠMö", - "bius" - ], - [ - "ĠPren", - "atal" - ], - [ - "Ġ", - "ß" - ], - [ - "Ġis", - "ochron" - ], - [ - "Ġbe", - "ans" - ], - [ - "ĠD", - "ens" - ], - [ - "ĠW", - "elling" - ], - [ - "ĠO", - "man" - ], - [ - "St", - "ats" - ], - [ - "ĠVal", - "id" - ], - [ - "ĠRew", - "ard" - ], - [ - "G", - "K" - ], - [ - "Ġâ", - "©" - ], - [ - "Ġelectro", - "poration" - ], - [ - "ĠSNR", - "s" - ], - [ - "Ġgar", - "lic" - ], - [ - "ĠParticip", - "ant" - ], - [ - "ĠSplit", - "ting" - ], - [ - "ĠMeteor", - "ological" - ], - [ - "morill", - "onite" - ], - [ - "Ġo", - "edema" - ], - [ - "ĠD", - "ots" - ], - [ - "ĠCl", - "are" - ], - [ - "Ġstar", - "ter" - ], - [ - "Ġclim", - "atology" - ], - [ - "Ġcomm", - "ence" - ], - [ - "Ġfall", - "en" - ], - [ - "ĠAu", - "NPs" - ], - [ - "attr", - "s" - ], - [ - "Ġconsult", - "ant" - ], - [ - "tw", - "isted" - ], - [ - "Sol", - "ving" - ], - [ - "Ġcoerc", - "ive" - ], - [ - "ë¡", - "ľ" - ], - [ - "K", - "ar" - ], - [ - "Ġs", - "tit" - ], - [ - "ĠS", - "SB" - ], - [ - "ĠI", - "W" - ], - [ - "Ġcan", - "vas" - ], - [ - "py", - "ruvate" - ], - [ - "methyl", - "sulfanyl" - ], - [ - "Ġast", - "rophysics" - ], - [ - "ĠTra", - "ditionally" - ], - [ - "Ġexcit", - "onic" - ], - [ - "w", - "ear" - ], - [ - "ĠT", - "in" - ], - [ - "ros", - "h" - ], - [ - "ĠCl", - "ient" - ], - [ - "ĠCor", - "rections" - ], - [ - "ĠPop", - "ular" - ], - [ - "ĠLiqu", - "ids" - ], - [ - "f", - "inder" - ], - [ - "Ġst", - "ran" - ], - [ - "pl", - "ine" - ], - [ - "ore", - "lla" - ], - [ - "Ġinc", - "ur" - ], - [ - "Ġar", - "che" - ], - [ - "Ġmed", - "ically" - ], - [ - "M", - "ur" - ], - [ - "p", - "eter" - ], - [ - "Ġbe", - "verage" - ], - [ - "ĠN", - "Ws" - ], - [ - "Ġfol", - "ic" - ], - [ - "Ġspec", - "ulative" - ], - [ - "ĠÃ", - "±" - ], - [ - "Ġrib", - "bons" - ], - [ - "ĠPri", - "est" - ], - [ - "Qu", - "anti" - ], - [ - "Ġundist", - "urbed" - ], - [ - "at", - "che" - ], - [ - "ass", - "i" - ], - [ - "ĠPer", - "forming" - ], - [ - "ĠEl", - "ong" - ], - [ - "Ġmatch", - "ings" - ], - [ - "Ġfranch", - "ise" - ], - [ - "g", - "io" - ], - [ - "ĠS", - "arg" - ], - [ - "Ġab", - "oard" - ], - [ - "cycl", - "odextrin" - ], - [ - "ĠTH", - "ER" - ], - [ - "Ġsatur", - "ate" - ], - [ - "ĠKin", - "ematics" - ], - [ - "Ġpeptid", - "oglycan" - ], - [ - "ĠShel", - "f" - ], - [ - "toc", - "opherol" - ], - [ - "B", - "ottom" - ], - [ - "m", - "ith" - ], - [ - "r", - "dx" - ], - [ - "z", - "os" - ], - [ - "Ġt", - "RNAs" - ], - [ - "ut", - "f" - ], - [ - "EN", - "A" - ], - [ - "Ġless", - "on" - ], - [ - "Ġpolar", - "on" - ], - [ - "br", - "aska" - ], - [ - "Ġath", - "letic" - ], - [ - "Ġscram", - "bled" - ], - [ - "Ġpursu", - "ing" - ], - [ - "Ġbod", - "ily" - ], - [ - "Ġc", - "ac" - ], - [ - "im", - "en" - ], - [ - "ĠI", - "κB" - ], - [ - "ĠR", - "ö" - ], - [ - "ĠR", - "FC" - ], - [ - "ĠL", - "PC" - ], - [ - "Ġi", - "Ïī" - ], - [ - "Ġdi", - "ary" - ], - [ - "Ġqueue", - "ing" - ], - [ - "ĠDiver", - "gence" - ], - [ - "ĠShig", - "ella" - ], - [ - "ĠUltrast", - "ruct" - ], - [ - "Ġtri", - "phosphate" - ], - [ - "ĠIm", - "plant" - ], - [ - "Ġfer", - "rous" - ], - [ - "ĠBur", - "ton" - ], - [ - "ĠHert", - "z" - ], - [ - "f", - "abric" - ], - [ - "t", - "uring" - ], - [ - "ĠS", - "SM" - ], - [ - "og", - "rad" - ], - [ - "Ġmet", - "azo" - ], - [ - "Ch", - "ang" - ], - [ - "Ġadip", - "ogenesis" - ], - [ - "Ġnu", - "isance" - ], - [ - "Ġanonym", - "ity" - ], - [ - "Ġrefriger", - "ator" - ], - [ - "ì", - "ľ" - ], - [ - "oc", - "tion" - ], - [ - "Ġsp", - "aring" - ], - [ - "Ġch", - "alcogen" - ], - [ - "Ġobserv", - "atory" - ], - [ - "Ġbo", - "oster" - ], - [ - "ĠAnd", - "ré" - ], - [ - "ĠST", - "O" - ], - [ - "yr", - "yl" - ], - [ - "ĠED", - "X" - ], - [ - "ĠDen", - "ver" - ], - [ - "Ġhomogen", - "ate" - ], - [ - "Call", - "back" - ], - [ - "a", - "C" - ], - [ - "h", - "ours" - ], - [ - "k", - "ova" - ], - [ - "ĠA", - "UD" - ], - [ - "Ġsp", - "are" - ], - [ - "Ġpart", - "ons" - ], - [ - "ĠInt", - "ake" - ], - [ - "Ġrecogn", - "izable" - ], - [ - "ĠGold", - "stein" - ], - [ - "Ġstriking", - "ly" - ], - [ - "Ġsan", - "itation" - ], - [ - "F", - "inder" - ], - [ - "G", - "eneration" - ], - [ - "b", - "oy" - ], - [ - "t", - "am" - ], - [ - "ĠR", - "PM" - ], - [ - "iv", - "ious" - ], - [ - "yl", - "ak" - ], - [ - "oph", - "iles" - ], - [ - "Ġpri", - "est" - ], - [ - "Ġeas", - "iest" - ], - [ - "Ġdeliver", - "ies" - ], - [ - "El", - "mer" - ], - [ - "Ġzircon", - "ium" - ], - [ - "ĠMish", - "ra" - ], - [ - "Ġâ", - "Ķ" - ], - [ - "ĠW", - "DM" - ], - [ - "Ġper", - "id" - ], - [ - "ĠZ", - "T" - ], - [ - "Ġlocal", - "izes" - ], - [ - "ĠOR", - "s" - ], - [ - "ĠID", - "O" - ], - [ - "Ġple", - "asant" - ], - [ - "ĠMW", - "CNTs" - ], - [ - "ĠJim", - "my" - ], - [ - "ĠYe", - "h" - ], - [ - "g", - "athered" - ], - [ - "k", - "il" - ], - [ - "ĠK", - "appa" - ], - [ - "Ġcar", - "toon" - ], - [ - "ĠHe", - "uristic" - ], - [ - "Ġs", - "z" - ], - [ - "Ġor", - "ifice" - ], - [ - "Ġman", - "nit" - ], - [ - "ĠCO", - "MM" - ], - [ - "IC", - "K" - ], - [ - "Ġfar", - "mer" - ], - [ - "ĠSil", - "encing" - ], - [ - "Ġprefix", - "es" - ], - [ - "q", - "c" - ], - [ - "ine", - "urin" - ], - [ - "Ġinf", - "lated" - ], - [ - "ĠRe", - "z" - ], - [ - "Ġhydro", - "dynamical" - ], - [ - "Ġoscill", - "ate" - ], - [ - "Ġpedest", - "rians" - ], - [ - "ĠAngi", - "otensin" - ], - [ - "ĠVisc", - "osity" - ], - [ - "Ġoligodend", - "rocytes" - ], - [ - "Ġparo", - "tid" - ], - [ - "Lay", - "out" - ], - [ - "rageen", - "an" - ], - [ - "Ġ", - "è" - ], - [ - "Ġm", - "N" - ], - [ - "Ġdo", - "zen" - ], - [ - "ex", - "clusion" - ], - [ - "Ġpan", - "ic" - ], - [ - "ĠPD", - "I" - ], - [ - "Ġtw", - "entieth" - ], - [ - "ĠElect", - "roph" - ], - [ - "Ġmicrobi", - "ology" - ], - [ - "Ser", - "ver" - ], - [ - "ĠParticip", - "ation" - ], - [ - "D", - "ET" - ], - [ - "P", - "oss" - ], - [ - "ĠN", - "emat" - ], - [ - "ĠN", - "RF" - ], - [ - "arg", - "uments" - ], - [ - "Ġam", - "ylase" - ], - [ - "Ġarg", - "v" - ], - [ - "Ġresol", - "ves" - ], - [ - "Ġrevis", - "ions" - ], - [ - "Pack", - "et" - ], - [ - "T", - "ools" - ], - [ - "Y", - "E" - ], - [ - "Ġt", - "ire" - ], - [ - "in", - "duction" - ], - [ - "as", - "ive" - ], - [ - "ton", - "ic" - ], - [ - "é", - "m" - ], - [ - "car", - "rying" - ], - [ - "ĠImmun", - "oblot" - ], - [ - "ĠIP", - "F" - ], - [ - "Ġdeterior", - "ated" - ], - [ - "Ġjuris", - "diction" - ], - [ - "rele", - "ased" - ], - [ - "osm", - "otic" - ], - [ - "Ġrestaur", - "ants" - ], - [ - "ï", - "¸" - ], - [ - "ĠN", - "m" - ], - [ - "Ġfl", - "ips" - ], - [ - "Ġsepar", - "ability" - ], - [ - "ĠRec", - "ursive" - ], - [ - "Ġpast", - "ure" - ], - [ - "ĠÄ", - "ī" - ], - [ - "Ġblast", - "ocyst" - ], - [ - "M", - "CP" - ], - [ - "T", - "b" - ], - [ - "u", - "ene" - ], - [ - "es", - "ulf" - ], - [ - "ess", - "im" - ], - [ - "Ġhe", - "n" - ], - [ - "ĠK", - "ull" - ], - [ - "yl", - "um" - ], - [ - "are", - "v" - ], - [ - "ues", - "ts" - ], - [ - "ĠZ", - "ip" - ], - [ - "Ġbo", - "ats" - ], - [ - "Com", - "mand" - ], - [ - "Cont", - "inu" - ], - [ - "ĠBog", - "oliubov" - ], - [ - "Ġmannit", - "ol" - ], - [ - "K", - "now" - ], - [ - "Ð", - "³" - ], - [ - "ĠH", - "ack" - ], - [ - "Ġmass", - "ively" - ], - [ - "ĠAll", - "oys" - ], - [ - "ĠCD", - "P" - ], - [ - "ĠStere", - "o" - ], - [ - "ĠElectro", - "de" - ], - [ - "Ġisofl", - "av" - ], - [ - "Ġinteroper", - "ability" - ], - [ - "ĠAdela", - "ide" - ], - [ - "ĠP", - "PD" - ], - [ - "ĠK", - "ou" - ], - [ - "Ġdi", - "ap" - ], - [ - "Ġcons", - "erve" - ], - [ - "Ġaggreg", - "ating" - ], - [ - "Gl", - "uc" - ], - [ - "Ġî", - "ģ" - ], - [ - "Ġg", - "ust" - ], - [ - "ĠLe", - "b" - ], - [ - "ET", - "IC" - ], - [ - "ĠCons", - "ol" - ], - [ - "ĠMor", - "ita" - ], - [ - "Rel", - "ative" - ], - [ - "Ġpale", - "o" - ], - [ - "Ġwitness", - "es" - ], - [ - "ĠLaure", - "n" - ], - [ - "azep", - "ine" - ], - [ - "ĠT", - "Y" - ], - [ - "ĠI", - "di" - ], - [ - "ĠM", - "ent" - ], - [ - "ĠR", - "CA" - ], - [ - "igen", - "in" - ], - [ - "ĠDef", - "ence" - ], - [ - "Ġpy", - "rimidine" - ], - [ - "ĠTi", - "N" - ], - [ - "Ġendot", - "helin" - ], - [ - "Ġpand", - "as" - ], - [ - "Ġswallow", - "ing" - ], - [ - "Ġconges", - "tive" - ], - [ - "Ġv", - "inc" - ], - [ - "ĠD", - "IP" - ], - [ - "ĠH", - "ough" - ], - [ - "Ġz", - "w" - ], - [ - "ĠKim", - "ura" - ], - [ - "represent", - "ations" - ], - [ - "ĠProm", - "ote" - ], - [ - "ĠTer", - "ry" - ], - [ - "Ġhat", - "ched" - ], - [ - "look", - "up" - ], - [ - "Elect", - "ron" - ], - [ - "Ġdorm", - "ancy" - ], - [ - "Ġres", - "ign" - ], - [ - "Ġval", - "uations" - ], - [ - "Ġmake", - "up" - ], - [ - "ĠAm", - "y" - ], - [ - "CL", - "UD" - ], - [ - "SE", - "P" - ], - [ - "tub", - "ule" - ], - [ - "Ġsoldi", - "er" - ], - [ - "ĠT", - "z" - ], - [ - "ĠT", - "rump" - ], - [ - "ĠK", - "ramer" - ], - [ - "con", - "i" - ], - [ - "Ġeng", - "raft" - ], - [ - "Ġvacu", - "ole" - ], - [ - "Ġreplic", - "ating" - ], - [ - "iton", - "itis" - ], - [ - "ĠBacter", - "i" - ], - [ - "vacc", - "inated" - ], - [ - "ol", - "t" - ], - [ - "ĠA", - "hn" - ], - [ - "Ġan", - "em" - ], - [ - "ĠB", - "IT" - ], - [ - "ge", - "o" - ], - [ - "Ġmicro", - "gravity" - ], - [ - "ĠSh", - "ir" - ], - [ - "ĠWorld", - "wide" - ], - [ - "Ġign", - "or" - ], - [ - "ĠË", - "ĩ" - ], - [ - "Ġlubric", - "ation" - ], - [ - "j", - "ava" - ], - [ - "v", - "t" - ], - [ - "Ġ", - "yl" - ], - [ - "Ġh", - "ills" - ], - [ - "ĠF", - "OL" - ], - [ - "Ġbasal", - "tic" - ], - [ - "Ne", - "ill" - ], - [ - "ĠEthiop", - "ian" - ], - [ - "ĠNOT", - "CH" - ], - [ - "ĠMOS", - "FET" - ], - [ - "le", - "aving" - ], - [ - "ĠP", - "ter" - ], - [ - "ĠW", - "eld" - ], - [ - "ap", - "le" - ], - [ - "Ġsand", - "wic" - ], - [ - "Ġaz", - "ide" - ], - [ - "ĠStim", - "uli" - ], - [ - "Ġl", - "izard" - ], - [ - "ĠC", - "inc" - ], - [ - "ĠH", - "ain" - ], - [ - "ical", - "s" - ], - [ - "Ġcontact", - "ing" - ], - [ - "ĠMar", - "x" - ], - [ - "Ġpsych", - "otherapy" - ], - [ - "ĠRet", - "in" - ], - [ - "Ġcatheter", - "ization" - ], - [ - "ĠNanopar", - "ticle" - ], - [ - "ĠT", - "CC" - ], - [ - "ver", - "mectin" - ], - [ - "ĠB", - "ASE" - ], - [ - "Ġnot", - "or" - ], - [ - "Ġelectron", - "ically" - ], - [ - "ster", - "oid" - ], - [ - "Ġbil", - "aterally" - ], - [ - "Ġneph", - "ritis" - ], - [ - "Ġirr", - "itation" - ], - [ - "ĠProlong", - "ed" - ], - [ - "Y", - "our" - ], - [ - "he", - "uristic" - ], - [ - "ur", - "geon" - ], - [ - "Ġleft", - "most" - ], - [ - "ĠRE", - "VIEW" - ], - [ - "Ġgast", - "rectomy" - ], - [ - "ENT", - "IAL" - ], - [ - "Me", - "ans" - ], - [ - "ĠDys", - "on" - ], - [ - "Ġbrand", - "s" - ], - [ - "yield", - "s" - ], - [ - "mercap", - "to" - ], - [ - "r", - "ub" - ], - [ - "oun", - "cement" - ], - [ - "err", - "no" - ], - [ - "Ġview", - "ers" - ], - [ - "but", - "an" - ], - [ - "ĠMal", - "ay" - ], - [ - "ylind", - "rical" - ], - [ - "Ġpromin", - "ently" - ], - [ - "Ġescap", - "ing" - ], - [ - "Ġquer", - "ying" - ], - [ - "Stor", - "age" - ], - [ - "F", - "os" - ], - [ - "c", - "odec" - ], - [ - "Ġc", - "M" - ], - [ - "str", - "ates" - ], - [ - "gl", - "ove" - ], - [ - "ĠTra", - "jectories" - ], - [ - "Ġster", - "ol" - ], - [ - "Ġhemat", - "opoiesis" - ], - [ - "Ġcup", - "rates" - ], - [ - "O", - "k" - ], - [ - "d", - "aily" - ], - [ - "ĠB", - "IO" - ], - [ - "ĠL", - "ICENSE" - ], - [ - "ell", - "ations" - ], - [ - "ass", - "y" - ], - [ - "SU", - "RE" - ], - [ - "Ġep", - "inephrine" - ], - [ - "Ġdown", - "wards" - ], - [ - "cor", - "ner" - ], - [ - "assert", - "True" - ], - [ - "Ġáº", - "ij" - ], - [ - "ĠSou", - "za" - ], - [ - "M", - "AG" - ], - [ - "por", - "ph" - ], - [ - "Ġeff", - "luents" - ], - [ - "lo", - "em" - ], - [ - "oad", - "dition" - ], - [ - "obut", - "yl" - ], - [ - "eles", - "tial" - ], - [ - "F", - "em" - ], - [ - "m", - "pi" - ], - [ - "ĠR", - "s" - ], - [ - "ell", - "ates" - ], - [ - "ĠK", - "ag" - ], - [ - "Ġunc", - "oupled" - ], - [ - "Ġleg", - "umes" - ], - [ - "Ġomit", - "ting" - ], - [ - "Ã", - "»" - ], - [ - "ĠT", - "ABLE" - ], - [ - "hal", - "ed" - ], - [ - "ĠÅ", - "ģ" - ], - [ - "Ġmis", - "fit" - ], - [ - "Ġmol", - "ars" - ], - [ - "otechn", - "ological" - ], - [ - "Mark", - "ov" - ], - [ - "Ġpra", - "ised" - ], - [ - "ĠD", - "ab" - ], - [ - "ĠV", - "ij" - ], - [ - "enti", - "lation" - ], - [ - "ĠCh", - "atter" - ], - [ - "Ġbo", - "iled" - ], - [ - "Ġcat", - "ches" - ], - [ - "annot", - "ation" - ], - [ - "Sign", - "al" - ], - [ - "Ġlever", - "ages" - ], - [ - "Ġadvis", - "ory" - ], - [ - "s", - "ong" - ], - [ - "on", - "dition" - ], - [ - "Ġf", - "ug" - ], - [ - "ra", - "ps" - ], - [ - "ĠM", - "CD" - ], - [ - "par", - "ticip" - ], - [ - "ob", - "ian" - ], - [ - "Ġcoun", - "sel" - ], - [ - "ĠPR", - "P" - ], - [ - "edi", - "ol" - ], - [ - "ĠÅ", - "¨" - ], - [ - "Ġbr", - "uce" - ], - [ - "Sh", - "anghai" - ], - [ - "Data", - "Frame" - ], - [ - "ĠCorrespond", - "ingly" - ], - [ - "Ġacryl", - "amide" - ], - [ - "f", - "ellow" - ], - [ - "l", - "ob" - ], - [ - "ig", - "t" - ], - [ - "ĠC", - "rystallization" - ], - [ - "Ġind", - "omethacin" - ], - [ - "ĠPD", - "R" - ], - [ - "gi", - "ate" - ], - [ - "ĠPan", - "els" - ], - [ - "complex", - "es" - ], - [ - "ĠNic", - "ol" - ], - [ - "Ġfoli", - "ar" - ], - [ - "c", - "ubic" - ], - [ - "Ġd", - "E" - ], - [ - "ĠC", - "CM" - ], - [ - "pl", - "ating" - ], - [ - "Ġres", - "istors" - ], - [ - "ĠG", - "az" - ], - [ - "Ġover", - "turn" - ], - [ - "Ġrep", - "ress" - ], - [ - "Ġpot", - "s" - ], - [ - "ĠPI", - "K" - ], - [ - "Ġderm", - "is" - ], - [ - "Rep", - "resent" - ], - [ - "ĠAnders", - "son" - ], - [ - "Ġretrotrans", - "pos" - ], - [ - "A", - "SA" - ], - [ - "C", - "ounter" - ], - [ - "T", - "et" - ], - [ - "im", - "in" - ], - [ - "per", - "formed" - ], - [ - "ĠN", - "ept" - ], - [ - "Ġhe", - "el" - ], - [ - "rol", - "d" - ], - [ - "ai", - "res" - ], - [ - "Ġread", - "ability" - ], - [ - "Ġbenef", - "ited" - ], - [ - "Ġpuls", - "ation" - ], - [ - "ĠBal", - "ancing" - ], - [ - "Ġevapor", - "ator" - ], - [ - "Ġeig", - "ens" - ], - [ - "ĠH", - "ospit" - ], - [ - "Ġtra", - "ils" - ], - [ - "ĠCo", - "ordinate" - ], - [ - "acc", - "ase" - ], - [ - "ĠHR", - "MS" - ], - [ - "sign", - "aling" - ], - [ - "ĠNP", - "Y" - ], - [ - "Ġamelior", - "ated" - ], - [ - "tu", - "ples" - ], - [ - "Ġmetas", - "urface" - ], - [ - "ĠFrances", - "co" - ], - [ - "Ġspo", - "of" - ], - [ - "îĹ", - "¸" - ], - [ - "F", - "u" - ], - [ - "J", - "K" - ], - [ - "e", - "j" - ], - [ - "Ġg", - "oss" - ], - [ - "ĠH", - "im" - ], - [ - "Ġprior", - "itized" - ], - [ - "Ġmes", - "othelioma" - ], - [ - "idx", - "s" - ], - [ - "Ġrecon", - "naissance" - ], - [ - "Ġlam", - "ps" - ], - [ - "ãĢ", - "Ĥ" - ], - [ - "Ġreform", - "ulation" - ], - [ - "Ġdeli", - "rium" - ], - [ - "ĠN", - "PR" - ], - [ - "ĠG", - "amb" - ], - [ - "ill", - "as" - ], - [ - "----", - "-" - ], - [ - "Ġdr", - "illed" - ], - [ - "ĠGen", - "otyping" - ], - [ - "ĠBl", - "ank" - ], - [ - "Ġprop", - "eller" - ], - [ - "Ġcere", - "als" - ], - [ - "ĠAir", - "borne" - ], - [ - "ĠPhot", - "ocatalytic" - ], - [ - "ĠCav", - "ity" - ], - [ - "Ġdol", - "phins" - ], - [ - "Ġsg", - "RNA" - ], - [ - "underst", - "ood" - ], - [ - "e", - "ous" - ], - [ - "Ġs", - "ax" - ], - [ - "ol", - "ayer" - ], - [ - "ĠP", - "end" - ], - [ - "ĠG", - "ET" - ], - [ - "cl", - "ed" - ], - [ - "ĠÃ", - "¼" - ], - [ - "Ġcyt", - "osine" - ], - [ - "Ġparallel", - "ization" - ], - [ - "MM", - "s" - ], - [ - "ĠOrgan", - "isation" - ], - [ - "Mod", - "els" - ], - [ - "Ġaccommod", - "ated" - ], - [ - "Ġchol", - "est" - ], - [ - "Ġin", - "activity" - ], - [ - "ĠB", - "oss" - ], - [ - "ĠG", - "CS" - ], - [ - "Ġso", - "aked" - ], - [ - "ĠSec", - "reted" - ], - [ - "Ġvacu", - "olar" - ], - [ - "zo", - "an" - ], - [ - "ĠGre", - "ene" - ], - [ - "Ġbol", - "t" - ], - [ - "b", - "j" - ], - [ - "ĠT", - "all" - ], - [ - "Ġst", - "or" - ], - [ - "ĠM", - "ob" - ], - [ - "Ġbl", - "urred" - ], - [ - "IN", - "O" - ], - [ - "ĠMet", - "allic" - ], - [ - "uff", - "s" - ], - [ - "ĠNOT", - "E" - ], - [ - "Ġsonic", - "ated" - ], - [ - "obuty", - "ric" - ], - [ - "Ġt", - "DCS" - ], - [ - "ĠN", - "es" - ], - [ - "osp", - "ir" - ], - [ - "we", - "igh" - ], - [ - "ĠReg", - "ulator" - ], - [ - "Ġhem", - "olysis" - ], - [ - "Ġsound", - "ing" - ], - [ - "Ġcruc", - "iate" - ], - [ - "Ġcaps", - "aicin" - ], - [ - "ĠTy", - "rosine" - ], - [ - "ĠT", - "ell" - ], - [ - "ĠP", - "EP" - ], - [ - "ĠR", - "c" - ], - [ - "ĠE", - "ating" - ], - [ - "ĠGo", - "als" - ], - [ - "ure", - "t" - ], - [ - "Ġear", - "n" - ], - [ - "Ġcolle", - "ges" - ], - [ - "Ġchemo", - "attract" - ], - [ - "Ġá»", - "¹" - ], - [ - "ĠEch", - "ocardi" - ], - [ - "F", - "ort" - ], - [ - "s", - "odium" - ], - [ - "am", - "ined" - ], - [ - "ĠN", - "PP" - ], - [ - "ĠK", - "alu" - ], - [ - "Ġdec", - "ipher" - ], - [ - "tet", - "ramethyl" - ], - [ - "ĠOP", - "N" - ], - [ - "stra", - "ight" - ], - [ - "Ġtemp", - "ered" - ], - [ - "ĠHind", - "u" - ], - [ - "ĠOrd", - "inary" - ], - [ - "ĠACh", - "E" - ], - [ - "J", - "NK" - ], - [ - "f", - "os" - ], - [ - "v", - "cpu" - ], - [ - "en", - "amide" - ], - [ - "ĠC", - "rack" - ], - [ - "ap", - "ical" - ], - [ - "Ġanti", - "serum" - ], - [ - "tri", - "plet" - ], - [ - "dec", - "ision" - ], - [ - "Ġcanc", - "els" - ], - [ - "ĠPM", - "N" - ], - [ - "Ġporph", - "y" - ], - [ - "ĠD", - "SA" - ], - [ - "Ġsub", - "matrix" - ], - [ - "Ġj", - "as" - ], - [ - "Ġrep", - "tiles" - ], - [ - "ĠSo", - "on" - ], - [ - "ĠStat", - "istically" - ], - [ - "Ġlever", - "aged" - ], - [ - "Willi", - "ams" - ], - [ - "F", - "LD" - ], - [ - "f", - "olk" - ], - [ - "Ġb", - "ang" - ], - [ - "ĠS", - "CL" - ], - [ - "ass", - "es" - ], - [ - "Ġtend", - "ons" - ], - [ - "found", - "ed" - ], - [ - "ĠRick", - "etts" - ], - [ - "in", - "set" - ], - [ - "Ġsp", - "un" - ], - [ - "Ġun", - "ramified" - ], - [ - "Ġra", - "pe" - ], - [ - "ĠZ", - "Z" - ], - [ - "ĠNe", - "bula" - ], - [ - "Ġthromb", - "otic" - ], - [ - "ĠBor", - "on" - ], - [ - "ĠArg", - "on" - ], - [ - "pool", - "ing" - ], - [ - "ĠMarg", - "inal" - ], - [ - "Ġfellow", - "ship" - ], - [ - "Ġerythrop", - "oietin" - ], - [ - "mathp", - "zc" - ], - [ - "x", - "L" - ], - [ - "ĠS", - "ik" - ], - [ - "ĠB", - "ayer" - ], - [ - "Ġover", - "dose" - ], - [ - "ĠCO", - "I" - ], - [ - "ĠLes", - "ions" - ], - [ - "ĠCompe", - "titive" - ], - [ - "ĠODE", - "s" - ], - [ - "w", - "rap" - ], - [ - "ach", - "lor" - ], - [ - "Ġsub", - "ordinate" - ], - [ - "ĠY", - "Ba" - ], - [ - "head", - "ed" - ], - [ - "Ġgrass", - "es" - ], - [ - "Ġbir", - "ational" - ], - [ - "ĠJeff", - "rey" - ], - [ - "Ġmold", - "ing" - ], - [ - "Ġlid", - "ocaine" - ], - [ - "ĠFOX", - "O" - ], - [ - "termin", - "ated" - ], - [ - "ĠâĩIJ", - "âĩĴ" - ], - [ - "ĠM", - "EL" - ], - [ - "tic", - "ulum" - ], - [ - "Ġr", - "é" - ], - [ - "Ġcl", - "aud" - ], - [ - "Ġj", - "amming" - ], - [ - "St", - "atic" - ], - [ - "Ġtribut", - "ary" - ], - [ - "at", - "et" - ], - [ - "ed", - "onia" - ], - [ - "ĠC", - "MP" - ], - [ - "ĠV", - "N" - ], - [ - "rep", - "resents" - ], - [ - "SO", - "URCE" - ], - [ - "uck", - "land" - ], - [ - "ĠInterest", - "s" - ], - [ - "ĠNan", - "oscale" - ], - [ - "ocon", - "jug" - ], - [ - "Ġcatalog", - "ues" - ], - [ - "ĠActin", - "obacteria" - ], - [ - "F", - "ixed" - ], - [ - "b", - "asal" - ], - [ - "Ġanti", - "parallel" - ], - [ - "Ġconf", - "using" - ], - [ - "Ġmark", - "ings" - ], - [ - "Ġdistinc", - "tions" - ], - [ - "ĠHu", - "a" - ], - [ - "ĠWat", - "ts" - ], - [ - "Ġnanoflu", - "id" - ], - [ - "Ġdiffract", - "ometer" - ], - [ - "L", - "ater" - ], - [ - "m", - "igration" - ], - [ - "Ġco", - "planar" - ], - [ - "Ġhyp", - "omethyl" - ], - [ - "PD", - "S" - ], - [ - "SO", - "s" - ], - [ - "Cor", - "respond" - ], - [ - "Ġelucid", - "ating" - ], - [ - "IZ", - "ED" - ], - [ - "E", - "Vs" - ], - [ - "g", - "art" - ], - [ - "m", - "Tc" - ], - [ - "ĠT", - "UR" - ], - [ - "ur", - "acies" - ], - [ - "Ġfollow", - "er" - ], - [ - "Ġhaz", - "e" - ], - [ - "OU", - "TPUT" - ], - [ - "ĠMyel", - "oid" - ], - [ - "BUFF", - "ER" - ], - [ - "C", - "amp" - ], - [ - "an", - "im" - ], - [ - "ĠT", - "ES" - ], - [ - "ĠC", - "ricket" - ], - [ - "ĠP", - "aired" - ], - [ - "ĠP", - "AGE" - ], - [ - "ĠB", - "id" - ], - [ - "Ġy", - "rs" - ], - [ - "Ġend", - "ow" - ], - [ - "irc", - "ase" - ], - [ - "ĠSup", - "ported" - ], - [ - "Ġleaf", - "let" - ], - [ - "ĠProm", - "oter" - ], - [ - "Ġconvinc", - "ed" - ], - [ - "l", - "iers" - ], - [ - "he", - "ra" - ], - [ - "Ġs", - "eller" - ], - [ - "ag", - "reement" - ], - [ - "Ġun", - "ary" - ], - [ - "onstr", - "ucted" - ], - [ - "Ġrest", - "rained" - ], - [ - "ĠPet", - "ersen" - ], - [ - "Anal", - "og" - ], - [ - "Ġexacerb", - "ations" - ], - [ - "Ġperfor", - "ated" - ], - [ - "ti", - "ds" - ], - [ - "ĠM", - "SH" - ], - [ - "ou", - "i" - ], - [ - "ĠCor", - "i" - ], - [ - "ĠCr", - "uc" - ], - [ - "Ġfract", - "uring" - ], - [ - "Ġinfer", - "tile" - ], - [ - "ĠPRO", - "BLEM" - ], - [ - "ĠFried", - "mann" - ], - [ - "Ġspectrophot", - "ometry" - ], - [ - "ERG", - "Y" - ], - [ - "ot", - "us" - ], - [ - "pro", - "posed" - ], - [ - "ĠMo", - "isture" - ], - [ - "ĠNo", - "ether" - ], - [ - "ĠLa", - "unch" - ], - [ - "ĠLear", - "n" - ], - [ - "Ġven", - "a" - ], - [ - "Ġfasc", - "i" - ], - [ - "Ġquies", - "cence" - ], - [ - "ĠP", - "rand" - ], - [ - "ĠCon", - "vert" - ], - [ - "Ġtri", - "age" - ], - [ - "AN", - "E" - ], - [ - "Ġfeed", - "stock" - ], - [ - "ĠdB", - "m" - ], - [ - "Ġneo", - "formans" - ], - [ - "G", - "SE" - ], - [ - "ĠA", - "PE" - ], - [ - "Ġcardi", - "ometabolic" - ], - [ - "Ġmagnet", - "ometer" - ], - [ - "En", - "vironment" - ], - [ - "Ġfulf", - "ills" - ], - [ - "ĠMang", - "anese" - ], - [ - "B", - "MP" - ], - [ - "ĠR", - "atios" - ], - [ - "ist", - "able" - ], - [ - "ass", - "ume" - ], - [ - "Ġresp", - "ected" - ], - [ - "Ġsc", - "ars" - ], - [ - "Ġsup", - "porters" - ], - [ - "ĠAug", - "mentation" - ], - [ - "Ġglycos", - "ylated" - ], - [ - "ĠUltra", - "fast" - ], - [ - "Ġdemethyl", - "ation" - ], - [ - "metast", - "atic" - ], - [ - "c", - "ylinder" - ], - [ - "Ġh", - "ang" - ], - [ - "ĠM", - "AV" - ], - [ - "dis", - "joint" - ], - [ - "pha", - "rose" - ], - [ - "ĠLe", - "banon" - ], - [ - "PI", - "s" - ], - [ - "lab", - "eling" - ], - [ - "Ġneutral", - "ino" - ], - [ - "ĠSO", - "CS" - ], - [ - "xc", - "b" - ], - [ - "ĠTerr", - "itory" - ], - [ - "ĠPolic", - "ies" - ], - [ - "K", - "ing" - ], - [ - "Ġall", - "ied" - ], - [ - "Ġsatur", - "ates" - ], - [ - "mus", - "cle" - ], - [ - "odim", - "ers" - ], - [ - "Ġb", - "t" - ], - [ - "ĠH", - "ang" - ], - [ - "ĠE", - "b" - ], - [ - "Ġch", - "imer" - ], - [ - "Ġnot", - "ational" - ], - [ - "Ġcol", - "der" - ], - [ - "ult", - "z" - ], - [ - "trans", - "verse" - ], - [ - "HO", - "UT" - ], - [ - "ĠKar", - "ls" - ], - [ - "tors", - "ion" - ], - [ - "J", - "I" - ], - [ - "Ġm", - "ari" - ], - [ - "em", - "on" - ], - [ - "Ġlogarithm", - "ically" - ], - [ - "ĠâIJ", - "¦" - ], - [ - "ìĿ", - "Ħ" - ], - [ - "Ġa", - "eration" - ], - [ - "Ġs", - "oma" - ], - [ - "ĠS", - "omal" - ], - [ - "Ġsp", - "oil" - ], - [ - "di", - "ver" - ], - [ - "Ġbreak", - "points" - ], - [ - "ĠHar", - "mon" - ], - [ - "Ġpharmac", - "ologic" - ], - [ - "ĠM", - "osquito" - ], - [ - "ĠMod", - "ifications" - ], - [ - "Ġadj", - "o" - ], - [ - "ĠPa", - "pers" - ], - [ - "gener", - "ally" - ], - [ - "ïĺ", - "¹" - ], - [ - "T", - "ARGET" - ], - [ - "ĠP", - "rix" - ], - [ - "oc", - "aps" - ], - [ - "ĠE", - "in" - ], - [ - "Ġmicro", - "grid" - ], - [ - "ĠInter", - "play" - ], - [ - "Ġcop", - "ying" - ], - [ - "Al", - "pha" - ], - [ - "ĠSl", - "ope" - ], - [ - "ĠLip", - "ofectamine" - ], - [ - "hig", - "hest" - ], - [ - "D", - "RO" - ], - [ - "ĠH", - "ipp" - ], - [ - "Ġsh", - "aken" - ], - [ - "Ġunder", - "line" - ], - [ - "Ġfil", - "med" - ], - [ - "mat", - "urity" - ], - [ - "ict", - "ure" - ], - [ - "IL", - "S" - ], - [ - "Sp", - "an" - ], - [ - "Ġinver", - "ters" - ], - [ - "QU", - "E" - ], - [ - "determ", - "ining" - ], - [ - "Ġeosin", - "ophilic" - ], - [ - "D", - "Y" - ], - [ - "ĠL", - "ID" - ], - [ - "ĠG", - "ig" - ], - [ - "Ġintra", - "epithelial" - ], - [ - "Nb", - "O" - ], - [ - "fre", - "edom" - ], - [ - "Ġass", - "ured" - ], - [ - "ĠAr", - "che" - ], - [ - "ĠSub", - "stitution" - ], - [ - "ĠSri", - "vastava" - ], - [ - "ĠMoz", - "amb" - ], - [ - "Ġa", - "ro" - ], - [ - "or", - "c" - ], - [ - "ĠI", - "brahim" - ], - [ - "ĠD", - "ST" - ], - [ - "Ġab", - "l" - ], - [ - "Ġx", - "er" - ], - [ - "ount", - "able" - ], - [ - "Ġloss", - "less" - ], - [ - "Ġconcentr", - "ating" - ], - [ - "Ġstain", - "s" - ], - [ - "ĠSol", - "ve" - ], - [ - "continu", - "ity" - ], - [ - "ĠTor", - "r" - ], - [ - "Ġpit", - "falls" - ], - [ - "best", - "os" - ], - [ - "Other", - "wise" - ], - [ - "adhy", - "ay" - ], - [ - "b", - "ard" - ], - [ - "ĠC", - "AA" - ], - [ - "ode", - "tic" - ], - [ - "Ġast", - "hmatic" - ], - [ - "Ġrational", - "ity" - ], - [ - "ĠYork", - "shire" - ], - [ - "neighbor", - "hood" - ], - [ - "Ġhero", - "in" - ], - [ - "Ġscatt", - "erers" - ], - [ - "ĠH", - "earing" - ], - [ - "ĠE", - "FT" - ], - [ - "ĠN", - "urses" - ], - [ - "ĠG", - "LI" - ], - [ - "ĠZ", - "eta" - ], - [ - "ĠNe", - "igh" - ], - [ - "Ġvent", - "ure" - ], - [ - "Ġtoxic", - "ological" - ], - [ - "Ġroll", - "s" - ], - [ - "f", - "v" - ], - [ - "Ġc", - "rick" - ], - [ - "Ġd", - "Ïī" - ], - [ - "av", - "ia" - ], - [ - "eld", - "er" - ], - [ - "Ġinv", - "ade" - ], - [ - "ext", - "racted" - ], - [ - "ML", - "P" - ], - [ - "ĠPA", - "I" - ], - [ - "ĠMell", - "itus" - ], - [ - "Ġbruce", - "i" - ], - [ - "g", - "pio" - ], - [ - "em", - "otional" - ], - [ - "ĠD", - "ale" - ], - [ - "ĠE", - "z" - ], - [ - "Ġtrans", - "activation" - ], - [ - "Ġquanti", - "les" - ], - [ - "Ġnucle", - "osynthesis" - ], - [ - "ĠAm", - "el" - ], - [ - "Ġchrom", - "ophore" - ], - [ - "Ġliter", - "ally" - ], - [ - "band", - "width" - ], - [ - "ato", - "hepatitis" - ], - [ - "Ġultraf", - "iltration" - ], - [ - "Mart", - "in" - ], - [ - "Ġangio", - "plasty" - ], - [ - "inser", - "tion" - ], - [ - "D", - "an" - ], - [ - "s", - "queeze" - ], - [ - "us", - "r" - ], - [ - "uc", - "onazole" - ], - [ - "ĠF", - "AR" - ], - [ - "Ġsh", - "adows" - ], - [ - "Ġim", - "itation" - ], - [ - "ĠK", - "ann" - ], - [ - "hes", - "i" - ], - [ - "Ġmic", - "ellar" - ], - [ - "ves", - "ter" - ], - [ - "ĠPer", - "se" - ], - [ - "acet", - "amol" - ], - [ - "GR", - "APH" - ], - [ - "ĠAI", - "PS" - ], - [ - "Ġprompt", - "ly" - ], - [ - "anch", - "or" - ], - [ - "Ġischa", - "emia" - ], - [ - "p", - "ump" - ], - [ - "Ġm", - "afic" - ], - [ - "Ġl", - "azy" - ], - [ - "ĠC", - "EL" - ], - [ - "ĠG", - "orenstein" - ], - [ - "ĠW", - "GS" - ], - [ - "Ġsign", - "ifies" - ], - [ - "Ġspl", - "ines" - ], - [ - "determ", - "ination" - ], - [ - "Ġrelay", - "ing" - ], - [ - "piper", - "azine" - ], - [ - "Ġsyncy", - "tial" - ], - [ - "ĠA", - "ub" - ], - [ - "ĠD", - "X" - ], - [ - "Ġorth", - "otopic" - ], - [ - "ĠLink", - "age" - ], - [ - "Ġharmon", - "y" - ], - [ - "ĠKaz", - "akh" - ], - [ - "ĠVlad", - "imir" - ], - [ - "Ġp", - "ray" - ], - [ - "im", - "olar" - ], - [ - "Ġgra", - "yscale" - ], - [ - "Ġanaly", - "st" - ], - [ - "ĠTrans", - "l" - ], - [ - "Ġmen", - "iscus" - ], - [ - "ĠMed", - "ica" - ], - [ - "osa", - "urus" - ], - [ - "ĠÐ", - "²" - ], - [ - "Ġinfiltr", - "ated" - ], - [ - "Ġâĸ", - "³" - ], - [ - "Ġsacc", - "ades" - ], - [ - "Ġdisent", - "angle" - ], - [ - "H", - "art" - ], - [ - "f", - "ined" - ], - [ - "Ġb", - "icycle" - ], - [ - "os", - "itory" - ], - [ - "un", - "likely" - ], - [ - "ere", - "phthal" - ], - [ - "ĠL", - "ia" - ], - [ - "Ġgroup", - "ings" - ], - [ - "Ġcategor", - "ize" - ], - [ - "Ġbioge", - "ography" - ], - [ - "ĠAPPRO", - "ACH" - ], - [ - "ĠN", - "ing" - ], - [ - "ĠG", - "rap" - ], - [ - "vers", - "a" - ], - [ - "Ġradi", - "ologists" - ], - [ - "ĠRec", - "ording" - ], - [ - "Ġbo", - "iler" - ], - [ - "add", - "ers" - ], - [ - "C", - "andid" - ], - [ - "M", - "Q" - ], - [ - "Ġb", - "w" - ], - [ - "ĠS", - "ector" - ], - [ - "ĠH", - "IT" - ], - [ - "ĠE", - "SCC" - ], - [ - "ess", - "ence" - ], - [ - "ore", - "an" - ], - [ - "est", - "yles" - ], - [ - "SU", - "CCESS" - ], - [ - "ne", - "in" - ], - [ - "ult", - "ra" - ], - [ - "ram", - "p" - ], - [ - "Th", - "omas" - ], - [ - "ĠPre", - "par" - ], - [ - "ĠInstit", - "ut" - ], - [ - "Ġherb", - "icide" - ], - [ - "ĠCha", - "otic" - ], - [ - "Ġsph", - "incter" - ], - [ - "Ġcompac", - "tifications" - ], - [ - "C", - "lear" - ], - [ - "Tr", - "p" - ], - [ - "Dec", - "oder" - ], - [ - "Ġsap", - "phire" - ], - [ - "ĠIda", - "ho" - ], - [ - "per", - "sing" - ], - [ - "ch", - "iral" - ], - [ - "ĠDis", - "charge" - ], - [ - "According", - "ly" - ], - [ - "ĠArth", - "ritis" - ], - [ - "ĠJane", - "iro" - ], - [ - "n", - "j" - ], - [ - "ĠK", - "d" - ], - [ - "Ġout", - "lets" - ], - [ - "Ġsuscepti", - "bilities" - ], - [ - "Ġdiver", - "ged" - ], - [ - "Ġroll", - "er" - ], - [ - "su", - "fficient" - ], - [ - "clust", - "ering" - ], - [ - "ĠTeh", - "ran" - ], - [ - "Ġt", - "b" - ], - [ - "bl", - "ank" - ], - [ - "Ġdigit", - "ally" - ], - [ - "Ġnecro", - "tizing" - ], - [ - "F", - "ALSE" - ], - [ - "Ġwh", - "or" - ], - [ - "err", - "als" - ], - [ - "ĠMo", - "tivated" - ], - [ - "enz", - "ae" - ], - [ - "ĠRef", - "inement" - ], - [ - "Ġtick", - "et" - ], - [ - "Ġprotr", - "usions" - ], - [ - "ĠDonald", - "son" - ], - [ - "ĠB", - "eth" - ], - [ - "Ġsp", - "uttered" - ], - [ - "Ġaut", - "ocrine" - ], - [ - "cop", - "ene" - ], - [ - "Ġcoll", - "ar" - ], - [ - "Ġupper", - "most" - ], - [ - "Ġoxygen", - "ated" - ], - [ - "Int", - "ro" - ], - [ - "âĨ", - "IJ" - ], - [ - "ĠHip", - "po" - ], - [ - "Ġd", - "une" - ], - [ - "id", - "ines" - ], - [ - "ĠH", - "ä" - ], - [ - "Ġreg", - "i" - ], - [ - "Ġno", - "is" - ], - [ - "Ġphot", - "odiode" - ], - [ - "ĠFe", - "b" - ], - [ - "mut", - "ated" - ], - [ - "ĠCF", - "L" - ], - [ - "step", - "ping" - ], - [ - "Se", - "lection" - ], - [ - "ĠWeb", - "ster" - ], - [ - "ĠHER", - "A" - ], - [ - "indic", - "ating" - ], - [ - "Ġtraine", - "es" - ], - [ - "R", - "ot" - ], - [ - "ĠF", - "AK" - ], - [ - "ĠAs", - "n" - ], - [ - "Ġfat", - "s" - ], - [ - "fol", - "iation" - ], - [ - "Ġartic", - "ulation" - ], - [ - "Ġcus", - "ps" - ], - [ - "ĠJenn", - "ifer" - ], - [ - "Ġin", - "timately" - ], - [ - "ĠP", - "ing" - ], - [ - "so", - "v" - ], - [ - "ox", - "ious" - ], - [ - "hyd", - "rate" - ], - [ - "ĠArch", - "ives" - ], - [ - "Gon", - "z" - ], - [ - "Ġ", - "é" - ], - [ - "Ġch", - "l" - ], - [ - "ĠO", - "LS" - ], - [ - "cop", - "h" - ], - [ - "Ġair", - "line" - ], - [ - "Ġfo", - "etal" - ], - [ - "ĠRoll", - "ing" - ], - [ - "ĠGENER", - "AL" - ], - [ - "O", - "NAL" - ], - [ - "ag", - "ons" - ], - [ - "ĠD", - "orsal" - ], - [ - "Ġr", - "itual" - ], - [ - "but", - "yrate" - ], - [ - "ogl", - "ut" - ], - [ - "Ġhex", - "a" - ], - [ - "ĠSy", - "ria" - ], - [ - "Ġont", - "ogeny" - ], - [ - "ĠFB", - "G" - ], - [ - "cover", - "age" - ], - [ - "Ġtachy", - "on" - ], - [ - "ĠPerman", - "ent" - ], - [ - "l", - "um" - ], - [ - "Ġs", - "v" - ], - [ - "Ġo", - "o" - ], - [ - "en", - "ergetic" - ], - [ - "al", - "titude" - ], - [ - "In", - "c" - ], - [ - "ĠNe", - "braska" - ], - [ - "ĠRE", - "SP" - ], - [ - "Ġdys", - "biosis" - ], - [ - "Ġmarket", - "ed" - ], - [ - "oxic", - "illin" - ], - [ - "ĠBroad", - "cast" - ], - [ - "racycl", - "o" - ], - [ - "ĠFif", - "teen" - ], - [ - "ĠNar", - "ayan" - ], - [ - "Ġlett", - "uce" - ], - [ - "ore", - "a" - ], - [ - "Ġinter", - "cepts" - ], - [ - "Ġwork", - "station" - ], - [ - "ĠPl", - "ains" - ], - [ - "CC", - "L" - ], - [ - "Ġorient", - "able" - ], - [ - "ĠBo", - "osting" - ], - [ - "ĠSO", - "I" - ], - [ - "ĠCheck", - "ing" - ], - [ - "ĠFIF", - "O" - ], - [ - "Ġin", - "sets" - ], - [ - "ĠS", - "RT" - ], - [ - "Ġac", - "rom" - ], - [ - "own", - "er" - ], - [ - "MI", - "X" - ], - [ - "ĠAr", - "b" - ], - [ - "Ġfa", - "eces" - ], - [ - "ĠCarl", - "son" - ], - [ - "Ġperiv", - "ascular" - ], - [ - "infiltr", - "ating" - ], - [ - "Ì", - "ħ" - ], - [ - "Ġm", - "alle" - ], - [ - "oc", - "ate" - ], - [ - "ĠB", - "old" - ], - [ - "unc", - "tive" - ], - [ - "ex", - "cess" - ], - [ - "Ġlo", - "osen" - ], - [ - "Ġprior", - "itization" - ], - [ - "Ġannot", - "ate" - ], - [ - "Ġgram", - "mars" - ], - [ - "Ġb", - "red" - ], - [ - "Ġex", - "ocytosis" - ], - [ - "ĠD", - "ahl" - ], - [ - "ath", - "yroidism" - ], - [ - "vel", - "i" - ], - [ - "Ġop", - "ted" - ], - [ - "Ġsm", - "oked" - ], - [ - "ĠPl", - "ates" - ], - [ - "EM", - "G" - ], - [ - "RO", - "W" - ], - [ - "IF", - "IC" - ], - [ - "OL", - "S" - ], - [ - "oreg", - "ulatory" - ], - [ - "Ġwhisk", - "ers" - ], - [ - "secret", - "ase" - ], - [ - "Ġexagger", - "ated" - ], - [ - "ĠB", - "ib" - ], - [ - "de", - "formed" - ], - [ - "Ġz", - "ur" - ], - [ - "rop", - "ine" - ], - [ - "Ġpair", - "ings" - ], - [ - "chrom", - "osome" - ], - [ - "Ele", - "ments" - ], - [ - "prior", - "ity" - ], - [ - "Ġlyophil", - "ized" - ], - [ - "ĠChaud", - "h" - ], - [ - "W", - "ilk" - ], - [ - "ĠC", - "ation" - ], - [ - "ot", - "ta" - ], - [ - "Ġnon", - "convex" - ], - [ - "Ġdep", - "olymer" - ], - [ - "MM", - "ARY" - ], - [ - "Cont", - "rolled" - ], - [ - "carbox", - "y" - ], - [ - "Ġaugment", - "ing" - ], - [ - "Ġappoint", - "ments" - ], - [ - "Ġtravers", - "ed" - ], - [ - "ĠF", - "letcher" - ], - [ - "Ġexp", - "iratory" - ], - [ - "Ġele", - "phant" - ], - [ - "ĠBl", - "ocks" - ], - [ - "ĠFlu", - "ids" - ], - [ - "wall", - "s" - ], - [ - "incre", - "ased" - ], - [ - "propan", - "amide" - ], - [ - "ĠAka", - "ike" - ], - [ - "ĠC", - "BM" - ], - [ - "ĠE", - "cho" - ], - [ - "ad", - "missible" - ], - [ - "Ġdis", - "assembly" - ], - [ - "Ġar", - "Xiv" - ], - [ - "ick", - "e" - ], - [ - "LI", - "ST" - ], - [ - "phen", - "otype" - ], - [ - "ĠProv", - "incial" - ], - [ - "leg", - "end" - ], - [ - "P", - "AS" - ], - [ - "r", - "nn" - ], - [ - "s", - "and" - ], - [ - "Ġb", - "ariatric" - ], - [ - "ĠP", - "ush" - ], - [ - "ĠAp", - "oE" - ], - [ - "cap", - "rolactone" - ], - [ - "model", - "ing" - ], - [ - "ĠÅ", - "µ" - ], - [ - "Ġsupercapac", - "itors" - ], - [ - "or", - "on" - ], - [ - "Ġp", - "K" - ], - [ - "st", - "rophy" - ], - [ - "ĠS", - "uc" - ], - [ - "und", - "a" - ], - [ - "te", - "am" - ], - [ - "Ġit", - "iner" - ], - [ - "Ġsw", - "ell" - ], - [ - "ĠBio", - "active" - ], - [ - "ĠIndic", - "ators" - ], - [ - "ĠI", - "FT" - ], - [ - "ĠD", - "K" - ], - [ - "Ġcap", - "it" - ], - [ - "sh", - "apes" - ], - [ - "Ġtrac", - "hea" - ], - [ - "delay", - "ed" - ], - [ - "ĠGuang", - "dong" - ], - [ - "L", - "epid" - ], - [ - "T", - "GA" - ], - [ - "h", - "k" - ], - [ - "ol", - "on" - ], - [ - "ogen", - "in" - ], - [ - "ĠAc", - "k" - ], - [ - "Ġlog", - "ically" - ], - [ - "cont", - "ributions" - ], - [ - "ĠCle", - "avage" - ], - [ - "hur", - "st" - ], - [ - "b", - "dd" - ], - [ - "ST", - "D" - ], - [ - "ĠF", - "ut" - ], - [ - "te", - "k" - ], - [ - "ĠIn", - "her" - ], - [ - "Ġchem", - "is" - ], - [ - "Ġbreak", - "point" - ], - [ - "estim", - "ates" - ], - [ - "ĠOtt", - "oman" - ], - [ - "ĠNaf", - "ion" - ], - [ - "WID", - "TH" - ], - [ - "Ġs", - "izable" - ], - [ - "ĠT", - "su" - ], - [ - "emb", - "olic" - ], - [ - "Ġright", - "most" - ], - [ - "ĠCell", - "ulose" - ], - [ - "iction", - "aries" - ], - [ - "ĠMy", - "coplasma" - ], - [ - "ĠBur", - "gers" - ], - [ - "ĠKepler", - "ian" - ], - [ - "U", - "CTION" - ], - [ - "V", - "B" - ], - [ - "Ġb", - "cc" - ], - [ - "ra", - "id" - ], - [ - "END", - "IX" - ], - [ - "Ġsc", - "oping" - ], - [ - "ĠPR", - "I" - ], - [ - "ĠCd", - "Se" - ], - [ - "ĠGre", - "edy" - ], - [ - "ĠHam", - "mer" - ], - [ - "ĠBacter", - "oides" - ], - [ - "inform", - "ative" - ], - [ - "Ġresemb", - "led" - ], - [ - "yll", - "ium" - ], - [ - "T", - "wenty" - ], - [ - "Ġp", - "ounds" - ], - [ - "Ġun", - "polarized" - ], - [ - "Ġconfig", - "ure" - ], - [ - "Ġtranscription", - "ally" - ], - [ - "Ġmicros", - "cale" - ], - [ - "ĠPut", - "ting" - ], - [ - "Ġpyr", - "rol" - ], - [ - "ĠLAS", - "SO" - ], - [ - "f", - "iltration" - ], - [ - "Ġt", - "ech" - ], - [ - "per", - "forming" - ], - [ - "Al", - "ong" - ], - [ - "ĠCT", - "LA" - ], - [ - "Ġauthor", - "ization" - ], - [ - "UR", - "AL" - ], - [ - "Ġleak", - "y" - ], - [ - "Op", - "tical" - ], - [ - "ĠReve", - "al" - ], - [ - "ĠHUV", - "ECs" - ], - [ - "W", - "u" - ], - [ - "c", - "ustom" - ], - [ - "di", - "ble" - ], - [ - "Ġï£", - "¦" - ], - [ - "CD", - "Cl" - ], - [ - "Ġemph", - "ys" - ], - [ - "Ne", - "ut" - ], - [ - "coll", - "agen" - ], - [ - "necess", - "arily" - ], - [ - "ĠRoot", - "s" - ], - [ - "P", - "ose" - ], - [ - "T", - "u" - ], - [ - "Ġcl", - "ue" - ], - [ - "Ġperturb", - "ing" - ], - [ - "ĠHel", - "ium" - ], - [ - "ĠComb", - "ustion" - ], - [ - "n", - "itrogen" - ], - [ - "am", - "plified" - ], - [ - "pro", - "ve" - ], - [ - "ĠSo", - "ils" - ], - [ - "normal", - "ization" - ], - [ - "ĠCH", - "OP" - ], - [ - "ĠMc", - "Le" - ], - [ - "Ġstri", - "kes" - ], - [ - "Ġcrop", - "ped" - ], - [ - "ĠKu", - "o" - ], - [ - "Ġvag", - "al" - ], - [ - "Ġdin", - "ucleotide" - ], - [ - "ĠIsa", - "ac" - ], - [ - "ĠL", - "OX" - ], - [ - "Ġdirection", - "ality" - ], - [ - "Ġchem", - "oradiotherapy" - ], - [ - "calc", - "ulus" - ], - [ - "ĠMoh", - "ammed" - ], - [ - "m", - "apped" - ], - [ - "Ġre", - "forms" - ], - [ - "Ġre", - "ordering" - ], - [ - "ĠB", - "m" - ], - [ - "ĠE", - "SCs" - ], - [ - "ĠN", - "UC" - ], - [ - "th", - "aw" - ], - [ - "Ġnan", - "oporous" - ], - [ - "Ġtrain", - "able" - ], - [ - "ĠAT", - "T" - ], - [ - "fe", - "ats" - ], - [ - "OF", - "DM" - ], - [ - "ĠSH", - "P" - ], - [ - "ĠRich", - "ter" - ], - [ - "Ġspray", - "ed" - ], - [ - "ĠJeff", - "erson" - ], - [ - "F", - "OX" - ], - [ - "b", - "h" - ], - [ - "ot", - "te" - ], - [ - "Ġle", - "iomy" - ], - [ - "osp", - "ores" - ], - [ - "specific", - "ity" - ], - [ - "ĠRef", - "er" - ], - [ - "ĠHa", - "as" - ], - [ - "M", - "ove" - ], - [ - "M", - "aterials" - ], - [ - "t", - "ec" - ], - [ - "u", - "tility" - ], - [ - "en", - "tional" - ], - [ - "ĠM", - "PP" - ], - [ - "ch", - "ond" - ], - [ - "Ġse", - "epage" - ], - [ - "Ġpe", - "ach" - ], - [ - "ĠÎĶ", - "t" - ], - [ - "embry", - "onic" - ], - [ - "Y", - "an" - ], - [ - "Ġlip", - "osomal" - ], - [ - "ĠVal", - "encia" - ], - [ - "ĠEnd", - "o" - ], - [ - "ĠPA", - "O" - ], - [ - "Ġdial", - "ect" - ], - [ - "Ġchond", - "rocyte" - ], - [ - "ĠMill", - "imeter" - ], - [ - "ĠRegular", - "ity" - ], - [ - "dest", - "roy" - ], - [ - "ĠCond", - "ensation" - ], - [ - "Bay", - "es" - ], - [ - "abund", - "ance" - ], - [ - "Ġd", - "U" - ], - [ - "ĠS", - "SI" - ], - [ - "ĠH", - "AND" - ], - [ - "Ġcons", - "ulted" - ], - [ - "Ġsup", - "pliers" - ], - [ - "Ġdem", - "o" - ], - [ - "reg", - "istered" - ], - [ - "Ġmicros", - "omal" - ], - [ - "Ġlam", - "bs" - ], - [ - "respons", - "iveness" - ], - [ - "D", - "y" - ], - [ - "G", - "AS" - ], - [ - "U", - "ME" - ], - [ - "Ġa", - "ero" - ], - [ - "Ġcal", - "modulin" - ], - [ - "Ġcalc", - "ined" - ], - [ - "Ġins", - "ula" - ], - [ - "ĠMe", - "i" - ], - [ - "ĠRE", - "AL" - ], - [ - "Ġcontrac", - "tible" - ], - [ - "ĠEss", - "entially" - ], - [ - "Ġgam", - "ing" - ], - [ - "Ġspill", - "over" - ], - [ - "resid", - "ues" - ], - [ - "â", - "İ" - ], - [ - "ĠE", - "MC" - ], - [ - "ĠSD", - "E" - ], - [ - "ĠSer", - "ine" - ], - [ - "eck", - "i" - ], - [ - "ĠPrinc", - "eton" - ], - [ - "ĠBACK", - "GROUND" - ], - [ - "m", - "asks" - ], - [ - "ĠL", - "om" - ], - [ - "ff", - "ield" - ], - [ - "ef", - "itinib" - ], - [ - "Ġpat", - "ents" - ], - [ - "ĠBe", - "z" - ], - [ - "load", - "s" - ], - [ - "Ġgon", - "adal" - ], - [ - "Ġnitro", - "cellulose" - ], - [ - "âĻ", - "Ĥ" - ], - [ - "Ġth", - "rown" - ], - [ - "Ġrec", - "tification" - ], - [ - "min", - "a" - ], - [ - "isc", - "id" - ], - [ - "ĠBi", - "obank" - ], - [ - "param", - "agnetic" - ], - [ - "GS", - "K" - ], - [ - "ĠDeriv", - "ative" - ], - [ - "criter", - "ion" - ], - [ - "ĠMonth", - "ly" - ], - [ - "ë", - "¥" - ], - [ - "ĠS", - "ichuan" - ], - [ - "Ġimmun", - "ologic" - ], - [ - "Ġheter", - "otic" - ], - [ - "ĠMc", - "Cl" - ], - [ - "ĠSM", - "ART" - ], - [ - "ĠBatter", - "ies" - ], - [ - "Ġpremi", - "ered" - ], - [ - "Ġcryopres", - "ervation" - ], - [ - "N", - "u" - ], - [ - "val", - "ho" - ], - [ - "Ġfl", - "otation" - ], - [ - "top", - "ological" - ], - [ - "ĠNan", - "jing" - ], - [ - "Ġju", - "xt" - ], - [ - "ĠFed", - "er" - ], - [ - "Ġprofound", - "ly" - ], - [ - "c", - "ad" - ], - [ - "i", - "enced" - ], - [ - "ch", - "uk" - ], - [ - "ĠIn", - "g" - ], - [ - "ĠK", - "SHV" - ], - [ - "amin", - "obenz" - ], - [ - "ĉĉĉ", - "ĠĠĠ" - ], - [ - "Ġmeta", - "ph" - ], - [ - "ĠEpid", - "emic" - ], - [ - "ĠAssoci", - "ate" - ], - [ - "Ġsacc", - "ade" - ], - [ - "Ġd", - "awn" - ], - [ - "Ġre", - "heating" - ], - [ - "Ġsp", - "ell" - ], - [ - "frac", - "tive" - ], - [ - "ĠTo", - "olkit" - ], - [ - "Ġrecogn", - "ise" - ], - [ - "path", - "ogen" - ], - [ - "Ġophthal", - "mic" - ], - [ - "Ġquer", - "ied" - ], - [ - "t", - "hens" - ], - [ - "ith", - "ine" - ], - [ - "um", - "ably" - ], - [ - "Ġstr", - "ides" - ], - [ - "ha", - "ul" - ], - [ - "Ġpass", - "ion" - ], - [ - "Ġdys", - "functions" - ], - [ - "By", - "te" - ], - [ - "Ġca", - "esarean" - ], - [ - "pre", - "y" - ], - [ - "ĠHor", - "se" - ], - [ - "ĠGAB", - "AA" - ], - [ - "N", - "atural" - ], - [ - "k", - "os" - ], - [ - "in", - "ators" - ], - [ - "od", - "ings" - ], - [ - "AR", - "RAY" - ], - [ - "Ġun", - "ipotent" - ], - [ - "Ġelect", - "romy" - ], - [ - "com", - "part" - ], - [ - "Li", - "u" - ], - [ - "encephal", - "ic" - ], - [ - "ĠCOMP", - "AR" - ], - [ - "Ġsymbion", - "ts" - ], - [ - "ivac", - "aine" - ], - [ - "O", - "I" - ], - [ - "P", - "VA" - ], - [ - "ĠN", - "VIDIA" - ], - [ - "cal", - "ibrated" - ], - [ - "Ġqu", - "est" - ], - [ - "NA", - "D" - ], - [ - "ĠX", - "yl" - ], - [ - "Ġpharmac", - "ist" - ], - [ - "direct", - "ly" - ], - [ - "Ġquadrup", - "le" - ], - [ - "ethan", - "one" - ], - [ - "ĠBulg", - "aria" - ], - [ - "Ġovip", - "osition" - ], - [ - "r", - "uns" - ], - [ - "Ġn", - "ociceptive" - ], - [ - "Ġas", - "exual" - ], - [ - "SU", - "LT" - ], - [ - "Ġwould", - "n" - ], - [ - "ĠInd", - "ustries" - ], - [ - "abil", - "izing" - ], - [ - "ĠComp", - "ressive" - ], - [ - "CO", - "OH" - ], - [ - "US", - "H" - ], - [ - "ki", - "ewicz" - ], - [ - "Ġign", - "eous" - ], - [ - "Ġdisapp", - "oint" - ], - [ - "ĠCK", - "M" - ], - [ - "ĠDiagram", - "s" - ], - [ - "ĠF", - "lam" - ], - [ - "ĠG", - "ould" - ], - [ - "Ġco", - "enzyme" - ], - [ - "Ġpar", - "an" - ], - [ - "ĠÂ", - "¶" - ], - [ - "Ġprogram", - "mer" - ], - [ - "ĠTrans", - "forming" - ], - [ - "Ġmus", - "carinic" - ], - [ - "onucle", - "otide" - ], - [ - "FI", - "ELD" - ], - [ - "ĠFu", - "ji" - ], - [ - "Ġnond", - "ec" - ], - [ - "Ġblank", - "et" - ], - [ - "Ġpredis", - "posing" - ], - [ - "ĠTrig", - "ger" - ], - [ - "Ġwel", - "come" - ], - [ - "F", - "amily" - ], - [ - "U", - "INT" - ], - [ - "h", - "fill" - ], - [ - "t", - "vb" - ], - [ - "ĠB", - "att" - ], - [ - "Ġun", - "met" - ], - [ - "ĠAp", - "o" - ], - [ - "oti", - "ent" - ], - [ - "Ġfund", - "us" - ], - [ - "ĠLear", - "ned" - ], - [ - "Ġintr", - "usions" - ], - [ - "Ġsolub", - "ilization" - ], - [ - "fund", - "amental" - ], - [ - "ĠSanti", - "ago" - ], - [ - "Ġh", - "pi" - ], - [ - "th", - "row" - ], - [ - "ĠIn", - "to" - ], - [ - "time", - "out" - ], - [ - "Ġthick", - "ened" - ], - [ - "ias", - "m" - ], - [ - "Ġgravit", - "ino" - ], - [ - "bran", - "ched" - ], - [ - "V", - "III" - ], - [ - "Ġo", - "ch" - ], - [ - "Ġg", - "ym" - ], - [ - "ĠK", - "rylov" - ], - [ - "Ġcorrec", - "tive" - ], - [ - "ĠInstit", - "ution" - ], - [ - "Ġcrim", - "es" - ], - [ - "ĠBacteroid", - "etes" - ], - [ - "ĠE", - "hr" - ], - [ - "Ġse", - "ated" - ], - [ - "rol", - "izumab" - ], - [ - "Ġfactor", - "ized" - ], - [ - "rot", - "ational" - ], - [ - "Ġadministr", - "ators" - ], - [ - "âĭ", - "Ĩ" - ], - [ - "ineral", - "ization" - ], - [ - "l", - "ining" - ], - [ - "â", - "Ĺ" - ], - [ - "ur", - "ai" - ], - [ - "ĠF", - "AP" - ], - [ - "ĠF", - "isheries" - ], - [ - "ĠE", - "SO" - ], - [ - "tem", - "per" - ], - [ - "Big", - "gr" - ], - [ - "ĠAltern", - "ating" - ], - [ - "t", - "win" - ], - [ - "am", - "atsu" - ], - [ - "Ġint", - "rad" - ], - [ - "over", - "flow" - ], - [ - "Ġcompar", - "ability" - ], - [ - "Ġsyn", - "optic" - ], - [ - "US", - "B" - ], - [ - "db", - "g" - ], - [ - "dem", - "onstr" - ], - [ - "ĠAch", - "ieving" - ], - [ - "Ġtect", - "onics" - ], - [ - "ĠRand", - "all" - ], - [ - "ĠPrep", - "ared" - ], - [ - "Ġsublim", - "ation" - ], - [ - "ĠB", - "aj" - ], - [ - "Ġcl", - "utch" - ], - [ - "Ġsub", - "domain" - ], - [ - "Ġfl", - "aws" - ], - [ - "inf", - "lu" - ], - [ - "Ġwid", - "ening" - ], - [ - "Ġmel", - "ted" - ], - [ - "Ġadministr", - "ator" - ], - [ - "Ġsubsidi", - "ary" - ], - [ - "ĠP", - "ricing" - ], - [ - "tic", - "us" - ], - [ - "og", - "i" - ], - [ - "ĠAl", - "ign" - ], - [ - "ĠAD", - "V" - ], - [ - "Ġvast", - "ly" - ], - [ - "bench", - "mark" - ], - [ - "Ġprioriti", - "ze" - ], - [ - "R", - "adi" - ], - [ - "ess", - "ed" - ], - [ - "Ġsup", - "rac" - ], - [ - "acc", - "ard" - ], - [ - "Ġbiom", - "imetic" - ], - [ - "ĠIr", - "radiation" - ], - [ - "ĠALG", - "OR" - ], - [ - "Ġpedig", - "ree" - ], - [ - "ĠC", - "MT" - ], - [ - "od", - "ym" - ], - [ - "ĠV", - "ig" - ], - [ - "ĠBi", - "ochemistry" - ], - [ - "ĠAcc", - "um" - ], - [ - "Ind", - "ices" - ], - [ - "hard", - "tii" - ], - [ - "ĠRal", - "ph" - ], - [ - "Ġrumin", - "ants" - ], - [ - "i", - "T" - ], - [ - "on", - "au" - ], - [ - "an", - "er" - ], - [ - "pl", - "anned" - ], - [ - "ever", - "s" - ], - [ - "Ġret", - "roviral" - ], - [ - "Ġquantif", - "ier" - ], - [ - "ĠExt", - "racting" - ], - [ - "Ġacet", - "ylated" - ], - [ - "Or", - "th" - ], - [ - "ĠSen", - "ator" - ], - [ - "Ġnanos", - "econd" - ], - [ - "Ġanticip", - "ation" - ], - [ - "ĠECM", - "O" - ], - [ - "Ġsemic", - "irc" - ], - [ - "ĠCrypt", - "osporidium" - ], - [ - "ĠT", - "ARGET" - ], - [ - "Ġap", - "ples" - ], - [ - "ef", - "ield" - ], - [ - "Ġrem", - "an" - ], - [ - "Ġser", - "ovar" - ], - [ - "ĠTrans", - "actions" - ], - [ - "trans", - "itions" - ], - [ - "urs", - "ions" - ], - [ - "ĠMel", - "atonin" - ], - [ - "Ġcholecyst", - "ectomy" - ], - [ - "ĠAntiv", - "iral" - ], - [ - "h", - "ous" - ], - [ - "Ġo", - "tol" - ], - [ - "Ġm", - "aj" - ], - [ - "Ġe", - "clip" - ], - [ - "are", - "l" - ], - [ - "AT", - "IONAL" - ], - [ - "MI", - "M" - ], - [ - "ĠCI", - "mg" - ], - [ - "ĠEnd", - "omet" - ], - [ - "ĠHay", - "ashi" - ], - [ - "Ġchimpan", - "zees" - ], - [ - "m", - "bf" - ], - [ - "ĠI", - "PV" - ], - [ - "act", - "oring" - ], - [ - "out", - "side" - ], - [ - "ne", - "apolis" - ], - [ - "Ġdisc", - "arding" - ], - [ - "num", - "type" - ], - [ - "ĠRE", - "ST" - ], - [ - "Ġflag", - "ellar" - ], - [ - "ĠChand", - "rase" - ], - [ - "hof", - "er" - ], - [ - "Ġelectrocardi", - "ogram" - ], - [ - "G", - "b" - ], - [ - "m", - "ock" - ], - [ - "o", - "eb" - ], - [ - "ĠS", - "MO" - ], - [ - "ĠM", - "ord" - ], - [ - "ĠB", - "oz" - ], - [ - "Ġmin", - "ors" - ], - [ - "IN", - "LINE" - ], - [ - "Ġtherm", - "ogravimetric" - ], - [ - "ĠMel", - "ting" - ], - [ - "ĠNS", - "W" - ], - [ - "S", - "ham" - ], - [ - "l", - "otinib" - ], - [ - "Ġac", - "quisitions" - ], - [ - "ta", - "z" - ], - [ - "Ġdef", - "aults" - ], - [ - "Ġoscill", - "ates" - ], - [ - "ĠCap", - "tion" - ], - [ - "Ġdisrup", - "tive" - ], - [ - "Ġswe", - "eping" - ], - [ - "ĠTool", - "box" - ], - [ - "Ġureth", - "ral" - ], - [ - "H", - "BV" - ], - [ - "ĠR", - "CS" - ], - [ - "Ġox", - "ys" - ], - [ - "immun", - "o" - ], - [ - "ht", - "m" - ], - [ - "ofl", - "avin" - ], - [ - "H", - "IF" - ], - [ - "ĠS", - "BA" - ], - [ - "ĠC", - "PE" - ], - [ - "Ġwh", - "ites" - ], - [ - "ĠRe", - "actor" - ], - [ - "Ġpur", - "p" - ], - [ - "Ġelectro", - "catalytic" - ], - [ - "Ġnone", - "x" - ], - [ - "Ġty", - "phimurium" - ], - [ - "Ġeu", - "rop" - ], - [ - "conc", - "ave" - ], - [ - "macroph", - "age" - ], - [ - "S", - "ER" - ], - [ - "Ġl", - "apse" - ], - [ - "Ġan", - "atom" - ], - [ - "ĠR", - "AC" - ], - [ - "ta", - "x" - ], - [ - "Ġmin", - "s" - ], - [ - "Ġsens", - "u" - ], - [ - "ĠHe", - "brew" - ], - [ - "Ġreal", - "ism" - ], - [ - "ĠMicro", - "glia" - ], - [ - "Ġserial", - "ized" - ], - [ - "ĠHaz", - "ard" - ], - [ - "Ġmetamorph", - "osis" - ], - [ - "ĠI", - "RA" - ], - [ - "Ġsm", - "earing" - ], - [ - "Ġphot", - "olysis" - ], - [ - "Ġchild", - "birth" - ], - [ - "Ġsil", - "enced" - ], - [ - "raw", - "al" - ], - [ - "Ġquad", - "rants" - ], - [ - "but", - "anol" - ], - [ - "Ġstochastic", - "ally" - ], - [ - "ĠCham", - "bers" - ], - [ - "ĠNav", - "arro" - ], - [ - "Ġproc", - "urement" - ], - [ - "c", - "ite" - ], - [ - "ĠS", - "le" - ], - [ - "ĠH", - "adoop" - ], - [ - "Ġdelay", - "ing" - ], - [ - "At", - "lantic" - ], - [ - "Sp", - "ain" - ], - [ - "fal", - "fa" - ], - [ - "od", - "ialysis" - ], - [ - "yn", - "ia" - ], - [ - "Ġplate", - "aus" - ], - [ - "Ġmultim", - "ode" - ], - [ - "RES", - "ET" - ], - [ - "ĠRock", - "y" - ], - [ - "ĠRodrig", - "ues" - ], - [ - "f", - "MRI" - ], - [ - "r", - "int" - ], - [ - "ĠT", - "AL" - ], - [ - "Ġspec", - "ular" - ], - [ - "con", - "struction" - ], - [ - "ĠAt", - "hens" - ], - [ - "Ġcross", - "link" - ], - [ - "Ġcount", - "ably" - ], - [ - "Ġspread", - "sheet" - ], - [ - "crib", - "es" - ], - [ - "cons", - "istently" - ], - [ - "Ġflood", - "plain" - ], - [ - "E", - "INVAL" - ], - [ - "M", - "aca" - ], - [ - "Ġe", - "i" - ], - [ - "Ġh", - "itherto" - ], - [ - "Ġsem", - "if" - ], - [ - "Ġcontin", - "ual" - ], - [ - "ĠHom", - "ology" - ], - [ - "Ġphotoc", - "atalysts" - ], - [ - "is", - "able" - ], - [ - "ĠH", - "AT" - ], - [ - "Ġpoly", - "hedra" - ], - [ - "ĠMay", - "o" - ], - [ - "Ġlact", - "ating" - ], - [ - "sam", - "pler" - ], - [ - "Ġappl", - "iances" - ], - [ - "T", - "U" - ], - [ - "Ġc", - "hess" - ], - [ - "ĠT", - "ing" - ], - [ - "Ġinv", - "itation" - ], - [ - "Ġdistrib", - "uting" - ], - [ - "ash", - "ima" - ], - [ - "Ġult", - "ral" - ], - [ - "tre", - "nd" - ], - [ - "Ġrelax", - "ations" - ], - [ - "ĠHel", - "en" - ], - [ - "Ġbed", - "ding" - ], - [ - "Ġgland", - "ular" - ], - [ - "Ġincrement", - "ally" - ], - [ - "Ġconce", - "al" - ], - [ - "claim", - "ed" - ], - [ - "ĠEdd", - "y" - ], - [ - "Ġm", - "os" - ], - [ - "ĠT", - "ube" - ], - [ - "ĠT", - "oda" - ], - [ - "ra", - "j" - ], - [ - "ĠM", - "ü" - ], - [ - "ĠU", - "ll" - ], - [ - "Ġun", - "e" - ], - [ - "ber", - "ine" - ], - [ - "Ġpolic", - "ym" - ], - [ - "Ġscholar", - "ly" - ], - [ - "Ġshore", - "line" - ], - [ - "Ġald", - "osterone" - ], - [ - "ĠBruc", - "ella" - ], - [ - "T", - "HE" - ], - [ - "RE", - "AL" - ], - [ - "Ġex", - "ome" - ], - [ - "ĠD", - "AB" - ], - [ - "Ġext", - "ras" - ], - [ - "Ġband", - "ing" - ], - [ - "ĠSi", - "emens" - ], - [ - "ĠBo", - "ost" - ], - [ - "ĠSuper", - "novae" - ], - [ - "ĠTrac", - "ing" - ], - [ - "Ġascorb", - "ate" - ], - [ - "Ital", - "y" - ], - [ - "b", - "und" - ], - [ - "Ġdecre", - "ment" - ], - [ - "Ġneu", - "rophysiological" - ], - [ - "Ġblack", - "body" - ], - [ - "ĠMc", - "N" - ], - [ - "Ġcompet", - "encies" - ], - [ - "osc", - "ape" - ], - [ - "ĠHon", - "ours" - ], - [ - "Ġmas", - "titis" - ], - [ - "criter", - "ia" - ], - [ - "Ġb", - "iaxial" - ], - [ - "Ġth", - "awed" - ], - [ - "ĠF", - "oll" - ], - [ - "ore", - "ceptor" - ], - [ - "Ġinv", - "ention" - ], - [ - "AD", - "s" - ], - [ - "Sh", - "ow" - ], - [ - "--------------------------------", - "----------------" - ], - [ - "Ġellipso", - "idal" - ], - [ - "Ġfoc", - "ussed" - ], - [ - "ĠD", - "at" - ], - [ - "ĠR", - "im" - ], - [ - "ĠL", - "X" - ], - [ - "ĠG", - "ER" - ], - [ - "ins", - "ler" - ], - [ - "Ġtop", - "oisomerase" - ], - [ - "Ġhyper", - "lipidemia" - ], - [ - "Ġmy", - "stery" - ], - [ - "Ġnit", - "rification" - ], - [ - "Ġonc", - "ogenes" - ], - [ - "ĠFull", - "er" - ], - [ - "ĠBart", - "lett" - ], - [ - "Ġamphib", - "ians" - ], - [ - "S", - "ST" - ], - [ - "b", - "ly" - ], - [ - "le", - "ads" - ], - [ - "ec", - "ycle" - ], - [ - "am", - "pl" - ], - [ - "ĠP", - "OM" - ], - [ - "ĠD", - "CF" - ], - [ - "str", - "ass" - ], - [ - "anti", - "body" - ], - [ - "non", - "linear" - ], - [ - "ĠBroad", - "way" - ], - [ - "ĠCatal", - "ogue" - ], - [ - "Ġμ", - "A" - ], - [ - "Ġacet", - "aminophen" - ], - [ - "Ġcrystall", - "ites" - ], - [ - "ĠNan", - "otubes" - ], - [ - "ĠAcknowledg", - "ment" - ], - [ - "Ġmetam", - "orphism" - ], - [ - "Ġtwin", - "ning" - ], - [ - "ĠAzer", - "bai" - ], - [ - "x", - "A" - ], - [ - "CC", - "C" - ], - [ - "ĠSol", - "ids" - ], - [ - "pred", - "s" - ], - [ - "ĠMont", - "ana" - ], - [ - "WR", - "ITE" - ], - [ - "R", - "atio" - ], - [ - "Ġp", - "unch" - ], - [ - "Ġr", - "iding" - ], - [ - "Ġac", - "ne" - ], - [ - "ĠU", - "re" - ], - [ - "Ġcor", - "r" - ], - [ - "ĠQ", - "OL" - ], - [ - "Ġins", - "ult" - ], - [ - "Ġdominant", - "ly" - ], - [ - "Ġsubs", - "amples" - ], - [ - "rew", - "s" - ], - [ - "ĠPres", - "ervation" - ], - [ - "ĠAff", - "ine" - ], - [ - "methan", - "one" - ], - [ - "Ġhedge", - "hog" - ], - [ - "J", - "H" - ], - [ - "Ġl", - "ined" - ], - [ - "Ġst", - "en" - ], - [ - "ĠD", - "armstadt" - ], - [ - "ĠL", - "asso" - ], - [ - "Ġde", - "proton" - ], - [ - "Ġsh", - "oes" - ], - [ - "Ġmo", - "tives" - ], - [ - "Ġmic", - "roscop" - ], - [ - "oph", - "thora" - ], - [ - "Ġmac", - "ron" - ], - [ - "Ġencour", - "agement" - ], - [ - "acryl", - "ic" - ], - [ - "ĠTensor", - "Flow" - ], - [ - "W", - "rapper" - ], - [ - "o", - "ise" - ], - [ - "ay", - "ak" - ], - [ - "Ġrep", - "resses" - ], - [ - "Ġpr", - "uned" - ], - [ - "ĠCl", - "ar" - ], - [ - "ĠâĬ", - "²" - ], - [ - "ĠUnder", - "lying" - ], - [ - "Im", - "plemented" - ], - [ - "Ġswe", - "at" - ], - [ - "Ġmeteor", - "ites" - ], - [ - "Ġtwe", - "ez" - ], - [ - "Ġpros", - "ocial" - ], - [ - "Ġabras", - "ion" - ], - [ - "h", - "ail" - ], - [ - "Ġsh", - "orth" - ], - [ - "ism", - "atch" - ], - [ - "IN", - "TR" - ], - [ - "ĠTr", - "in" - ], - [ - "Ġphysic", - "ists" - ], - [ - "ĠPE", - "O" - ], - [ - "ĠMagn", - "eto" - ], - [ - "ĠJacob", - "son" - ], - [ - "ĠMMP", - "s" - ], - [ - "ĠIntra", - "venous" - ], - [ - "Ġneurotrans", - "mission" - ], - [ - "ĠPneum", - "onia" - ], - [ - "L", - "ind" - ], - [ - "y", - "re" - ], - [ - "Ġm", - "aternity" - ], - [ - "ĠI", - "ris" - ], - [ - "ri", - "atal" - ], - [ - "ĠâĢ", - "ļ" - ], - [ - "med", - "etomidine" - ], - [ - "Ġtr", - "iterpen" - ], - [ - "ĠMan", - "uscript" - ], - [ - "ĠEnd", - "oplasmic" - ], - [ - "ĠPot", - "ter" - ], - [ - "Ġgerm", - "inal" - ], - [ - "Ġphotos", - "ystem" - ], - [ - "Gu", - "ided" - ], - [ - "Ġguitar", - "ist" - ], - [ - "ĠChile", - "an" - ], - [ - "ĠSalv", - "ador" - ], - [ - "É", - "Ļ" - ], - [ - "Ġc", - "elestial" - ], - [ - "om", - "and" - ], - [ - "Ġn", - "k" - ], - [ - "Ġv", - "endors" - ], - [ - "ĠP", - "INK" - ], - [ - "ĠIn", - "organic" - ], - [ - "Ġmod", - "erated" - ], - [ - "SU", - "S" - ], - [ - "ĠJ", - "oshi" - ], - [ - "ĠSt", - "ata" - ], - [ - "ik", - "es" - ], - [ - "oy", - "e" - ], - [ - "ĠJohn", - "ny" - ], - [ - "Le", - "ica" - ], - [ - "Ġka", - "on" - ], - [ - "ĠEquip", - "ment" - ], - [ - "K", - "im" - ], - [ - "g", - "ado" - ], - [ - "t", - "ures" - ], - [ - "Ġe", - "lem" - ], - [ - "ĠA", - "AC" - ], - [ - "ce", - "a" - ], - [ - "od", - "ality" - ], - [ - "Ġan", - "iline" - ], - [ - "Ġex", - "othermic" - ], - [ - "ĠG", - "unn" - ], - [ - "ĠJ", - "U" - ], - [ - "plic", - "able" - ], - [ - "sc", - "apes" - ], - [ - "typ", - "ed" - ], - [ - "Ġinsp", - "iratory" - ], - [ - "REG", - "IST" - ], - [ - "ĠBry", - "an" - ], - [ - "Ġanxi", - "ous" - ], - [ - "ĠCarp", - "enter" - ], - [ - "ĠPharmacokine", - "tics" - ], - [ - "infer", - "ior" - ], - [ - "F", - "rag" - ], - [ - "Z", - "Y" - ], - [ - "Ġo", - "esophageal" - ], - [ - "ĠS", - "uk" - ], - [ - "ĠP", - "ron" - ], - [ - "ĠCD", - "I" - ], - [ - "AG", - "C" - ], - [ - "key", - "words" - ], - [ - "sus", - "ceptible" - ], - [ - "Germ", - "any" - ], - [ - "M", - "AS" - ], - [ - "i", - "C" - ], - [ - "an", - "mar" - ], - [ - "Ġex", - "iting" - ], - [ - "ĠH", - "ale" - ], - [ - "Ġr", - "hamn" - ], - [ - "ind", - "ustrial" - ], - [ - "Ġra", - "ft" - ], - [ - "emb", - "rolizumab" - ], - [ - "Ġdeploy", - "ing" - ], - [ - "Ġsalic", - "ylic" - ], - [ - "R", - "n" - ], - [ - "Ġc", - "ensor" - ], - [ - "Ġd", - "X" - ], - [ - "Ġfor", - "um" - ], - [ - "MS", - "I" - ], - [ - "bl", - "ad" - ], - [ - "Ġsqu", - "ir" - ], - [ - "CP", - "P" - ], - [ - "Ġgrap", - "evine" - ], - [ - "ĠRA", - "FT" - ], - [ - "Mon", - "te" - ], - [ - "Ġmicrof", - "lora" - ], - [ - "r", - "cl" - ], - [ - "Ġdec", - "ap" - ], - [ - "AN", - "C" - ], - [ - "Ġbroad", - "en" - ], - [ - "Ġfre", - "ed" - ], - [ - "Ġsouth", - "ward" - ], - [ - "ĠJac", - "ques" - ], - [ - "Ġrequest", - "ing" - ], - [ - "ĠAsp", - "ect" - ], - [ - "araj", - "an" - ], - [ - "F", - "ailed" - ], - [ - "f", - "printf" - ], - [ - "p", - "ytest" - ], - [ - "Ê", - "¹" - ], - [ - "ĠC", - "m" - ], - [ - "un", - "til" - ], - [ - "ne", - "iss" - ], - [ - "Ġmon", - "os" - ], - [ - "osp", - "inal" - ], - [ - "ols", - "ky" - ], - [ - "cont", - "rib" - ], - [ - "Con", - "tainer" - ], - [ - "ĠVol", - "unte" - ], - [ - "ĠAtt", - "ributes" - ], - [ - "ĠTum", - "our" - ], - [ - "Ġrein", - "hardtii" - ], - [ - "Ġcentrom", - "ere" - ], - [ - "ĠS", - "ymph" - ], - [ - "ĠA", - "o" - ], - [ - "ag", - "ens" - ], - [ - "ple", - "ted" - ], - [ - "ied", - "er" - ], - [ - "Ġactiv", - "ist" - ], - [ - "ĠAl", - "meida" - ], - [ - "Ġdisturb", - "ing" - ], - [ - "Ġreflex", - "es" - ], - [ - "D", - "SS" - ], - [ - "Ġfor", - "wards" - ], - [ - "ron", - "ym" - ], - [ - "ĠIntegr", - "ity" - ], - [ - "WE", - "EN" - ], - [ - "Ġôı¼", - "Į" - ], - [ - "Ġfaith", - "fully" - ], - [ - "Ġperic", - "ardial" - ], - [ - "Japan", - "ese" - ], - [ - "ĠCEN", - "P" - ], - [ - "K", - "r" - ], - [ - "Ġdef", - "ending" - ], - [ - "Ġz", - "on" - ], - [ - "ins", - "ensitive" - ], - [ - "Ġlab", - "s" - ], - [ - "ĠCa", - "M" - ], - [ - "ĠEu", - "rop" - ], - [ - "ME", - "A" - ], - [ - "B", - "LAST" - ], - [ - "x", - "N" - ], - [ - "al", - "en" - ], - [ - "Ġcl", - "k" - ], - [ - "line", - "age" - ], - [ - "co", - "ating" - ], - [ - "Ġtail", - "oring" - ], - [ - "CON", - "TR" - ], - [ - "Ġadren", - "ergic" - ], - [ - "interp", - "reted" - ], - [ - "N", - "IH" - ], - [ - "am", - "oeba" - ], - [ - "ĠC", - "yr" - ], - [ - "Ġtri", - "plicates" - ], - [ - "def", - "ining" - ], - [ - "ĠLog", - "an" - ], - [ - "tes", - "y" - ], - [ - "ĠTw", - "ist" - ], - [ - "ĠGram", - "mar" - ], - [ - "ĠSustain", - "ed" - ], - [ - "Ġan", - "harmonic" - ], - [ - "Ġal", - "ve" - ], - [ - "Ġr", - "uler" - ], - [ - "Ġqu", - "anta" - ], - [ - "Ġdirec", - "ts" - ], - [ - "Ġoff", - "loading" - ], - [ - "ĠGe", - "ophysical" - ], - [ - "Re", - "quire" - ], - [ - "Ġhepat", - "oma" - ], - [ - "Ġfo", - "o" - ], - [ - "ĠGeor", - "ges" - ], - [ - "Ġb", - "outs" - ], - [ - "ĠT", - "AK" - ], - [ - "Ġanti", - "diabetic" - ], - [ - "ĠRe", - "ported" - ], - [ - "present", - "ing" - ], - [ - "ĠLay", - "ered" - ], - [ - "REN", - "CE" - ], - [ - "Ġuve", - "itis" - ], - [ - "b", - "age" - ], - [ - "Ġf", - "entanyl" - ], - [ - "ens", - "emble" - ], - [ - "ĠO", - "SCC" - ], - [ - "Ġmin", - "ers" - ], - [ - "lo", - "oking" - ], - [ - "ĠBe", - "er" - ], - [ - "prec", - "ipitation" - ], - [ - "ĠEnter", - "prise" - ], - [ - "Ġseroton", - "ergic" - ], - [ - "Ġsees", - "aw" - ], - [ - "ĠAth", - "letics" - ], - [ - "Ġhydroly", - "tic" - ], - [ - "Ġtal", - "ent" - ], - [ - "Ġdiscern", - "ible" - ], - [ - "F", - "IL" - ], - [ - "l", - "ives" - ], - [ - "ĠS", - "ales" - ], - [ - "ĠS", - "Sc" - ], - [ - "ere", - "nd" - ], - [ - "cl", - "im" - ], - [ - "anti", - "d" - ], - [ - "IN", - "TS" - ], - [ - "Ġatten", - "uating" - ], - [ - "Ġtw", - "ists" - ], - [ - "Ġoxygen", - "ase" - ], - [ - "rin", - "i" - ], - [ - "Maca", - "ulay" - ], - [ - "z", - "m" - ], - [ - "ĠP", - "OT" - ], - [ - "ĠM", - "p" - ], - [ - "ĠH", - "ey" - ], - [ - "ĠO", - "VER" - ], - [ - "ill", - "ion" - ], - [ - "Ġinv", - "aluable" - ], - [ - "Ġanti", - "platelet" - ], - [ - "Ġmut", - "ans" - ], - [ - "Ġgrad", - "uates" - ], - [ - "GR", - "AM" - ], - [ - "isp", - "heric" - ], - [ - "Ġincomp", - "atibility" - ], - [ - "Ġcarboxyl", - "ase" - ], - [ - "Ġbioc", - "ontrol" - ], - [ - "ĠPhysic", - "ochemical" - ], - [ - "ï", - "Ļ" - ], - [ - "Ġl", - "ae" - ], - [ - "ĠA", - "ortic" - ], - [ - "ĠR", - "acing" - ], - [ - "ĠE", - "CD" - ], - [ - "iv", - "ic" - ], - [ - "Ġelect", - "romechanical" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠĠĠĠĠĠĠ" - ], - [ - "Ġste", - "er" - ], - [ - "ĠOut", - "side" - ], - [ - "Ġaden", - "ocarcinomas" - ], - [ - "ĠKe", - "ep" - ], - [ - "Ġcoc", - "on" - ], - [ - "Ġmoder", - "ating" - ], - [ - "Ġreform", - "ulated" - ], - [ - "Ġfundament", - "als" - ], - [ - "ĠTes", - "la" - ], - [ - "ĠStir", - "ling" - ], - [ - "or", - "ated" - ], - [ - "op", - "id" - ], - [ - "Ġpa", - "rox" - ], - [ - "Ġtri", - "valent" - ], - [ - "Ġexchange", - "able" - ], - [ - "Ġdeb", - "uted" - ], - [ - "V", - "ery" - ], - [ - "re", - "ements" - ], - [ - "ĠT", - "omm" - ], - [ - "ĠC", - "yn" - ], - [ - "ĠC", - "atalysts" - ], - [ - "qu", - "at" - ], - [ - "ĠF", - "ER" - ], - [ - "ĠR", - "um" - ], - [ - "Ġsc", - "anners" - ], - [ - "ĠâĨĴ", - "âĪŀ" - ], - [ - "otrop", - "ical" - ], - [ - "Ġven", - "ues" - ], - [ - "estim", - "ator" - ], - [ - "Ġempt", - "ying" - ], - [ - "G", - "PP" - ], - [ - "V", - "IR" - ], - [ - "Ġcom", - "plicates" - ], - [ - "ĠN", - "IS" - ], - [ - "ĠZ", - "hen" - ], - [ - "ĠBl", - "ues" - ], - [ - "Ġtext", - "books" - ], - [ - "Ġsi", - "xty" - ], - [ - "Ġether", - "s" - ], - [ - "Ġfinanc", - "ially" - ], - [ - "Ġm", - "Health" - ], - [ - "ĠT", - "ut" - ], - [ - "Ġl", - "aryng" - ], - [ - "ĠG", - "s" - ], - [ - "ĠW", - "atch" - ], - [ - "Ġse", - "v" - ], - [ - "Ġit", - "al" - ], - [ - "ass", - "ed" - ], - [ - "ĠÃ", - "·" - ], - [ - "ĠCons", - "ent" - ], - [ - "Ġnut", - "s" - ], - [ - "vit", - "real" - ], - [ - "Ġmeta", - "phase" - ], - [ - "Ġtit", - "ania" - ], - [ - "Ġfo", - "ils" - ], - [ - "Ġgal", - "ectin" - ], - [ - "initial", - "ize" - ], - [ - "Ġadvis", - "or" - ], - [ - "Ġadminister", - "ing" - ], - [ - "B", - "ool" - ], - [ - "Ġc", - "em" - ], - [ - "Ġre", - "forming" - ], - [ - "Ġg", - "n" - ], - [ - "ys", - "h" - ], - [ - "Ġatt", - "or" - ], - [ - "SC", - "I" - ], - [ - "Ex", - "c" - ], - [ - "bu", - "ilder" - ], - [ - "Ġcer", - "ium" - ], - [ - "Ġregist", - "ries" - ], - [ - "ĠMatsum", - "oto" - ], - [ - "Ġtempt", - "ing" - ], - [ - "is", - "ha" - ], - [ - "Ġre", - "orientation" - ], - [ - "ĠM", - "old" - ], - [ - "ĠR", - "AGE" - ], - [ - "ys", - "on" - ], - [ - "Ġun", - "equiv" - ], - [ - "Ġrel", - "ocation" - ], - [ - "ĠÃ", - "ķ" - ], - [ - "ĠRe", - "form" - ], - [ - "ĠRE", - "QU" - ], - [ - "Ġcommens", - "urate" - ], - [ - "catal", - "og" - ], - [ - "ĠT", - "PS" - ], - [ - "Ġl", - "amb" - ], - [ - "Ġpre", - "factor" - ], - [ - "arch", - "y" - ], - [ - "Ġdop", - "ants" - ], - [ - "dr", - "v" - ], - [ - "ĠPAR", - "AMET" - ], - [ - "sched", - "ule" - ], - [ - "ochem", - "ically" - ], - [ - "Ġe", - "Health" - ], - [ - "un", - "as" - ], - [ - "ĠP", - "inus" - ], - [ - "ĠH", - "SA" - ], - [ - "Ġinter", - "relations" - ], - [ - "Ġdep", - "ot" - ], - [ - "ĠPl", - "atinum" - ], - [ - "Ġlif", - "elong" - ], - [ - "Ġpersist", - "ently" - ], - [ - "ĠParad", - "ox" - ], - [ - "ĠConform", - "ational" - ], - [ - "es", - "ophag" - ], - [ - "ĠA", - "AT" - ], - [ - "pl", - "in" - ], - [ - "ĠF", - "CN" - ], - [ - "ĠD", - "t" - ], - [ - "op", - "oside" - ], - [ - "Ġch", - "al" - ], - [ - "Ġhal", - "t" - ], - [ - "ĠDet", - "ect" - ], - [ - "Ġdiscrim", - "inated" - ], - [ - "ĠLag", - "rangians" - ], - [ - "Ap", - "pro" - ], - [ - "ĠÈ", - "§" - ], - [ - "Ġimpuls", - "ivity" - ], - [ - "B", - "AT" - ], - [ - "C", - "hemical" - ], - [ - "g", - "ather" - ], - [ - "ĠU", - "NC" - ], - [ - "int", - "ron" - ], - [ - "ĠSim", - "ulator" - ], - [ - "ĠGl", - "a" - ], - [ - "TT", - "T" - ], - [ - "ĠVol", - "atile" - ], - [ - "Ġsubs", - "id" - ], - [ - "ĠBroad", - "casting" - ], - [ - "Ġstrept", - "ozotocin" - ], - [ - "Ġf", - "umar" - ], - [ - "ĠM", - "PEG" - ], - [ - "Ġinflu", - "enzae" - ], - [ - "sub", - "jects" - ], - [ - "Ġappropri", - "ateness" - ], - [ - "Ġarc", - "min" - ], - [ - "Ġstrand", - "ed" - ], - [ - "o", - "ylation" - ], - [ - "ĠD", - "EX" - ], - [ - "ov", - "iral" - ], - [ - "ĠQu", - "arter" - ], - [ - "col", - "ytic" - ], - [ - "Ġfriend", - "ship" - ], - [ - "H", - "ES" - ], - [ - "l", - "oxacin" - ], - [ - "Ġe", - "re" - ], - [ - "ĠT", - "rad" - ], - [ - "ur", - "istics" - ], - [ - "ĠE", - "CT" - ], - [ - "ĠE", - "GCG" - ], - [ - "ĠL", - "RP" - ], - [ - "ĠG", - "AG" - ], - [ - "ĠIn", - "P" - ], - [ - "Ġcont", - "empor" - ], - [ - "Ġmic", - "ror" - ], - [ - "ier", - "strass" - ], - [ - "ĠElect", - "rosp" - ], - [ - "need", - "ed" - ], - [ - "atmosp", - "here" - ], - [ - "n", - "T" - ], - [ - "Ġband", - "widths" - ], - [ - "Ġdivers", - "ified" - ], - [ - "ĠAppro", - "priate" - ], - [ - "rest", - "ore" - ], - [ - "roc", - "nem" - ], - [ - "ĠLag", - "uerre" - ], - [ - "ĠSong", - "s" - ], - [ - "ĠKalu", - "za" - ], - [ - "ĠS", - "ymmetries" - ], - [ - "ĠSch", - "mitt" - ], - [ - "Ġbiom", - "olecular" - ], - [ - "scale", - "box" - ], - [ - "Ġintra", - "hepatic" - ], - [ - "under", - "standing" - ], - [ - "ĠABC", - "G" - ], - [ - "Ġunderestim", - "ates" - ], - [ - "ĠStream", - "ing" - ], - [ - "Ġfic", - "titious" - ], - [ - "oplasm", - "osis" - ], - [ - "res", - "ident" - ], - [ - "ĠB", - "ary" - ], - [ - "ĠCom", - "a" - ], - [ - "sc", - "rip" - ], - [ - "Ġdeg", - "ran" - ], - [ - "ĠCa", - "MKII" - ], - [ - "ĠBal", - "mer" - ], - [ - "ĠPlas", - "m" - ], - [ - "Ġchel", - "ating" - ], - [ - "ĠParad", - "igm" - ], - [ - "Ġopp", - "onents" - ], - [ - "E", - "K" - ], - [ - "P", - "in" - ], - [ - "Ġm", - "sec" - ], - [ - "ad", - "one" - ], - [ - "ach", - "t" - ], - [ - "CC", - "G" - ], - [ - "EC", - "O" - ], - [ - "normal", - "ize" - ], - [ - "ĠDesign", - "s" - ], - [ - "Ġyellow", - "ish" - ], - [ - "glut", - "amyl" - ], - [ - "Ġdomestic", - "ation" - ], - [ - "Ġmonoph", - "yletic" - ], - [ - "d", - "les" - ], - [ - "n", - "ested" - ], - [ - "ĠG", - "race" - ], - [ - "ĠStud", - "ios" - ], - [ - "ĠDisc", - "ussions" - ], - [ - "ophen", - "oxy" - ], - [ - "Ġveter", - "in" - ], - [ - "Ġendos", - "ym" - ], - [ - "utting", - "er" - ], - [ - "b", - "atches" - ], - [ - "ĠF", - "iji" - ], - [ - "ĠR", - "NF" - ], - [ - "ous", - "a" - ], - [ - "ĠK", - "Y" - ], - [ - "Ġspect", - "rograph" - ], - [ - "ER", - "IC" - ], - [ - "ĠMy", - "anmar" - ], - [ - "ĠConst", - "raining" - ], - [ - "Ġecological", - "ly" - ], - [ - "Ġfro", - "st" - ], - [ - "arb", - "oux" - ], - [ - "ĠFib", - "onacci" - ], - [ - "Ġcancel", - "ed" - ], - [ - "ĠISS", - "N" - ], - [ - "R", - "ect" - ], - [ - "an", - "other" - ], - [ - "ĠM", - "MA" - ], - [ - "OL", - "O" - ], - [ - "ĠTr", - "uth" - ], - [ - "Ġorth", - "opaedic" - ], - [ - "Ġtravers", - "ing" - ], - [ - "ischem", - "ic" - ], - [ - "ĠMozamb", - "ique" - ], - [ - "ĠM", - "SR" - ], - [ - "ap", - "ace" - ], - [ - "ĠTh", - "read" - ], - [ - "olog", - "ia" - ], - [ - "Ġcal", - "m" - ], - [ - "methyl", - "transferase" - ], - [ - "ĠÍ", - "ª" - ], - [ - "Ġdro", - "ve" - ], - [ - "Ġcommand", - "ed" - ], - [ - "Ġf", - "eline" - ], - [ - "ĠR", - "ush" - ], - [ - "ĠL", - "isa" - ], - [ - "Ġsuper", - "space" - ], - [ - "arc", - "y" - ], - [ - "ĠReg", - "ulated" - ], - [ - "ĠRest", - "ing" - ], - [ - "caus", - "ing" - ], - [ - "psycho", - "tics" - ], - [ - "q", - "t" - ], - [ - "Ġt", - "ulare" - ], - [ - "Ġrel", - "ocated" - ], - [ - "Ġrep", - "ell" - ], - [ - "Ġpred", - "atory" - ], - [ - "pe", - "ople" - ], - [ - "tra", - "its" - ], - [ - "E", - "uclidean" - ], - [ - "F", - "DA" - ], - [ - "X", - "RT" - ], - [ - "p", - "C" - ], - [ - "p", - "and" - ], - [ - "Ġ", - "Æ" - ], - [ - "re", - "ve" - ], - [ - "Ġb", - "ids" - ], - [ - "Ġco", - "usin" - ], - [ - "Ġsub", - "domains" - ], - [ - "til", - "b" - ], - [ - "é", - "nez" - ], - [ - "linear", - "ly" - ], - [ - "oprotein", - "s" - ], - [ - "Ġcod", - "ec" - ], - [ - "Ġcontrac", - "eption" - ], - [ - "ĠCd", - "k" - ], - [ - "Ġrail", - "road" - ], - [ - "B", - "ench" - ], - [ - "r", - "ng" - ], - [ - "ĠD", - "LA" - ], - [ - "enti", - "le" - ], - [ - "ĠCO", - "CO" - ], - [ - "ĠMat", - "th" - ], - [ - "ĠOver", - "l" - ], - [ - "ĠRout", - "ine" - ], - [ - "Ġmultif", - "ocal" - ], - [ - "Ġarte", - "fact" - ], - [ - "Ġsculpt", - "ure" - ], - [ - "c", - "ies" - ], - [ - "m", - "ate" - ], - [ - "Ġ", - "Ø" - ], - [ - "ure", - "k" - ], - [ - "ĠB", - "end" - ], - [ - "ĠN", - "athan" - ], - [ - "Ġde", - "w" - ], - [ - "ym", - "ia" - ], - [ - "az", - "zi" - ], - [ - "ĠEr", - "k" - ], - [ - "Ġgrad", - "uation" - ], - [ - "Bound", - "ary" - ], - [ - "G", - "ra" - ], - [ - "Ġb", - "fd" - ], - [ - "ĠS", - "ert" - ], - [ - "Ġover", - "shoot" - ], - [ - "ĠSe", - "o" - ], - [ - "Ġsk", - "learn" - ], - [ - "Ġconserv", - "atively" - ], - [ - "pir", - "acy" - ], - [ - "Ġla", - "unching" - ], - [ - "X", - "D" - ], - [ - "ar", - "bitrary" - ], - [ - "per", - "one" - ], - [ - "Ġsh", - "ops" - ], - [ - "comp", - "etitive" - ], - [ - "ĠPak", - "istani" - ], - [ - "Ġcompetit", - "or" - ], - [ - "b", - "iotics" - ], - [ - "ra", - "its" - ], - [ - "ĠN", - "oble" - ], - [ - "Ġsub", - "regions" - ], - [ - "ĠJ", - "ump" - ], - [ - "roll", - "er" - ], - [ - "tr", - "is" - ], - [ - "Ġmac", - "rol" - ], - [ - "ó", - "s" - ], - [ - "ĠPen", - "ic" - ], - [ - "Ġmicros", - "omes" - ], - [ - "Ġimprec", - "ise" - ], - [ - "Ġdownt", - "own" - ], - [ - "Ġe", - "QTL" - ], - [ - "if", - "est" - ], - [ - "ĠM", - "FI" - ], - [ - "Ġr", - "arity" - ], - [ - "âĢĻ", - "âĢĻ" - ], - [ - "Ġbel", - "ts" - ], - [ - "Ġglycos", - "yl" - ], - [ - "ĠNic", - "olas" - ], - [ - "synt", - "hesis" - ], - [ - "O", - "h" - ], - [ - "h", - "ierarch" - ], - [ - "p", - "ps" - ], - [ - "an", - "ets" - ], - [ - "ro", - "ads" - ], - [ - "AT", - "IC" - ], - [ - "MI", - "MO" - ], - [ - "ĠCont", - "ract" - ], - [ - "Le", - "ib" - ], - [ - "opy", - "rox" - ], - [ - "Ġinform", - "ational" - ], - [ - "Syn", - "onyms" - ], - [ - "chall", - "enge" - ], - [ - "ĠProxim", - "al" - ], - [ - "ĠCraw", - "ford" - ], - [ - "Ġis", - "opropyl" - ], - [ - "Ġsub", - "families" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" - ], - [ - "Ġannot", - "ators" - ], - [ - "Ġreconc", - "ile" - ], - [ - "Ġparsim", - "ony" - ], - [ - "Ġcasp", - "ases" - ], - [ - "c", - "ott" - ], - [ - "en", - "vironments" - ], - [ - "Ġd", - "rm" - ], - [ - "ĠP", - "IL" - ], - [ - "ĠM", - "ec" - ], - [ - "ĠIn", - "fer" - ], - [ - "ĠSir", - "t" - ], - [ - "S", - "hell" - ], - [ - "ag", - "ulants" - ], - [ - "se", - "ismic" - ], - [ - "Ġsub", - "urban" - ], - [ - "ĠX", - "XX" - ], - [ - "iod", - "es" - ], - [ - "Ġback", - "propagation" - ], - [ - "tra", - "ditional" - ], - [ - "Ġphotoc", - "on" - ], - [ - "ĠMicrobi", - "ology" - ], - [ - "Q", - "T" - ], - [ - "ur", - "idine" - ], - [ - "Ġch", - "op" - ], - [ - "ĠTh", - "é" - ], - [ - "Ġpre", - "jud" - ], - [ - "Ġenc", - "oders" - ], - [ - "col", - "lected" - ], - [ - "rem", - "ark" - ], - [ - "Ġsun", - "spot" - ], - [ - "ĠPhen", - "olic" - ], - [ - "Under", - "standing" - ], - [ - "Ġreject", - "ing" - ], - [ - "Ġrom", - "antic" - ], - [ - "Ġcentim", - "eters" - ], - [ - "Ġhalluc", - "inations" - ], - [ - "H", - "ome" - ], - [ - "c", - "asted" - ], - [ - "Ġc", - "w" - ], - [ - "ra", - "i" - ], - [ - "ĠDis", - "placement" - ], - [ - "PH", - "Y" - ], - [ - "carb", - "am" - ], - [ - "Ġxen", - "on" - ], - [ - "Ġnarr", - "atives" - ], - [ - "Ġdoll", - "ar" - ], - [ - "Ġdyn", - "asty" - ], - [ - "ì", - "§" - ], - [ - "Ġin", - "forming" - ], - [ - "ĠO", - "CD" - ], - [ - "á", - "k" - ], - [ - "Ġoverhead", - "s" - ], - [ - "ju", - "ana" - ], - [ - "ĠKra", - "us" - ], - [ - "f", - "x" - ], - [ - "k", - "aya" - ], - [ - "Ġn", - "id" - ], - [ - "ĠG", - "rab" - ], - [ - "Ġinf", - "lores" - ], - [ - "Ar", - "c" - ], - [ - "========", - "====" - ], - [ - "Ġcondens", - "er" - ], - [ - "Ġnanoc", - "ar" - ], - [ - "omm", - "ens" - ], - [ - "Ġsatur", - "ating" - ], - [ - "re", - "ce" - ], - [ - "el", - "if" - ], - [ - "ĠA", - "LE" - ], - [ - "ĠB", - "ub" - ], - [ - "ĠL", - "af" - ], - [ - "and", - "ran" - ], - [ - "Ġpo", - "uch" - ], - [ - "rol", - "ine" - ], - [ - "AC", - "HE" - ], - [ - "CC", - "D" - ], - [ - "Ġcool", - "ant" - ], - [ - "Ġgrass", - "lands" - ], - [ - "ĠSynchron", - "ous" - ], - [ - "izz", - "iness" - ], - [ - "Ġcet", - "uximab" - ], - [ - "Ġdichotom", - "ous" - ], - [ - "ro", - "ch" - ], - [ - "ĠA", - "uckland" - ], - [ - "ob", - "esity" - ], - [ - "ik", - "it" - ], - [ - "Ġoper", - "ad" - ], - [ - "ĠOn", - "set" - ], - [ - "Ġbefore", - "hand" - ], - [ - "Ġunc", - "omp" - ], - [ - "US", - "ED" - ], - [ - "ubb", - "ing" - ], - [ - "ĠSMB", - "H" - ], - [ - "ĠExped", - "ition" - ], - [ - "Ġh", - "ib" - ], - [ - "ĠP", - "PR" - ], - [ - "ĠN", - "ED" - ], - [ - "ud", - "io" - ], - [ - "ĠJ", - "al" - ], - [ - "ĠAr", - "p" - ], - [ - "ĠBe", - "e" - ], - [ - "ĠVari", - "eties" - ], - [ - "Com", - "m" - ], - [ - "Ab", - "out" - ], - [ - "ĠAtt", - "achment" - ], - [ - "ODU", - "LE" - ], - [ - "Calc", - "ulate" - ], - [ - "T", - "an" - ], - [ - "in", - "ism" - ], - [ - "Ġa", - "ra" - ], - [ - "Ġc", - "abin" - ], - [ - "Ġcon", - "nexin" - ], - [ - "Ġcom", - "ets" - ], - [ - "ump", - "tive" - ], - [ - "Ġdest", - "abilization" - ], - [ - "ĠHol", - "t" - ], - [ - "ruct", - "ose" - ], - [ - "anish", - "i" - ], - [ - "plastic", - "ity" - ], - [ - "omyc", - "osis" - ], - [ - "ovic", - "ian" - ], - [ - "________", - "________" - ], - [ - "r", - "ar" - ], - [ - "Ġw", - "ore" - ], - [ - "ud", - "ine" - ], - [ - "ĠIn", - "variance" - ], - [ - "Ġper", - "itonitis" - ], - [ - "Ġmet", - "rology" - ], - [ - "Ġclos", - "es" - ], - [ - "Ġcolor", - "less" - ], - [ - "No", - "ise" - ], - [ - "DI", - "O" - ], - [ - "ĠLif", - "shitz" - ], - [ - "z", - "ul" - ], - [ - "es", - "tive" - ], - [ - "ĠM", - "PA" - ], - [ - "ĠB", - "ooth" - ], - [ - "ĠD", - "oll" - ], - [ - "are", - "ne" - ], - [ - "gen", - "ess" - ], - [ - "Ġmolecular", - "ly" - ], - [ - "ĠPer", - "kin" - ], - [ - "Ġdos", - "imetry" - ], - [ - "ĠSO", - "FT" - ], - [ - "ĠPy", - "Torch" - ], - [ - "Ġquar", - "ters" - ], - [ - "ĠKu", - "hn" - ], - [ - "Ġsplen", - "ocytes" - ], - [ - "R", - "W" - ], - [ - "c", - "art" - ], - [ - "le", - "b" - ], - [ - "Ġcon", - "dom" - ], - [ - "ĠH", - "oc" - ], - [ - "Ġext", - "ents" - ], - [ - "Ġsl", - "ug" - ], - [ - "ĠSup", - "plementation" - ], - [ - "diff", - "ic" - ], - [ - "ester", - "ly" - ], - [ - "Y", - "u" - ], - [ - "an", - "tigens" - ], - [ - "ĠÃ", - "Ĵ" - ], - [ - "Ch", - "anges" - ], - [ - "Ġprop", - "ylene" - ], - [ - "ĠPr", - "ison" - ], - [ - "ĠAlgorithm", - "ic" - ], - [ - "Ġtoler", - "ances" - ], - [ - "Ad", - "am" - ], - [ - "Ġester", - "ase" - ], - [ - "Ġmil", - "der" - ], - [ - "ĠConv", - "ection" - ], - [ - "P", - "TR" - ], - [ - "k", - "pc" - ], - [ - "Ġex", - "o" - ], - [ - "ĠF", - "ah" - ], - [ - "ĠY", - "FP" - ], - [ - "ĠCR", - "M" - ], - [ - "Ġhepat", - "otoxicity" - ], - [ - "Ġnic", - "otinamide" - ], - [ - "Ġpatch", - "y" - ], - [ - "depend", - "s" - ], - [ - "Ġp", - "B" - ], - [ - "Ġe", - "el" - ], - [ - "Ġn", - "v" - ], - [ - "ĠS", - "es" - ], - [ - "ĠH", - "Z" - ], - [ - "Ġim", - "print" - ], - [ - "ep", - "ileptic" - ], - [ - "fl", - "uctuations" - ], - [ - "Ġformal", - "ize" - ], - [ - "che", - "v" - ], - [ - "Ġdip", - "ping" - ], - [ - "ĠPy", - "ramid" - ], - [ - "Ġhol", - "o" - ], - [ - "ĠMT", - "s" - ], - [ - "Ġlamin", - "ates" - ], - [ - "Ġworm", - "hole" - ], - [ - "L", - "AP" - ], - [ - "h", - "ape" - ], - [ - "Ġa", - "k" - ], - [ - "Ġre", - "als" - ], - [ - "Ġby", - "stand" - ], - [ - "Ġinter", - "leaved" - ], - [ - "Ġx", - "z" - ], - [ - "ov", - "y" - ], - [ - "Ġcop", - "rime" - ], - [ - "ucl", - "ides" - ], - [ - "Ġtrim", - "ming" - ], - [ - "MIC", - "AL" - ], - [ - "pyr", - "role" - ], - [ - "I", - "a" - ], - [ - "N", - "LS" - ], - [ - "Q", - "uality" - ], - [ - "t", - "akes" - ], - [ - "z", - "inc" - ], - [ - "ĠP", - "ione" - ], - [ - "ĠE", - "wing" - ], - [ - "ĠL", - "CA" - ], - [ - "ĠÃ", - "Ķ" - ], - [ - "ict", - "us" - ], - [ - "Ġcoll", - "im" - ], - [ - "Ġphyl", - "ogenetically" - ], - [ - "ĠKe", - "eping" - ], - [ - "ĠFa", - "ith" - ], - [ - "bond", - "s" - ], - [ - "ti", - "ter" - ], - [ - "Ġsub", - "categories" - ], - [ - "sh", - "aded" - ], - [ - "Ġphot", - "ospheric" - ], - [ - "ĠApp", - "earance" - ], - [ - "ĠUnivers", - "ities" - ], - [ - "Ġglomer", - "uli" - ], - [ - "ĠPref", - "rontal" - ], - [ - "Ġprivi", - "lege" - ], - [ - "i", - "H" - ], - [ - "u", - "ya" - ], - [ - "ĠL", - "CL" - ], - [ - "ĠIn", - "GaAs" - ], - [ - "In", - "spired" - ], - [ - "atal", - "og" - ], - [ - "ĠPer", - "ceptions" - ], - [ - "ĠNa", - "HCO" - ], - [ - "Ġstream", - "line" - ], - [ - "tra", - "jectory" - ], - [ - "ĠMic", - "rom" - ], - [ - "Ġbed", - "side" - ], - [ - "ĠRom", - "ero" - ], - [ - "Ġgaug", - "ino" - ], - [ - "D", - "EN" - ], - [ - "F", - "a" - ], - [ - "O", - "lymp" - ], - [ - "e", - "al" - ], - [ - "u", - "els" - ], - [ - "ic", - "ylic" - ], - [ - "Ġg", - "od" - ], - [ - "Ġat", - "taining" - ], - [ - "Ġprot", - "ests" - ], - [ - "Ġnow", - "here" - ], - [ - "des", - "orption" - ], - [ - "ĠHydro", - "xy" - ], - [ - "ĠEr", - "bB" - ], - [ - "ĠSP", - "AR" - ], - [ - "Ġhind", - "ers" - ], - [ - "heren", - "kov" - ], - [ - "KERN", - "EL" - ], - [ - "Ġs", - "ect" - ], - [ - "ul", - "ong" - ], - [ - "Ġpre", - "processed" - ], - [ - "frac", - "tional" - ], - [ - "oy", - "age" - ], - [ - "Ġphosph", - "atases" - ], - [ - "Ġcoast", - "line" - ], - [ - "Ġh", - "ref" - ], - [ - "ĠS", - "utherland" - ], - [ - "ox", - "one" - ], - [ - "Ġhom", - "omorphic" - ], - [ - "D", - "EM" - ], - [ - "Ġb", - "ovis" - ], - [ - "ĠC", - "BP" - ], - [ - "pl", - "en" - ], - [ - "ĠB", - "uc" - ], - [ - "ĠG", - "ior" - ], - [ - "Ġcomp", - "ost" - ], - [ - "ĠO", - "racle" - ], - [ - "ĠSp", - "here" - ], - [ - "ĠSch", - "re" - ], - [ - "deriv", - "atives" - ], - [ - "ly", - "tes" - ], - [ - "ĠY", - "o" - ], - [ - "Ġcycl", - "ones" - ], - [ - "ĠMa", - "ize" - ], - [ - "Ġunf", - "air" - ], - [ - "Tem", - "plate" - ], - [ - "Ġimpregn", - "ation" - ], - [ - "Ġlapa", - "roscopy" - ], - [ - "Ġh", - "amiltonian" - ], - [ - "ign", - "ore" - ], - [ - "Ġdis", - "posable" - ], - [ - "ear", - "ic" - ], - [ - "Ġelect", - "oral" - ], - [ - "cc", - "os" - ], - [ - "ĠSh", - "h" - ], - [ - "Ġturb", - "o" - ], - [ - "Ġintr", - "usive" - ], - [ - "Ġpreced", - "ence" - ], - [ - "annot", - "ated" - ], - [ - "Ġdyst", - "onia" - ], - [ - "F", - "at" - ], - [ - "u", - "ins" - ], - [ - "Ġs", - "way" - ], - [ - "ar", - "izing" - ], - [ - "ill", - "en" - ], - [ - "Ġy", - "i" - ], - [ - "Ġnorm", - "ed" - ], - [ - "ĠÌ", - "Ĥ" - ], - [ - "ĠExt", - "r" - ], - [ - "ĠProte", - "ome" - ], - [ - "Doc", - "ument" - ], - [ - "ĠQUANT", - "UM" - ], - [ - "ti", - "ti" - ], - [ - "ĠC", - "PC" - ], - [ - "ĠM", - "iles" - ], - [ - "ĠB", - "oc" - ], - [ - "ĠR", - "TS" - ], - [ - "CT", - "X" - ], - [ - "Ġsaf", - "egu" - ], - [ - "ĠNorm", - "ally" - ], - [ - "ĠÃľ", - "ber" - ], - [ - "on", - "ious" - ], - [ - "ĠS", - "CE" - ], - [ - "Ġal", - "falfa" - ], - [ - "ĠL", - "ut" - ], - [ - "Ġco", - "ut" - ], - [ - "Ġen", - "large" - ], - [ - "ĠEn", - "able" - ], - [ - "Ġvir", - "ion" - ], - [ - "ĠSh", - "allow" - ], - [ - "def", - "initely" - ], - [ - "ĠCol", - "in" - ], - [ - "ĠRet", - "ention" - ], - [ - "Ġmimic", - "ry" - ], - [ - "################################", - "################################" - ], - [ - "NSC", - "LC" - ], - [ - "Ġgrat", - "itude" - ], - [ - "Ġt", - "ending" - ], - [ - "ĠI", - "DS" - ], - [ - "ere", - "t" - ], - [ - "ric", - "an" - ], - [ - "Ġx", - "n" - ], - [ - "ĠY", - "oo" - ], - [ - "Ġoptim", - "ise" - ], - [ - "Ar", - "row" - ], - [ - "ĠTransfer", - "ase" - ], - [ - "PK", - "C" - ], - [ - "ĠGuang", - "zhou" - ], - [ - "r", - "uc" - ], - [ - "y", - "rid" - ], - [ - "is", - "z" - ], - [ - "ĠF", - "IX" - ], - [ - "ĠD", - "atabases" - ], - [ - "ast", - "ron" - ], - [ - "Ġplay", - "back" - ], - [ - "Ġnarrow", - "ly" - ], - [ - "Cor", - "relation" - ], - [ - "ĠAff", - "inity" - ], - [ - "Ġfunctor", - "ial" - ], - [ - "Ġlect", - "ins" - ], - [ - "Ġrup", - "tured" - ], - [ - "Dis", - "play" - ], - [ - "ĠSympt", - "om" - ], - [ - "Ġequid", - "istant" - ], - [ - "ĠRicc", - "ati" - ], - [ - "ĠAchie", - "vement" - ], - [ - "g", - "rand" - ], - [ - "on", - "ated" - ], - [ - "Ġd", - "H" - ], - [ - "ĠF", - "ID" - ], - [ - "ĠD", - "ER" - ], - [ - "ĠCo", - "A" - ], - [ - "Ġgas", - "ification" - ], - [ - "ĠCON", - "S" - ], - [ - "Ġaccompan", - "ies" - ], - [ - "Ġimped", - "e" - ], - [ - "Ġpreced", - "e" - ], - [ - "Ġkit", - "chen" - ], - [ - "prog", - "ress" - ], - [ - "Ġw", - "iring" - ], - [ - "le", - "renes" - ], - [ - "ĠG", - "ius" - ], - [ - "Ġtrans", - "p" - ], - [ - "ret", - "rie" - ], - [ - "ij", - "er" - ], - [ - "aff", - "er" - ], - [ - "Ġbirth", - "day" - ], - [ - "ĠHal", - "d" - ], - [ - "Ġmusc", - "ulus" - ], - [ - "ĠTok", - "en" - ], - [ - "ĠBow", - "el" - ], - [ - "Ġskip", - "ped" - ], - [ - "C", - "ha" - ], - [ - "b", - "v" - ], - [ - "ĠB", - "low" - ], - [ - "Ġpre", - "operatively" - ], - [ - "Ġgl", - "ove" - ], - [ - "ĠLe", - "ven" - ], - [ - "Ġmes", - "op" - ], - [ - "ĠAux", - "iliary" - ], - [ - "ensure", - "math" - ], - [ - "j", - "us" - ], - [ - "Å", - "©" - ], - [ - "Ġv", - "oter" - ], - [ - "ĠH", - "itch" - ], - [ - "pro", - "xy" - ], - [ - "ĠK", - "ut" - ], - [ - "Ġpo", - "ems" - ], - [ - "ĠAn", - "gl" - ], - [ - "cer", - "a" - ], - [ - "Ġstar", - "red" - ], - [ - "AG", - "ES" - ], - [ - "Sc", - "ience" - ], - [ - "Anal", - "yses" - ], - [ - "Ġrefere", - "es" - ], - [ - "Ġabrog", - "ated" - ], - [ - "Ġdesal", - "ination" - ], - [ - "ĠPrand", - "tl" - ], - [ - "P", - "it" - ], - [ - "Ġn", - "atal" - ], - [ - "og", - "ran" - ], - [ - "ys", - "titis" - ], - [ - "Ġdes", - "m" - ], - [ - "Ġcur", - "ious" - ], - [ - "Ġdem", - "on" - ], - [ - "uz", - "zi" - ], - [ - "ochond", - "rial" - ], - [ - "ĠTreat", - "y" - ], - [ - "Track", - "er" - ], - [ - "rhoe", - "ae" - ], - [ - "L", - "W" - ], - [ - "f", - "urt" - ], - [ - "Ġo", - "mp" - ], - [ - "is", - "ational" - ], - [ - "Ġmem", - "orial" - ], - [ - "ĠLat", - "ency" - ], - [ - "ĠHyp", - "ot" - ], - [ - "Ġglu", - "ed" - ], - [ - "exact", - "ly" - ], - [ - "Ġcontra", - "ind" - ], - [ - "C", - "ancer" - ], - [ - "Ġf", - "fi" - ], - [ - "ĠN", - "AA" - ], - [ - "ĠCh", - "r" - ], - [ - "eg", - "g" - ], - [ - "ĠMo", - "tiv" - ], - [ - "Ġlay", - "outs" - ], - [ - "Ġclim", - "b" - ], - [ - "Ġappend", - "icitis" - ], - [ - "CU", - "DA" - ], - [ - "Ġphotop", - "roduction" - ], - [ - "ĠS", - "IP" - ], - [ - "Ġv", - "eto" - ], - [ - "per", - "in" - ], - [ - "ĠUn", - "ity" - ], - [ - "by", - "ear" - ], - [ - "Ġforward", - "ed" - ], - [ - "ĠDom", - "inant" - ], - [ - "hol", - "z" - ], - [ - "ĠThor", - "acic" - ], - [ - "DEF", - "INE" - ], - [ - "Ġtyros", - "inase" - ], - [ - "B", - "ad" - ], - [ - "I", - "NA" - ], - [ - "f", - "uel" - ], - [ - "Ġg", - "i" - ], - [ - "ĠV", - "IS" - ], - [ - "ast", - "olic" - ], - [ - "Ġox", - "aliplatin" - ], - [ - "eff", - "ector" - ], - [ - "ĉĉĉĉ", - "Ġ" - ], - [ - "е", - "ÑĢ" - ], - [ - "ĠBab", - "y" - ], - [ - "Ġwash", - "out" - ], - [ - "pit", - "uitary" - ], - [ - "N", - "GC" - ], - [ - "Ġd", - "ns" - ], - [ - "ĠP", - "oz" - ], - [ - "ĠU", - "z" - ], - [ - "pos", - "itron" - ], - [ - "ĠElect", - "rons" - ], - [ - "Ġhem", - "angi" - ], - [ - "ĠZn", - "S" - ], - [ - "ĠTE", - "MP" - ], - [ - "ĠExperiment", - "ally" - ], - [ - "fluor", - "ouracil" - ], - [ - "Ġlap", - "arotomy" - ], - [ - "analy", - "zer" - ], - [ - "ocortic", - "oid" - ], - [ - "ĠIMP", - "L" - ], - [ - "ĠDNN", - "s" - ], - [ - "ĠFres", - "nel" - ], - [ - "M", - "ont" - ], - [ - "Ġt", - "apes" - ], - [ - "ul", - "omb" - ], - [ - "im", - "pedance" - ], - [ - "ĠH", - "ET" - ], - [ - "ath", - "a" - ], - [ - "mod", - "ulation" - ], - [ - "ĠCor", - "tic" - ], - [ - "Ġâľ", - "ĵ" - ], - [ - "ĠFair", - "ness" - ], - [ - "ĠSti", - "ff" - ], - [ - "Ġbutt", - "ons" - ], - [ - "c", - "ss" - ], - [ - "Ġand", - "roid" - ], - [ - "el", - "ast" - ], - [ - "ĠT", - "eflon" - ], - [ - "ĠM", - "BC" - ], - [ - "ĠJ", - "T" - ], - [ - "Ġmulti", - "layered" - ], - [ - "ĠRe", - "e" - ], - [ - "uit", - "ar" - ], - [ - "ĠPhil", - "ips" - ], - [ - "ĠSk", - "ip" - ], - [ - "doc", - "toral" - ], - [ - "iy", - "ama" - ], - [ - "ĠLead", - "ership" - ], - [ - "ĠCris", - "is" - ], - [ - "Ġdesens", - "itization" - ], - [ - "v", - "ous" - ], - [ - "ĠS", - "PP" - ], - [ - "ĠP", - "GA" - ], - [ - "ĠN", - "ever" - ], - [ - "Ġdef", - "eating" - ], - [ - "Ġfib", - "romyalgia" - ], - [ - "ĠMR", - "P" - ], - [ - "ĠAB", - "CA" - ], - [ - "ĠLow", - "e" - ], - [ - "Ġer", - "oded" - ], - [ - "Ġaug", - "ments" - ], - [ - "ĠBor", - "is" - ], - [ - "Ġneph", - "rectomy" - ], - [ - "ĠSher", - "man" - ], - [ - "Ġrefrig", - "eration" - ], - [ - "ĠHern", - "ández" - ], - [ - "Ã", - "ĺ" - ], - [ - "ĠT", - "ors" - ], - [ - "ch", - "us" - ], - [ - "ĠV", - "arg" - ], - [ - "Ġro", - "set" - ], - [ - "CL", - "R" - ], - [ - "DE", - "P" - ], - [ - "Str", - "ong" - ], - [ - "Ġcin", - "erea" - ], - [ - "ĠHein", - "rich" - ], - [ - "R", - "out" - ], - [ - "od", - "us" - ], - [ - "ĠPh", - "one" - ], - [ - "ĠPer", - "l" - ], - [ - "Ġseason", - "ally" - ], - [ - "hold", - "ing" - ], - [ - "Ġencephal", - "omyelitis" - ], - [ - "Ġfasc", - "ia" - ], - [ - "Ġlitterm", - "ates" - ], - [ - "ĠWIT", - "HOUT" - ], - [ - "Ð", - "±" - ], - [ - "Ġal", - "erts" - ], - [ - "ĠK", - "oll" - ], - [ - "ĠU", - "rs" - ], - [ - "elf", - "and" - ], - [ - "ĠRNA", - "P" - ], - [ - "Ġinvari", - "ably" - ], - [ - "Ġscin", - "tigraphy" - ], - [ - "ĠSebas", - "tian" - ], - [ - "kines", - "ia" - ], - [ - "C", - "UR" - ], - [ - "in", - "ants" - ], - [ - "Ġp", - "ET" - ], - [ - "id", - "ial" - ], - [ - "ĠU", - "PLC" - ], - [ - "Ġsu", - "is" - ], - [ - "Ġbas", - "olateral" - ], - [ - "ĠMod", - "ulates" - ], - [ - "orb", - "ic" - ], - [ - "Im", - "g" - ], - [ - "Ġparas", - "itism" - ], - [ - "Ġlamin", - "ate" - ], - [ - "oge", - "ographic" - ], - [ - "ĠRib", - "eiro" - ], - [ - "ĠGlut", - "athione" - ], - [ - "ĠAber", - "rant" - ], - [ - "Ġs", - "clero" - ], - [ - "ĠD", - "LS" - ], - [ - "ĠR", - "uth" - ], - [ - "Ġrec", - "ast" - ], - [ - "rec", - "ated" - ], - [ - "ok", - "ie" - ], - [ - "ĠPark", - "s" - ], - [ - "Ġfoli", - "ations" - ], - [ - "ĠDaw", - "son" - ], - [ - "Ġtann", - "ins" - ], - [ - "ĠAar", - "on" - ], - [ - "p", - "S" - ], - [ - "it", - "ating" - ], - [ - "ĠI", - "TC" - ], - [ - "ip", - "ients" - ], - [ - "oh", - "y" - ], - [ - "CC", - "s" - ], - [ - "Ġeth", - "anolic" - ], - [ - "cor", - "hynchus" - ], - [ - "Ġorient", - "ational" - ], - [ - "Ġhabit", - "uation" - ], - [ - "Ġconvers", - "ational" - ], - [ - "ĠVent", - "ricular" - ], - [ - "Ġintercal", - "ated" - ], - [ - "Ġphosphodies", - "terase" - ], - [ - "ĠSeif", - "ert" - ], - [ - "w", - "k" - ], - [ - "al", - "gesia" - ], - [ - "Ġst", - "egan" - ], - [ - "ĠL", - "us" - ], - [ - "oph", - "antine" - ], - [ - "Ġcorrec", - "ts" - ], - [ - "ĠOb", - "ama" - ], - [ - "lat", - "ency" - ], - [ - "Ġson", - "ar" - ], - [ - "ORM", - "AL" - ], - [ - "Ġseaw", - "eed" - ], - [ - "ĠPow", - "ers" - ], - [ - "ĠShap", - "ley" - ], - [ - "L", - "ore" - ], - [ - "Ġa", - "wa" - ], - [ - "al", - "ach" - ], - [ - "ĠF", - "on" - ], - [ - "ens", - "ate" - ], - [ - "Ġoptim", - "a" - ], - [ - "IN", - "F" - ], - [ - "Ġpoly", - "genic" - ], - [ - "Ġmes", - "oderm" - ], - [ - "Con", - "ver" - ], - [ - "BR", - "ID" - ], - [ - "ĠHel", - "p" - ], - [ - "ĠRas", - "mussen" - ], - [ - "Ġprokary", - "otes" - ], - [ - "ĠEur", - "asian" - ], - [ - "ĠPerme", - "ability" - ], - [ - "Ġn", - "au" - ], - [ - "ĠC", - "lem" - ], - [ - "od", - "ilation" - ], - [ - "ĠD", - "iaz" - ], - [ - "iti", - "ous" - ], - [ - "ĠCh", - "ad" - ], - [ - "OR", - "A" - ], - [ - "ĠSim", - "ons" - ], - [ - "ĠDist", - "ances" - ], - [ - "Ġast", - "rometric" - ], - [ - "ĠCP", - "Us" - ], - [ - "Ġthi", - "oredoxin" - ], - [ - "perturb", - "ation" - ], - [ - "Ġdendrim", - "er" - ], - [ - "al", - "gal" - ], - [ - "Ġc", - "eliac" - ], - [ - "as", - "z" - ], - [ - "ĠP", - "PE" - ], - [ - "qu", - "a" - ], - [ - "ĠB", - "oll" - ], - [ - "ch", - "r" - ], - [ - "Ġpre", - "view" - ], - [ - "ĠPro", - "jections" - ], - [ - "ĠAs", - "ians" - ], - [ - "ĠInf", - "erring" - ], - [ - "ĠNa", - "ive" - ], - [ - "ĠHig", - "gins" - ], - [ - "ĠLoc", - "ated" - ], - [ - "cardi", - "ac" - ], - [ - "ĠLars", - "on" - ], - [ - "haz", - "ard" - ], - [ - "ĠScienti", - "sts" - ], - [ - "Ġp", - "inn" - ], - [ - "EN", - "CY" - ], - [ - "form", - "e" - ], - [ - "chit", - "ects" - ], - [ - "oflu", - "orescent" - ], - [ - "ĠPor", - "tal" - ], - [ - "Ġpup", - "ae" - ], - [ - "interest", - "ing" - ], - [ - "į", - "Ģ" - ], - [ - "re", - "act" - ], - [ - "at", - "os" - ], - [ - "en", - "in" - ], - [ - "ti", - "o" - ], - [ - "ĠC", - "app" - ], - [ - "ĠM", - "au" - ], - [ - "ĠL", - "SC" - ], - [ - "ĠV", - "lasov" - ], - [ - "Ġsub", - "sum" - ], - [ - "Ġdes", - "erve" - ], - [ - "AS", - "D" - ], - [ - "Rec", - "e" - ], - [ - "Ġconson", - "ant" - ], - [ - "Ġimpregn", - "ated" - ], - [ - "Ġlignocell", - "ulosic" - ], - [ - "Ġs", - "ows" - ], - [ - "le", - "ment" - ], - [ - "ĠT", - "ier" - ], - [ - "ĠM", - "EF" - ], - [ - "ĠH", - "ugh" - ], - [ - "inc", - "k" - ], - [ - "py", - "razole" - ], - [ - "UL", - "ATIONS" - ], - [ - "ĠAL", - "I" - ], - [ - "ĠDr", - "ift" - ], - [ - "Ġsolub", - "ilized" - ], - [ - "Ġdraft", - "ing" - ], - [ - "icycl", - "ic" - ], - [ - "Ġredes", - "ign" - ], - [ - "Ġdelib", - "erate" - ], - [ - "Ġt", - "apping" - ], - [ - "ĠT", - "omas" - ], - [ - "ĠT", - "unneling" - ], - [ - "ĠC", - "BR" - ], - [ - "Ġan", - "odes" - ], - [ - "ĠL", - "SR" - ], - [ - "ĠN", - "ath" - ], - [ - "ros", - "ive" - ], - [ - "ĠHe", - "idelberg" - ], - [ - "Ġcr", - "ushing" - ], - [ - "ĠSh", - "ore" - ], - [ - "Ġmal", - "ondialdehyde" - ], - [ - "ĠMR", - "D" - ], - [ - "ogl", - "oss" - ], - [ - "nc", - "ia" - ], - [ - "Ġgranul", - "oma" - ], - [ - "Ġplain", - "text" - ], - [ - "Ġarteri", - "ovenous" - ], - [ - "Ġrifamp", - "icin" - ], - [ - "Lepid", - "optera" - ], - [ - "O", - "ct" - ], - [ - "Ġl", - "one" - ], - [ - "ĠAp", - "pe" - ], - [ - "ĠInter", - "mitt" - ], - [ - "comp", - "ile" - ], - [ - "pot", - "entials" - ], - [ - "ĠStandard", - "ized" - ], - [ - "Ġventil", - "atory" - ], - [ - "Ġhypercholesterolem", - "ia" - ], - [ - "ĠEVALU", - "ATION" - ], - [ - "k", - "ed" - ], - [ - "x", - "C" - ], - [ - "en", - "os" - ], - [ - "Ġb", - "authorbsnm" - ], - [ - "ĠR", - "ost" - ], - [ - "math", - "open" - ], - [ - "Ġcont", - "ested" - ], - [ - "Ġro", - "s" - ], - [ - "oth", - "o" - ], - [ - "Ġem", - "its" - ], - [ - "ero", - "zo" - ], - [ - "Ġprop", - "ranolol" - ], - [ - "Ġexacerb", - "ate" - ], - [ - "Integr", - "ating" - ], - [ - "ĠWars", - "aw" - ], - [ - "Ñ", - "ĩ" - ], - [ - "re", - "fractory" - ], - [ - "ĠM", - "ort" - ], - [ - "phosph", - "onate" - ], - [ - "GL", - "T" - ], - [ - "ĠChlor", - "ide" - ], - [ - "ĠLU", - "AD" - ], - [ - "ĠSQU", - "ID" - ], - [ - "ĠOBSERV", - "ATIONS" - ], - [ - "Ħ", - "ĺ" - ], - [ - "ag", - "les" - ], - [ - "ug", - "er" - ], - [ - "Ġdiff", - "using" - ], - [ - "yl", - "ar" - ], - [ - "Ġanti", - "p" - ], - [ - "ren", - "ormal" - ], - [ - "Ġshe", - "ared" - ], - [ - "ĠAnd", - "r" - ], - [ - "ympt", - "otics" - ], - [ - "ĠIdentif", - "ied" - ], - [ - "Ġflex", - "or" - ], - [ - "Li", - "ouville" - ], - [ - "ĠCyt", - "otoxic" - ], - [ - "L", - "ock" - ], - [ - "d", - "onald" - ], - [ - "ĠS", - "HA" - ], - [ - "pro", - "jected" - ], - [ - "plic", - "ial" - ], - [ - "Ġbas", - "ics" - ], - [ - "ĠCar", - "valho" - ], - [ - "Ġheter", - "ocyclic" - ], - [ - "Ġfluor", - "ophore" - ], - [ - "ĠIntr", - "igu" - ], - [ - "ĠAnne", - "aling" - ], - [ - "G", - "ln" - ], - [ - "H", - "ispanic" - ], - [ - "Ġs", - "aus" - ], - [ - "ĠT", - "CS" - ], - [ - "ĠH", - "AP" - ], - [ - "Ġy", - "tt" - ], - [ - "Ġcons", - "ulting" - ], - [ - "rec", - "ts" - ], - [ - "Ġinf", - "all" - ], - [ - "LE", - "V" - ], - [ - "tri", - "azole" - ], - [ - "Ġnarrow", - "ed" - ], - [ - "Ġamph", - "oteric" - ], - [ - "ĠSor", - "ting" - ], - [ - "ĠMom", - "ents" - ], - [ - "Ġarab", - "in" - ], - [ - "Ġcocon", - "ut" - ], - [ - "ĠIntrigu", - "ingly" - ], - [ - "Ġp", - "ushes" - ], - [ - "Ġm", - "ec" - ], - [ - "ĠN", - "air" - ], - [ - "Ġcol", - "istin" - ], - [ - "ĠOb", - "tained" - ], - [ - "df", - "s" - ], - [ - "Ġcompet", - "ency" - ], - [ - "W", - "ORD" - ], - [ - "ĠA", - "AS" - ], - [ - "ĠB", - "NP" - ], - [ - "ĠH", - "AS" - ], - [ - "ĠL", - "un" - ], - [ - "ĠL", - "nc" - ], - [ - "Ġhydro", - "cephalus" - ], - [ - "Ġhom", - "ological" - ], - [ - "Ġcarbon", - "ic" - ], - [ - "ĠHi", - "Seq" - ], - [ - "commun", - "ity" - ], - [ - "Ġcephal", - "ospor" - ], - [ - "Ġhos", - "tile" - ], - [ - "prov", - "ide" - ], - [ - "Ġskyrm", - "ion" - ], - [ - "D", - "AG" - ], - [ - "Ġc", - "nt" - ], - [ - "Ġh", - "ay" - ], - [ - "Ġorder", - "ings" - ], - [ - "Ġfl", - "ock" - ], - [ - "HE", - "A" - ], - [ - "ĠNeu", - "rom" - ], - [ - "Ġboost", - "s" - ], - [ - "ĠCard", - "inal" - ], - [ - "ĠBac", - "helor" - ], - [ - "Ġdec", - "ent" - ], - [ - "ĠY", - "ak" - ], - [ - "Ġcalc", - "d" - ], - [ - "ĠBo", - "er" - ], - [ - "Ġtranscript", - "omics" - ], - [ - "Ġrearrang", - "ed" - ], - [ - "ĠPolym", - "orphisms" - ], - [ - "ĠPras", - "ad" - ], - [ - "oinositi", - "de" - ], - [ - "b", - "ars" - ], - [ - "Ġ", - "ãģ" - ], - [ - "ĠS", - "AA" - ], - [ - "Ġon", - "ion" - ], - [ - "ag", - "el" - ], - [ - "ĠH", - "p" - ], - [ - "og", - "rel" - ], - [ - "di", - "visions" - ], - [ - "and", - "an" - ], - [ - "ari", - "as" - ], - [ - "Ġcol", - "o" - ], - [ - "rag", - "on" - ], - [ - "Ġsch", - "izophren" - ], - [ - "âī", - "¡" - ], - [ - "Ġreplic", - "ative" - ], - [ - "Ġdegener", - "ated" - ], - [ - "Ġsteep", - "est" - ], - [ - "Vol", - "ume" - ], - [ - "I", - "ENT" - ], - [ - "P", - "ublic" - ], - [ - "T", - "en" - ], - [ - "en", - "berger" - ], - [ - "ĠC", - "oun" - ], - [ - "ĠE", - "pp" - ], - [ - "iz", - "o" - ], - [ - "Ġcomplex", - "ed" - ], - [ - "Ġfer", - "roc" - ], - [ - "ken", - "stein" - ], - [ - "ĠJer", - "ry" - ], - [ - "Ġparadox", - "ical" - ], - [ - "x", - "g" - ], - [ - "ic", - "er" - ], - [ - "os", - "ol" - ], - [ - "Ġan", - "nu" - ], - [ - "Ġan", - "kyl" - ], - [ - "ch", - "ung" - ], - [ - "enti", - "ous" - ], - [ - "Ġpres", - "he" - ], - [ - "ene", - "tic" - ], - [ - "ĠHe", - "aling" - ], - [ - "ĠPar", - "abolic" - ], - [ - "Ġfig", - "s" - ], - [ - "ĠKin", - "ematic" - ], - [ - "Ġoblig", - "ate" - ], - [ - "ĠLay", - "out" - ], - [ - "Ġtelem", - "edicine" - ], - [ - "ĠLenn", - "ard" - ], - [ - "p", - "ci" - ], - [ - "ar", - "one" - ], - [ - "ĠZ", - "ach" - ], - [ - "Ġprot", - "otyping" - ], - [ - "ĠMet", - "agen" - ], - [ - "IM", - "AL" - ], - [ - "cons", - "cious" - ], - [ - "Ġquadr", - "ilateral" - ], - [ - "ĠUncertain", - "ties" - ], - [ - "ĠPref", - "ecture" - ], - [ - "G", - "BM" - ], - [ - "r", - "als" - ], - [ - "al", - "us" - ], - [ - "Ġh", - "opes" - ], - [ - "Ġcl", - "icks" - ], - [ - "ĠJ", - "D" - ], - [ - "lect", - "ance" - ], - [ - "Ġpath", - "ologists" - ], - [ - "uss", - "els" - ], - [ - "tis", - "one" - ], - [ - "CP", - "T" - ], - [ - "Ġmis", - "con" - ], - [ - "ĠNeuro", - "de" - ], - [ - "Ġmutagen", - "ic" - ], - [ - "ĠMultim", - "edia" - ], - [ - "Orig", - "inal" - ], - [ - "ĠDra", - "ke" - ], - [ - "P", - "WM" - ], - [ - "Ġp", - "iles" - ], - [ - "st", - "ant" - ], - [ - "AR", - "A" - ], - [ - "ĠR", - "ING" - ], - [ - "mod", - "ifying" - ], - [ - "Ġast", - "rocyt" - ], - [ - "ĠCy", - "st" - ], - [ - "Ġleg", - "ends" - ], - [ - "gluc", - "uron" - ], - [ - "Ġincom", - "pletely" - ], - [ - "ĠConf", - "ed" - ], - [ - "ĠDL", - "BCL" - ], - [ - "ĠPap", - "ua" - ], - [ - "Ġcontras", - "tive" - ], - [ - "ĠSIM", - "ULATION" - ], - [ - "ĠJu", - "venile" - ], - [ - "aggreg", - "ated" - ], - [ - "Ġc", - "GMP" - ], - [ - "ic", - "tive" - ], - [ - "ĠH", - "NF" - ], - [ - "ĠN", - "PV" - ], - [ - "ĠK", - "oc" - ], - [ - "omet", - "allic" - ], - [ - "min", - "i" - ], - [ - "ĠQu", - "antit" - ], - [ - "ĠCor", - "nell" - ], - [ - "Ġded", - "uction" - ], - [ - "Ġcoinc", - "iding" - ], - [ - "ĠIr", - "r" - ], - [ - "Prec", - "ision" - ], - [ - "Ġgins", - "eng" - ], - [ - "õ", - "es" - ], - [ - "j", - "er" - ], - [ - "ĠRe", - "ader" - ], - [ - "ĠBy", - "r" - ], - [ - "cor", - "rections" - ], - [ - "dev", - "ices" - ], - [ - "Ġamb", - "ul" - ], - [ - "Ġped", - "icle" - ], - [ - "ĠDepend", - "ency" - ], - [ - "ĠStri", - "king" - ], - [ - "Ġware", - "house" - ], - [ - "Ġrecirc", - "ulation" - ], - [ - "Ġgonor", - "rhoeae" - ], - [ - "ĠP", - "RES" - ], - [ - "ĠB", - "har" - ], - [ - "Ġfl", - "ushing" - ], - [ - "tor", - "us" - ], - [ - "ĠIR", - "B" - ], - [ - "gly", - "cine" - ], - [ - "Ġmeth", - "amphetamine" - ], - [ - "Ġmir", - "rored" - ], - [ - "ĠWilliam", - "son" - ], - [ - "Ġcath", - "odes" - ], - [ - "hydrox", - "ylase" - ], - [ - "Rad", - "io" - ], - [ - "Ġfurn", - "iture" - ], - [ - "ĠRosen", - "berg" - ], - [ - "ĠNSA", - "IDs" - ], - [ - "s", - "emiconductor" - ], - [ - "Ġas", - "ynchron" - ], - [ - "ĠB", - "erm" - ], - [ - "ĠIn", - "ten" - ], - [ - "ib", - "e" - ], - [ - "For", - "ce" - ], - [ - "path", - "ogenic" - ], - [ - "sm", - "okers" - ], - [ - "Ġdip", - "henyl" - ], - [ - "ĠÐ", - "¸" - ], - [ - "Ġstand", - "alone" - ], - [ - "Ġlith", - "ospheric" - ], - [ - "Ġtrade", - "offs" - ], - [ - "Ġantic", - "h" - ], - [ - "Ġthym", - "idine" - ], - [ - "ĠMedic", - "inal" - ], - [ - "Ġentrepreneur", - "ial" - ], - [ - "Ġtrapez", - "oidal" - ], - [ - "ĠAs", - "ynchronous" - ], - [ - "tif", - "ying" - ], - [ - "ĠColl", - "apse" - ], - [ - "ĠHE", - "V" - ], - [ - "ĠFro", - "zen" - ], - [ - "ĠTeich", - "müller" - ], - [ - "rocnem", - "ius" - ], - [ - "Ġf", - "ern" - ], - [ - "Ġw", - "s" - ], - [ - "om", - "ol" - ], - [ - "Ġen", - "closing" - ], - [ - "rap", - "id" - ], - [ - "Ġlog", - "ged" - ], - [ - "var", - "vec" - ], - [ - "Ġampl", - "ifying" - ], - [ - "diff", - "erences" - ], - [ - "oton", - "in" - ], - [ - "ĠProm", - "oting" - ], - [ - "ĠFr", - "itz" - ], - [ - "Ġattain", - "able" - ], - [ - "Ġal", - "tim" - ], - [ - "ĠO", - "GD" - ], - [ - "Ġtherm", - "ometer" - ], - [ - "Sol", - "ver" - ], - [ - "ĠBir", - "k" - ], - [ - "LEN", - "BQU" - ], - [ - "ĠGate", - "way" - ], - [ - "Ġengraft", - "ment" - ], - [ - "F", - "IF" - ], - [ - "H", - "SD" - ], - [ - "Ġre", - "structuring" - ], - [ - "ĠT", - "ensile" - ], - [ - "ĠC", - "ele" - ], - [ - "yl", - "us" - ], - [ - "Ġfe", - "ather" - ], - [ - "Ġdr", - "ifting" - ], - [ - "ĠPre", - "clinical" - ], - [ - "yr", - "role" - ], - [ - "Ġcomm", - "em" - ], - [ - "Ġfix", - "ations" - ], - [ - "Pet", - "sc" - ], - [ - "ĠIschem", - "ia" - ], - [ - "a", - "A" - ], - [ - "as", - "oro" - ], - [ - "ĠS", - "ony" - ], - [ - "ĠU", - "t" - ], - [ - "Ġext", - "ensor" - ], - [ - "ĠCh", - "au" - ], - [ - "ĠIs", - "otopic" - ], - [ - "IL", - "I" - ], - [ - "CN", - "P" - ], - [ - "ĠDE", - "F" - ], - [ - "Ġmountain", - "ous" - ], - [ - "Ġsarcom", - "as" - ], - [ - "ugos", - "lav" - ], - [ - "C", - "ALL" - ], - [ - "S", - "ensitive" - ], - [ - "at", - "ro" - ], - [ - "Ġunc", - "oupling" - ], - [ - "sk", - "ew" - ], - [ - "ĠEm", - "issions" - ], - [ - "inn", - "ati" - ], - [ - "Ġconceptual", - "ization" - ], - [ - "Ġow", - "ns" - ], - [ - "Ġsquad", - "ron" - ], - [ - "ĠStreng", - "ths" - ], - [ - "C", - "oh" - ], - [ - "U", - "AL" - ], - [ - "m", - "agenta" - ], - [ - "us", - "b" - ], - [ - "ĠS", - "PC" - ], - [ - "con", - "es" - ], - [ - "ĠSe", - "lecting" - ], - [ - "ĠPar", - "ish" - ], - [ - "Ġvalid", - "ates" - ], - [ - "ĠÍ", - "Ĺ" - ], - [ - "Ġposterior", - "ly" - ], - [ - "omon", - "ad" - ], - [ - "V", - "OL" - ], - [ - "j", - "ectivity" - ], - [ - "ĠC", - "LO" - ], - [ - "ĠV", - "TA" - ], - [ - "Ġun", - "pleasant" - ], - [ - "Ġcare", - "ers" - ], - [ - "Ġautom", - "orphic" - ], - [ - "ĠNan", - "ow" - ], - [ - "Ġaster", - "isks" - ], - [ - "ĠSchul", - "z" - ], - [ - "publ", - "ication" - ], - [ - "Ġb", - "iv" - ], - [ - "Ġr", - "ug" - ], - [ - "rec", - "ognition" - ], - [ - "Ġref", - "errals" - ], - [ - "Ġneur", - "ones" - ], - [ - "ĠCa", - "ffe" - ], - [ - "Con", - "nor" - ], - [ - "ĠShe", - "ffield" - ], - [ - "unit", - "inib" - ], - [ - "ĠAnt", - "agon" - ], - [ - "Ġpneum", - "atic" - ], - [ - "Ġclean", - "er" - ], - [ - "ĠBA", - "O" - ], - [ - "ĠScilab", - "String" - ], - [ - "neigh", - "bour" - ], - [ - "E", - "uler" - ], - [ - "ĠT", - "uple" - ], - [ - "ot", - "y" - ], - [ - "di", - "an" - ], - [ - "Ġy", - "oga" - ], - [ - "Ġev", - "anes" - ], - [ - "Ġstar", - "ved" - ], - [ - "Ġfluct", - "uate" - ], - [ - "ĠBiomark", - "er" - ], - [ - "Ġimpuls", - "es" - ], - [ - "Ġoss", - "ification" - ], - [ - "Ġdemyel", - "ination" - ], - [ - "ĠS", - "AD" - ], - [ - "ess", - "ing" - ], - [ - "Ġred", - "dish" - ], - [ - "Ġsyn", - "th" - ], - [ - "Ġcurv", - "ilinear" - ], - [ - "ĠDen", - "is" - ], - [ - "Ġphone", - "tic" - ], - [ - "Ġham", - "mer" - ], - [ - "Ġepiderm", - "idis" - ], - [ - "Ġplagi", - "oclase" - ], - [ - "Ġ", - "ĉ" - ], - [ - "Ġw", - "olf" - ], - [ - "os", - "ced" - ], - [ - "Ġphot", - "othermal" - ], - [ - "Ġche", - "wing" - ], - [ - "Max", - "imum" - ], - [ - "Ġmism", - "atched" - ], - [ - "ĠFc", - "γ" - ], - [ - "Ġum", - "brella" - ], - [ - "ĠSiber", - "ian" - ], - [ - "ar", - "ra" - ], - [ - "ip", - "ped" - ], - [ - "ym", - "pathetic" - ], - [ - "acc", - "eleration" - ], - [ - "Ġeigen", - "modes" - ], - [ - "ĠEqu", - "ivalently" - ], - [ - "ĠPR", - "ISMA" - ], - [ - "cons", - "ervative" - ], - [ - "ñ", - "ez" - ], - [ - "Ġvolcano", - "es" - ], - [ - "Ġtelem", - "etry" - ], - [ - "m", - "ile" - ], - [ - "ĠB", - "och" - ], - [ - "op", - "rim" - ], - [ - "Ġinc", - "ipient" - ], - [ - "Ġunderstand", - "able" - ], - [ - "atric", - "yclo" - ], - [ - "ĠLog", - "ical" - ], - [ - "ĠQue", - "ue" - ], - [ - "Ġcry", - "ostat" - ], - [ - "defin", - "ecolor" - ], - [ - "ĠS", - "ae" - ], - [ - "Ġar", - "ct" - ], - [ - "Ġso", - "ul" - ], - [ - "ĠHist", - "opathological" - ], - [ - "ĠNeu", - "rot" - ], - [ - "Ġmethan", - "olic" - ], - [ - "P", - "x" - ], - [ - "ĠT", - "itle" - ], - [ - "ot", - "omic" - ], - [ - "ĠE", - "ld" - ], - [ - "ĠE", - "MA" - ], - [ - "Ġde", - "brid" - ], - [ - "tim", - "ulatory" - ], - [ - "ĠZ", - "an" - ], - [ - "Ġnorm", - "ot" - ], - [ - "Ġfluid", - "ity" - ], - [ - "Ġfluid", - "ized" - ], - [ - "pre", - "viously" - ], - [ - "Ġcrack", - "ed" - ], - [ - "ĠExpl", - "aining" - ], - [ - "ĠON", - "E" - ], - [ - "ĠFlor", - "a" - ], - [ - "ĠHybrid", - "ization" - ], - [ - "Ġretic", - "ul" - ], - [ - "F", - "K" - ], - [ - "n", - "otic" - ], - [ - "Ġn", - "A" - ], - [ - "ĠP", - "ab" - ], - [ - "tic", - "um" - ], - [ - "and", - "y" - ], - [ - "ug", - "ia" - ], - [ - "ile", - "t" - ], - [ - "MI", - "NG" - ], - [ - "Ġrest", - "s" - ], - [ - "omp", - "act" - ], - [ - "Ġtrack", - "ers" - ], - [ - "phosph", - "atase" - ], - [ - "ĠTransf", - "ection" - ], - [ - "ĠHospit", - "als" - ], - [ - "ac", - "rine" - ], - [ - "ĠD", - "ell" - ], - [ - "ĠV", - "AE" - ], - [ - "ĠThrough", - "put" - ], - [ - "hev", - "sky" - ], - [ - "ĠSom", - "mer" - ], - [ - "P", - "SA" - ], - [ - "ì", - "ļ" - ], - [ - "Ġb", - "ush" - ], - [ - "Ġl", - "unch" - ], - [ - "ĠS", - "we" - ], - [ - "ĠIn", - "struction" - ], - [ - "ak", - "ami" - ], - [ - "Ġdis", - "infect" - ], - [ - "Ġcor", - "ps" - ], - [ - "ĉĉ", - "ĠĠ" - ], - [ - "Ġprom", - "pts" - ], - [ - "MS", - "H" - ], - [ - "ĠAg", - "rawal" - ], - [ - "Ġlys", - "osome" - ], - [ - "integr", - "in" - ], - [ - "Ġá»", - "¸" - ], - [ - "Ġnondec", - "reasing" - ], - [ - "ĠRe", - "quest" - ], - [ - "ĠRE", - "P" - ], - [ - "occ", - "us" - ], - [ - "Ġlag", - "rangian" - ], - [ - "oreg", - "ulation" - ], - [ - "оÐ", - "»" - ], - [ - "ĠBos", - "on" - ], - [ - "I", - "so" - ], - [ - "at", - "ellites" - ], - [ - "res", - "ectable" - ], - [ - "ri", - "v" - ], - [ - "Ġde", - "aminase" - ], - [ - "Ġco", - "heren" - ], - [ - "Ġdec", - "oy" - ], - [ - "ĠExt", - "inction" - ], - [ - "acet", - "one" - ], - [ - "Ġgovernment", - "al" - ], - [ - "Ġcum", - "ulants" - ], - [ - "Ġviscos", - "ities" - ], - [ - "Reg", - "ister" - ], - [ - "document", - "ed" - ], - [ - "Ġimmortal", - "ized" - ], - [ - "D", - "PP" - ], - [ - "G", - "el" - ], - [ - "b", - "ron" - ], - [ - "k", - "ow" - ], - [ - "ĠPro", - "portion" - ], - [ - "ĠCh", - "ase" - ], - [ - "ĠCl", - "ad" - ], - [ - "Ġadap", - "ts" - ], - [ - "ĠCA", - "V" - ], - [ - "ĠÅ", - "¼" - ], - [ - "Ġpel", - "leted" - ], - [ - "Ġpeng", - "uin" - ], - [ - "ĠZhe", - "jiang" - ], - [ - "feas", - "ible" - ], - [ - "D", - "IV" - ], - [ - "i", - "ya" - ], - [ - "Ġth", - "rowing" - ], - [ - "res", - "ia" - ], - [ - "ĠN", - "r" - ], - [ - "ES", - "P" - ], - [ - "CD", - "F" - ], - [ - "sup", - "pressed" - ], - [ - "Ġtet", - "rachlor" - ], - [ - "Ġaer", - "ospace" - ], - [ - "Un", - "til" - ], - [ - "Ġpay", - "offs" - ], - [ - "Ġtown", - "ship" - ], - [ - "Ġester", - "ification" - ], - [ - "ĠAch", - "illes" - ], - [ - "Ġrac", - "em" - ], - [ - "opyran", - "oside" - ], - [ - "ĠC", - "SM" - ], - [ - "ass", - "is" - ], - [ - "Ġsuper", - "cell" - ], - [ - "ĠReg", - "ime" - ], - [ - "IR", - "A" - ], - [ - "Ġsubsequ", - "ences" - ], - [ - "ĠPen", - "et" - ], - [ - "ĠAnaly", - "tics" - ], - [ - "ĠLV", - "EF" - ], - [ - "Ġbip", - "henyl" - ], - [ - "G", - "radient" - ], - [ - "os", - "ylation" - ], - [ - "ĠW", - "RF" - ], - [ - "of", - "s" - ], - [ - "con", - "ductors" - ], - [ - "Ġback", - "ed" - ], - [ - "pid", - "al" - ], - [ - "ĠNF", - "AT" - ], - [ - "ĠRem", - "ember" - ], - [ - "Ġtel", - "omeric" - ], - [ - "Ġta", - "urine" - ], - [ - "incre", - "ases" - ], - [ - "Ġunint", - "ended" - ], - [ - "ĠNerv", - "ous" - ], - [ - "R", - "as" - ], - [ - "y", - "lyl" - ], - [ - "Ġa", - "estiv" - ], - [ - "ĠS", - "ick" - ], - [ - "ĠThe", - "ta" - ], - [ - "Ġcl", - "iques" - ], - [ - "Ġso", - "fter" - ], - [ - "ĠQ", - "RS" - ], - [ - "llip", - "tic" - ], - [ - "ĠImmun", - "otherapy" - ], - [ - "QU", - "F" - ], - [ - "onom", - "ously" - ], - [ - "ĠFL", - "U" - ], - [ - "ĠIncor", - "poration" - ], - [ - "ĠFormic", - "idae" - ], - [ - "J", - "R" - ], - [ - "w", - "hole" - ], - [ - "Ġc", - "asing" - ], - [ - "Ġn", - "ob" - ], - [ - "ĠD", - "ou" - ], - [ - "Ġint", - "ronic" - ], - [ - "Ġent", - "rapment" - ], - [ - "orb", - "its" - ], - [ - "Ġsal", - "am" - ], - [ - "ĠCR", - "S" - ], - [ - "ĠSw", - "an" - ], - [ - "ĠEd", - "gar" - ], - [ - "Ġconcomit", - "antly" - ], - [ - "atet", - "racyclo" - ], - [ - "ĠA", - "HR" - ], - [ - "tic", - "ks" - ], - [ - "ĠB", - "ing" - ], - [ - "ĠR", - "ift" - ], - [ - "Ġpl", - "ugging" - ], - [ - "Ġsc", - "RNA" - ], - [ - "Ġout", - "reach" - ], - [ - "ins", - "kii" - ], - [ - "Ġcustom", - "ary" - ], - [ - "Ġm", - "d" - ], - [ - "ĠO", - "zone" - ], - [ - "uss", - "ing" - ], - [ - "other", - "s" - ], - [ - "Ġentire", - "ty" - ], - [ - "Ar", - "th" - ], - [ - "Ac", - "et" - ], - [ - "ĠFle", - "et" - ], - [ - "ĠBehaviour", - "al" - ], - [ - "ĠQSO", - "s" - ], - [ - "ar", - "ina" - ], - [ - "Ġpro", - "drug" - ], - [ - "ĠB", - "ros" - ], - [ - "ĠW", - "orth" - ], - [ - "Ġy", - "z" - ], - [ - "con", - "tig" - ], - [ - "ĠAm", - "orphous" - ], - [ - "ĠEr", - "lang" - ], - [ - "Ġhon", - "our" - ], - [ - "ĠâIJ", - "¥" - ], - [ - "Ġinfiltr", - "ates" - ], - [ - "ĠIvan", - "ov" - ], - [ - "ĠMunic", - "ipality" - ], - [ - "ĠDial", - "ogue" - ], - [ - "t", - "one" - ], - [ - "Ġp", - "ytest" - ], - [ - "ic", - "ulus" - ], - [ - "ĠG", - "oth" - ], - [ - "ĠX", - "C" - ], - [ - "ĠSU", - "MMARY" - ], - [ - "Ġshr", - "inks" - ], - [ - "Ġinvers", - "es" - ], - [ - "i", - "omas" - ], - [ - "ro", - "bi" - ], - [ - "ĠT", - "PR" - ], - [ - "ĠA", - "NA" - ], - [ - "ist", - "ries" - ], - [ - "Ġreg", - "iment" - ], - [ - "ind", - "o" - ], - [ - "ĠRe", - "production" - ], - [ - "lo", - "qu" - ], - [ - "inf", - "lation" - ], - [ - "ET", - "X" - ], - [ - "Ġïĺ", - "»" - ], - [ - "ĠAPP", - "ENDIX" - ], - [ - "Ġwors", - "ened" - ], - [ - "Ġpsori", - "atic" - ], - [ - "Ġmidw", - "ives" - ], - [ - "Ġtouc", - "hed" - ], - [ - "Ë", - "ĩ" - ], - [ - "ĠP", - "atric" - ], - [ - "ĠD", - "ON" - ], - [ - "ĠL", - "IM" - ], - [ - "ak", - "os" - ], - [ - "ĠV", - "ie" - ], - [ - "ĠAn", - "tit" - ], - [ - "Ġfl", - "ake" - ], - [ - "ĠSch", - "le" - ], - [ - "ĠCor", - "onal" - ], - [ - "Ġsal", - "ary" - ], - [ - "sl", - "ight" - ], - [ - "ĠCA", - "F" - ], - [ - "Ġsummar", - "ise" - ], - [ - "Ġflav", - "us" - ], - [ - "ĠBal", - "anced" - ], - [ - "ĠPH", - "OT" - ], - [ - "Ġmil", - "let" - ], - [ - "Ġurg", - "ency" - ], - [ - "ĠGle", - "ason" - ], - [ - "ĠM", - "ie" - ], - [ - "ĠD", - "p" - ], - [ - "ĠG", - "arg" - ], - [ - "Ġle", - "prosy" - ], - [ - "Ġun", - "occupied" - ], - [ - "ĠSt", - "ret" - ], - [ - "ile", - "pt" - ], - [ - "ĠCh", - "or" - ], - [ - "ibr", - "ate" - ], - [ - "ĠÍ", - "ļ" - ], - [ - "ĠPH", - "B" - ], - [ - "Ġmonot", - "er" - ], - [ - "ĠJava", - "Script" - ], - [ - "bt", - "n" - ], - [ - "ĠPuls", - "ar" - ], - [ - "ĠKirch", - "hoff" - ], - [ - "Ġoverse", - "as" - ], - [ - "Ġde", - "phosphorylation" - ], - [ - "ort", - "in" - ], - [ - "ĠPoly", - "akov" - ], - [ - "Ġinsight", - "ful" - ], - [ - "ĠPur", - "ified" - ], - [ - "Ġanch", - "orage" - ], - [ - "ĠGly", - "coprotein" - ], - [ - "stud", - "ies" - ], - [ - "Ġchron", - "ology" - ], - [ - "rox", - "ine" - ], - [ - "ĠNept", - "une" - ], - [ - "B", - "an" - ], - [ - "Ġl", - "ion" - ], - [ - "PS", - "D" - ], - [ - "ĠBar", - "r" - ], - [ - "Ġdon", - "key" - ], - [ - "Ġlikelihood", - "s" - ], - [ - "atche", - "wan" - ], - [ - "ot", - "et" - ], - [ - "os", - "pha" - ], - [ - "tic", - "ism" - ], - [ - "Ġr", - "y" - ], - [ - "ast", - "hen" - ], - [ - "rho", - "tic" - ], - [ - "ĠSub", - "group" - ], - [ - "ye", - "v" - ], - [ - "ĠPat", - "ri" - ], - [ - "provid", - "es" - ], - [ - "S", - "GD" - ], - [ - "b", - "erell" - ], - [ - "v", - "w" - ], - [ - "ĠA", - "ACR" - ], - [ - "Ġsm", - "ears" - ], - [ - "OD", - "S" - ], - [ - "sup", - "plemented" - ], - [ - "ĠEng", - "agement" - ], - [ - "oglob", - "ulins" - ], - [ - "Ġirregular", - "ly" - ], - [ - "ĠSz", - "eg" - ], - [ - "ĠWol", - "ff" - ], - [ - "Ġenanti", - "omers" - ], - [ - "Ġobey", - "ing" - ], - [ - "Ġdestro", - "ying" - ], - [ - "om", - "ially" - ], - [ - "ĠA", - "ti" - ], - [ - "ĠG", - "AT" - ], - [ - "ĠIn", - "variants" - ], - [ - "ĠSc", - "oring" - ], - [ - "Ġhal", - "ides" - ], - [ - "Ġtransform", - "ants" - ], - [ - "Ġforest", - "ed" - ], - [ - "Ġgall", - "ic" - ], - [ - "ĠBet", - "ti" - ], - [ - "thread", - "ed" - ], - [ - "ĠBud", - "get" - ], - [ - "junc", - "tive" - ], - [ - "ĠInnov", - "ative" - ], - [ - "Ġposit", - "rons" - ], - [ - "B", - "razil" - ], - [ - "e", - "ira" - ], - [ - "Ġl", - "avas" - ], - [ - "ĠL", - "t" - ], - [ - "ph", - "oto" - ], - [ - "Ġsp", - "am" - ], - [ - "Ġi", - "h" - ], - [ - "ust", - "ering" - ], - [ - "Ġbi", - "oluminescence" - ], - [ - "ĠSh", - "apes" - ], - [ - "UL", - "TI" - ], - [ - "tri", - "angles" - ], - [ - "ĠSM", - "N" - ], - [ - "enh", - "ancing" - ], - [ - "ĠReduc", - "es" - ], - [ - "ĠTHEO", - "REM" - ], - [ - "D", - "op" - ], - [ - "Ġd", - "L" - ], - [ - "em", - "ptive" - ], - [ - "Ġrem", - "inder" - ], - [ - "Ġgon", - "ads" - ], - [ - "Ġxyl", - "an" - ], - [ - "cult", - "ures" - ], - [ - "t", - "les" - ], - [ - "Ġt", - "d" - ], - [ - "Ġe", - "rected" - ], - [ - "ter", - "one" - ], - [ - "ĠPD", - "C" - ], - [ - "Ġincongru", - "ent" - ], - [ - "Ġmembran", - "ous" - ], - [ - "p", - "ac" - ], - [ - "yl", - "ess" - ], - [ - "Ġsub", - "algebras" - ], - [ - "ĠCh", - "ir" - ], - [ - "ĠZ", - "IP" - ], - [ - "au", - "tious" - ], - [ - "Ġlight", - "ly" - ], - [ - "ĠPhot", - "ometric" - ], - [ - "Trans", - "fer" - ], - [ - "Ġket", - "o" - ], - [ - "Ġexerc", - "ised" - ], - [ - "dispers", - "ive" - ], - [ - "ĠBET", - "WEEN" - ], - [ - "ro", - "u" - ], - [ - "Ġg", - "arbage" - ], - [ - "ĠM", - "af" - ], - [ - "ĠD", - "oming" - ], - [ - "ĠSub", - "space" - ], - [ - "ĠMar", - "ÃŃa" - ], - [ - "Ġtetra", - "hedra" - ], - [ - "ĠBark", - "er" - ], - [ - "S", - "ide" - ], - [ - "b", - "ishop" - ], - [ - "i", - "D" - ], - [ - "re", - "versible" - ], - [ - "orm", - "an" - ], - [ - "ores", - "cein" - ], - [ - "ĠCont", - "rib" - ], - [ - "Ġderiv", - "atization" - ], - [ - "rome", - "res" - ], - [ - "ĠAL", - "D" - ], - [ - "EE", - "K" - ], - [ - "ĠTre", - "ating" - ], - [ - "comb", - "ination" - ], - [ - "ïĺ", - "»" - ], - [ - "restric", - "tion" - ], - [ - "supset", - "eq" - ], - [ - "ĠRAP", - "D" - ], - [ - "Ġamend", - "ment" - ], - [ - "zyn", - "ski" - ], - [ - "Ġc", - "aves" - ], - [ - "il", - "ot" - ], - [ - "Ġabund", - "antly" - ], - [ - "н", - "а" - ], - [ - "Ġinject", - "able" - ], - [ - "ĠReinfor", - "ced" - ], - [ - "ĠWid", - "th" - ], - [ - "ĠHaem", - "ophilus" - ], - [ - "il", - "ane" - ], - [ - "pro", - "ps" - ], - [ - "Ġinter", - "vertebral" - ], - [ - "Ġsc", - "roll" - ], - [ - "Ġam", - "put" - ], - [ - "ĠUn", - "usual" - ], - [ - "Ġstat", - "ically" - ], - [ - "Ġsyn", - "ergies" - ], - [ - "Ġdim", - "s" - ], - [ - "plas", - "mic" - ], - [ - "Ġneutral", - "ized" - ], - [ - "Se", - "lected" - ], - [ - "Ġinher", - "its" - ], - [ - "ĠAutom", - "ation" - ], - [ - "Ġproto", - "planetary" - ], - [ - "Stat", - "ement" - ], - [ - "ĠAPO", - "BEC" - ], - [ - "Ġcertif", - "icates" - ], - [ - "ĠCit", - "rus" - ], - [ - "quadrup", - "lex" - ], - [ - "N", - "ord" - ], - [ - "Ġf", - "ran" - ], - [ - "ĠC", - "arcin" - ], - [ - "ut", - "an" - ], - [ - "ĠP", - "ump" - ], - [ - "ĠB", - "av" - ], - [ - "ĠG", - "ras" - ], - [ - "ting", - "ales" - ], - [ - "Ġcaus", - "ally" - ], - [ - "Ġrad", - "on" - ], - [ - "Comp", - "are" - ], - [ - "Ġclamp", - "ing" - ], - [ - "irre", - "ducible" - ], - [ - "I", - "HC" - ], - [ - "Ġ", - "Ù" - ], - [ - "Ġc", - "yp" - ], - [ - "ĠT", - "PP" - ], - [ - "ĠS", - "uff" - ], - [ - "und", - "ra" - ], - [ - "ĠV", - "illa" - ], - [ - "Ġrel", - "ieved" - ], - [ - "ĠJ", - "CM" - ], - [ - "Ġtreat", - "y" - ], - [ - "IG", - "EN" - ], - [ - "ĠDev", - "onian" - ], - [ - "Ġerythrop", - "o" - ], - [ - "R", - "AP" - ], - [ - "Ġa", - "versive" - ], - [ - "ent", - "ate" - ], - [ - "od", - "actyl" - ], - [ - "ĠPar", - "al" - ], - [ - "Ġmill", - "ed" - ], - [ - "Ġbio", - "informatic" - ], - [ - "okine", - "tic" - ], - [ - "ĠSTR", - "ING" - ], - [ - "ĠPed", - "ersen" - ], - [ - "d", - "atabase" - ], - [ - "in", - "organic" - ], - [ - "Ġde", - "put" - ], - [ - "Ġne", - "b" - ], - [ - "ip", - "ed" - ], - [ - "Ġdiff", - "used" - ], - [ - "oth", - "ione" - ], - [ - "Ġnon", - "stationary" - ], - [ - "Ġunder", - "taking" - ], - [ - "ĠEn", - "abling" - ], - [ - "Ġden", - "atured" - ], - [ - "Ġload", - "er" - ], - [ - "ĠLy", - "on" - ], - [ - "ipar", - "ametric" - ], - [ - "Ġmer", - "istem" - ], - [ - "ĠAngi", - "ogenesis" - ], - [ - "ĠPuls", - "ed" - ], - [ - "Ġex", - "cer" - ], - [ - "ĠD", - "f" - ], - [ - "arc", - "hes" - ], - [ - "Ġcoll", - "ide" - ], - [ - "ĠRel", - "ational" - ], - [ - "ĠNF", - "κB" - ], - [ - "Met", - "adata" - ], - [ - "ĠAdd", - "ressing" - ], - [ - "Ġperc", - "ussion" - ], - [ - "ĠFlore", - "nce" - ], - [ - "Ġnymph", - "s" - ], - [ - "C", - "n" - ], - [ - "st", - "orm" - ], - [ - "ĠG", - "raz" - ], - [ - "com", - "posite" - ], - [ - "ĠAd", - "miral" - ], - [ - "ĠSc", - "otia" - ], - [ - "Ġbre", - "msstrahlung" - ], - [ - "aps", - "ack" - ], - [ - "Ġminim", - "izers" - ], - [ - "Ġmanage", - "able" - ], - [ - "Ġcarboxyl", - "ate" - ], - [ - "Ġintermedi", - "ary" - ], - [ - "ĠBran", - "ching" - ], - [ - "sched", - "uler" - ], - [ - "inoc", - "ulated" - ], - [ - "ĠExtrem", - "ely" - ], - [ - "Ġantenn", - "ae" - ], - [ - "ĠT", - "ill" - ], - [ - "RE", - "SH" - ], - [ - "Ġop", - "acities" - ], - [ - "Ġchem", - "opre" - ], - [ - "Ġaden", - "ylate" - ], - [ - "Ġcircumst", - "ance" - ], - [ - "ĠHash", - "imoto" - ], - [ - "Ä", - "Ľ" - ], - [ - "ce", - "ae" - ], - [ - "ĠF", - "m" - ], - [ - "ĠB", - "X" - ], - [ - "Ġmean", - "time" - ], - [ - "acc", - "urate" - ], - [ - "col", - "linear" - ], - [ - "ACT", - "IC" - ], - [ - "ĠSlov", - "enia" - ], - [ - "F", - "ed" - ], - [ - "K", - "h" - ], - [ - "T", - "m" - ], - [ - "f", - "ork" - ], - [ - "in", - "ology" - ], - [ - "le", - "f" - ], - [ - "ĠD", - "CS" - ], - [ - "Ġher", - "itable" - ], - [ - "Ġann", - "ouncement" - ], - [ - "Ġbusiness", - "man" - ], - [ - "Ġbor", - "tezomib" - ], - [ - "Ġtour", - "ist" - ], - [ - "ĠEt", - "ymology" - ], - [ - "Ġdoctr", - "ine" - ], - [ - "B", - "IN" - ], - [ - "s", - "uffix" - ], - [ - "ar", - "as" - ], - [ - "ĠS", - "au" - ], - [ - "un", - "boldmath" - ], - [ - "ĠM", - "EP" - ], - [ - "ink", - "er" - ], - [ - "Ġoptim", - "ism" - ], - [ - "ĠLe", - "uc" - ], - [ - "eful", - "ness" - ], - [ - "cr", - "ust" - ], - [ - "ĠKe", - "ys" - ], - [ - "ĠâĻ", - "¦" - ], - [ - "ĠBrand", - "t" - ], - [ - "âĮ", - "¬" - ], - [ - "ĠSevent", - "y" - ], - [ - "Ġnurs", - "ery" - ], - [ - "Ġdeput", - "y" - ], - [ - "Ã", - "¬" - ], - [ - "on", - "is" - ], - [ - "am", - "us" - ], - [ - "ĠC", - "ig" - ], - [ - "Ġex", - "ergy" - ], - [ - "ĠF", - "requent" - ], - [ - "Ġab", - "or" - ], - [ - "ĠJ", - "azz" - ], - [ - "Ġstat", - "ue" - ], - [ - "ĠSc", - "enarios" - ], - [ - "Ġcyt", - "ological" - ], - [ - "fig", - "ures" - ], - [ - "MC", - "I" - ], - [ - "dir", - "name" - ], - [ - "Ġcytokines", - "is" - ], - [ - "del", - "ivery" - ], - [ - "ĠBow", - "en" - ], - [ - "Ġflank", - "ed" - ], - [ - "Ġregener", - "ating" - ], - [ - "ĠFerr", - "ari" - ], - [ - "k", - "iss" - ], - [ - "ĠA", - "val" - ], - [ - "ĠC", - "IT" - ], - [ - "ĠM", - "um" - ], - [ - "ĠL", - "SB" - ], - [ - "og", - "ging" - ], - [ - "Ġun", - "ited" - ], - [ - "Ġtri", - "tium" - ], - [ - "ont", - "amination" - ], - [ - "co", - "ef" - ], - [ - "Ġprop", - "ell" - ], - [ - "tri", - "ple" - ], - [ - "Ġimm", - "ense" - ], - [ - "Ġcompl", - "ained" - ], - [ - "Ġdielectric", - "s" - ], - [ - "ĠCardi", - "omy" - ], - [ - "Ġflood", - "ed" - ], - [ - "ĠCov", - "ariance" - ], - [ - "Att", - "endance" - ], - [ - "T", - "MP" - ], - [ - "Ġs", - "ob" - ], - [ - "ĠS", - "onic" - ], - [ - "ĠF", - "TS" - ], - [ - "ĠR", - "SD" - ], - [ - "ess", - "ors" - ], - [ - "ĠW", - "on" - ], - [ - "iff", - "s" - ], - [ - "Ġflow", - "chart" - ], - [ - "ĠEle", - "mental" - ], - [ - "Ġì", - "ŀ" - ], - [ - "Ġfoli", - "age" - ], - [ - "differenti", - "ated" - ], - [ - "ĠGlob", - "ular" - ], - [ - "Ġpercept", - "ron" - ], - [ - "candid", - "ate" - ], - [ - "S", - "ocial" - ], - [ - "W", - "itt" - ], - [ - "d", - "yn" - ], - [ - "p", - "aces" - ], - [ - "Ġm", - "Glu" - ], - [ - "Ġb", - "anned" - ], - [ - "ol", - "inite" - ], - [ - "ĠF", - "riends" - ], - [ - "ĠL", - "ibraries" - ], - [ - "unc", - "es" - ], - [ - "ĠRe", - "ach" - ], - [ - "ĠSk", - "ills" - ], - [ - "Ġrecip", - "es" - ], - [ - "Ġcann", - "ula" - ], - [ - "ĠOrth", - "odox" - ], - [ - "ĠCarb", - "ohydrate" - ], - [ - "Ġarom", - "atase" - ], - [ - "Åij", - "s" - ], - [ - "Ġeman", - "ating" - ], - [ - "e", - "lected" - ], - [ - "Ġt", - "ense" - ], - [ - "ĠF", - "LC" - ], - [ - "ĠL", - "ET" - ], - [ - "her", - "jee" - ], - [ - "Ġsub", - "band" - ], - [ - "oph", - "one" - ], - [ - "ĠAc", - "tual" - ], - [ - "ms", - "gs" - ], - [ - "EM", - "D" - ], - [ - "IS", - "ON" - ], - [ - "ley", - "ball" - ], - [ - "ĠNi", - "u" - ], - [ - "Ġber", - "ries" - ], - [ - "diagn", - "ostic" - ], - [ - "N", - "ER" - ], - [ - "Ġd", - "Ω" - ], - [ - "per", - "centage" - ], - [ - "ĠH", - "erman" - ], - [ - "ĠG", - "SD" - ], - [ - "Ġsub", - "problem" - ], - [ - "over", - "all" - ], - [ - "oph", - "or" - ], - [ - "Ġdel", - "ocalized" - ], - [ - "acc", - "ount" - ], - [ - "ĠGe", - "ographical" - ], - [ - "dist", - "ances" - ], - [ - "Ġà", - "µ" - ], - [ - "Ġneurot", - "oxic" - ], - [ - "opod", - "ia" - ], - [ - "ĠDic", - "er" - ], - [ - "Ġðx", - "Ãŀ" - ], - [ - "Ġd", - "unes" - ], - [ - "Ġwh", - "it" - ], - [ - "ĠIm", - "mediate" - ], - [ - "ĠÌ", - "¸" - ], - [ - "Ġadhes", - "ives" - ], - [ - "ĠNS", - "s" - ], - [ - "Ġguess", - "ing" - ], - [ - "ĠColumb", - "us" - ], - [ - "ĠUr", - "ugu" - ], - [ - "behavi", - "our" - ], - [ - "ĠSerb", - "ian" - ], - [ - "benzodiox", - "ol" - ], - [ - "im", - "plementation" - ], - [ - "os", - "ensitive" - ], - [ - "ĠF", - "ill" - ], - [ - "ph", - "age" - ], - [ - "rec", - "overy" - ], - [ - "ES", - "R" - ], - [ - "Ġanaly", - "sts" - ], - [ - "Ġdiss", - "atisfaction" - ], - [ - "band", - "ed" - ], - [ - "ĠDep", - "ressive" - ], - [ - "ĠRT", - "s" - ], - [ - "Ref", - "s" - ], - [ - "mill", - "imeter" - ], - [ - "ĠOls", - "en" - ], - [ - "am", - "pton" - ], - [ - "ĠA", - "CA" - ], - [ - "ĠA", - "vian" - ], - [ - "ĠF", - "owler" - ], - [ - "ub", - "ini" - ], - [ - "est", - "amps" - ], - [ - "ĠPro", - "test" - ], - [ - "Con", - "nection" - ], - [ - "Ġmer", - "chant" - ], - [ - "ĠEN", - "C" - ], - [ - "ĠRy", - "u" - ], - [ - "ĠLymph", - "oma" - ], - [ - "ĠLar", - "ry" - ], - [ - "Ġjaponic", - "um" - ], - [ - "ĠSymbol", - "s" - ], - [ - "L", - "ib" - ], - [ - "V", - "G" - ], - [ - "ĠT", - "av" - ], - [ - "ĠAs", - "sim" - ], - [ - "ĠLe", - "ung" - ], - [ - "depend", - "ency" - ], - [ - "larg", - "est" - ], - [ - "ĠDO", - "E" - ], - [ - "Ġalign", - "s" - ], - [ - "ofl", - "urane" - ], - [ - "ĠAdj", - "usted" - ], - [ - "Ġpeculiar", - "ities" - ], - [ - "decre", - "ase" - ], - [ - "ĠPlac", - "ement" - ], - [ - "v", - "ig" - ], - [ - "z", - "ak" - ], - [ - "Ġp", - "enta" - ], - [ - "Ġf", - "res" - ], - [ - "Ġac", - "ros" - ], - [ - "Ġsol", - "vability" - ], - [ - "ans", - "ions" - ], - [ - "AL", - "A" - ], - [ - "Ġmal", - "function" - ], - [ - "ĠGiov", - "anni" - ], - [ - "A", - "OR" - ], - [ - "H", - "ad" - ], - [ - "Ġp", - "orn" - ], - [ - "und", - "ice" - ], - [ - "ĠU", - "i" - ], - [ - "Ġexp", - "elled" - ], - [ - "ĠAn", - "k" - ], - [ - "Ġdisc", - "ounting" - ], - [ - "ĠReg", - "ulating" - ], - [ - "aster", - "y" - ], - [ - "phen", - "ylethyl" - ], - [ - "Ġcast", - "ration" - ], - [ - "Ġeryth", - "romycin" - ], - [ - "Ġbif", - "unctional" - ], - [ - "�", - "�" - ], - [ - "ĠAlger", - "ia" - ], - [ - "m", - "ess" - ], - [ - "Ġw", - "is" - ], - [ - "ĠT", - "ay" - ], - [ - "ass", - "umed" - ], - [ - "Ġes", - "calation" - ], - [ - "Ġhydro", - "per" - ], - [ - "Ġcall", - "osum" - ], - [ - "Ġatom", - "ization" - ], - [ - "ĠSA", - "W" - ], - [ - "Ġacetyl", - "cholinesterase" - ], - [ - "Ġsucceed", - "s" - ], - [ - "Ġphysi", - "otherapy" - ], - [ - "t", - "ro" - ], - [ - "Ġm", - "ason" - ], - [ - "ĠT", - "MB" - ], - [ - "Ġph", - "ant" - ], - [ - "Ġadjust", - "s" - ], - [ - "anth", - "a" - ], - [ - "ĠEisen", - "stein" - ], - [ - "Ġshorth", - "and" - ], - [ - "G", - "ABA" - ], - [ - "Ġpro", - "ver" - ], - [ - "Ġpat", - "rol" - ], - [ - "ĠMod", - "al" - ], - [ - "oll", - "aries" - ], - [ - "ĠInter", - "facial" - ], - [ - "ĠCI", - "A" - ], - [ - "att", - "n" - ], - [ - "ĠCrypt", - "ococcus" - ], - [ - "athe", - "cal" - ], - [ - "ĠFresh", - "water" - ], - [ - "Ġspectro", - "gram" - ], - [ - "opid", - "ogrel" - ], - [ - "m", - "orphism" - ], - [ - "Ġrel", - "apsing" - ], - [ - "Ġgeneral", - "izable" - ], - [ - "ĠSh", - "ale" - ], - [ - "ĠTrans", - "plant" - ], - [ - "cont", - "raction" - ], - [ - "UR", - "I" - ], - [ - "ĠPet", - "rov" - ], - [ - "ĠSl", - "iding" - ], - [ - "Ġanterior", - "ly" - ], - [ - "Ġquas", - "ilinear" - ], - [ - "Ġrip", - "ples" - ], - [ - "Z", - "P" - ], - [ - "b", - "acterial" - ], - [ - "s", - "pr" - ], - [ - "an", - "imal" - ], - [ - "Ġre", - "porters" - ], - [ - "ĠB", - "SS" - ], - [ - "ĠD", - "ia" - ], - [ - "ĠR", - "SC" - ], - [ - "ound", - "ing" - ], - [ - "IT", - "HM" - ], - [ - "log", - "ical" - ], - [ - "Ġpoly", - "carbonate" - ], - [ - "An", - "imal" - ], - [ - "umb", - "ai" - ], - [ - "Ġarch", - "ived" - ], - [ - "ĠDur", - "ham" - ], - [ - "âĸ", - "Ī" - ], - [ - "ĠVerm", - "ont" - ], - [ - "Ġp", - "w" - ], - [ - "ess", - "en" - ], - [ - "Ġconst", - "expr" - ], - [ - "ĠPr", - "uss" - ], - [ - "Ġsharp", - "ness" - ], - [ - "div", - "ide" - ], - [ - "prim", - "itive" - ], - [ - "Ġacryl", - "ate" - ], - [ - "MY", - "C" - ], - [ - "ĠMond", - "ay" - ], - [ - "ĠSrin", - "ivas" - ], - [ - "B", - "orn" - ], - [ - "at", - "tice" - ], - [ - "om", - "orpha" - ], - [ - "ĠM", - "ERS" - ], - [ - "ĠF", - "actory" - ], - [ - "ĠW", - "N" - ], - [ - "rec", - "tile" - ], - [ - "Ġheat", - "s" - ], - [ - "UN", - "K" - ], - [ - "Ġsynchron", - "ize" - ], - [ - "ĠAtten", - "uation" - ], - [ - "Child", - "ren" - ], - [ - "P", - "at" - ], - [ - "p", - "regnant" - ], - [ - "Ġw", - "ished" - ], - [ - "Ġth", - "awing" - ], - [ - "ĠB", - "ey" - ], - [ - "ĠD", - "ÃŃaz" - ], - [ - "Ġle", - "ather" - ], - [ - "ĠUn", - "ic" - ], - [ - "Ġspecial", - "ised" - ], - [ - "Ġcataly", - "tically" - ], - [ - "PL", - "GA" - ], - [ - "hydroxy", - "ethyl" - ], - [ - "Ġmag", - "mas" - ], - [ - "Ġpron", - "oun" - ], - [ - "Ġeut", - "rophication" - ], - [ - "ĠWeek", - "ly" - ], - [ - "M", - "HD" - ], - [ - "m", - "alloc" - ], - [ - "ec", - "ologic" - ], - [ - "il", - "o" - ], - [ - "ĠF", - "requencies" - ], - [ - "Ġor", - "chestra" - ], - [ - "Ġmetabol", - "omic" - ], - [ - "ĠBlock", - "ade" - ], - [ - "Ġasser", - "ted" - ], - [ - "ĠLew", - "y" - ], - [ - "Ġallevi", - "ating" - ], - [ - "Ġoccl", - "usions" - ], - [ - "Ġchor", - "oid" - ], - [ - "techn", - "ical" - ], - [ - "Ġenvision", - "ed" - ], - [ - "ĠHous", - "ing" - ], - [ - "P", - "n" - ], - [ - "ĠT", - "ECH" - ], - [ - "ĠS", - "SH" - ], - [ - "ĠV", - "alle" - ], - [ - "yl", - "methyl" - ], - [ - "Ġph", - "loem" - ], - [ - "ĠPro", - "jects" - ], - [ - "but", - "ton" - ], - [ - "Ġacceler", - "ometers" - ], - [ - "umn", - "i" - ], - [ - "ĠHand", - "ling" - ], - [ - "Ġvas", - "o" - ], - [ - "perme", - "able" - ], - [ - "Ġc", - "ords" - ], - [ - "ĠC", - "f" - ], - [ - "ĠD", - "z" - ], - [ - "Ġed", - "itions" - ], - [ - "Ġhum", - "erus" - ], - [ - "do", - "ors" - ], - [ - "Ġdors", - "olateral" - ], - [ - "Ġapt", - "amers" - ], - [ - "Ġcommod", - "ities" - ], - [ - "osper", - "ms" - ], - [ - "Ġprednis", - "one" - ], - [ - "I", - "Q" - ], - [ - "M", - "etal" - ], - [ - "t", - "us" - ], - [ - "Ġis", - "otopy" - ], - [ - "ĠThe", - "ater" - ], - [ - "iff", - "i" - ], - [ - "Ġy", - "arn" - ], - [ - "de", - "letion" - ], - [ - "ĠQ", - "PO" - ], - [ - "Ġmulti", - "objective" - ], - [ - "Ġur", - "chin" - ], - [ - "Ġpuls", - "ations" - ], - [ - "ĠSR", - "P" - ], - [ - "ð", - "tÃŀ" - ], - [ - "gluc", - "oside" - ], - [ - "Ġdepart", - "ures" - ], - [ - "Py", - "Object" - ], - [ - "ĠBand", - "width" - ], - [ - "ĠAccept", - "ance" - ], - [ - "re", - "ys" - ], - [ - "ĠI", - "ON" - ], - [ - "Ġcomp", - "uls" - ], - [ - "ĠJ", - "W" - ], - [ - "Ġpart", - "hen" - ], - [ - "Cl", - "ose" - ], - [ - "ĠBa", - "TiO" - ], - [ - "ñ", - "oz" - ], - [ - "aggreg", - "ate" - ], - [ - "Initi", - "ally" - ], - [ - "q", - "h" - ], - [ - "ĠC", - "ancers" - ], - [ - "op", - "in" - ], - [ - "ne", - "ver" - ], - [ - "ism", - "an" - ], - [ - "Ġconst", - "ancy" - ], - [ - "Ġtr", - "ucks" - ], - [ - "Ġvisual", - "isation" - ], - [ - "ĠIll", - "ness" - ], - [ - "Ġsulph", - "ide" - ], - [ - "ĠMetabol", - "ites" - ], - [ - "Ġoxys", - "porum" - ], - [ - "H", - "PP" - ], - [ - "Ġnor", - "adrenaline" - ], - [ - "Ġcommut", - "ativity" - ], - [ - "Qu", - "ad" - ], - [ - "Ni", - "O" - ], - [ - "ĠGet", - "ting" - ], - [ - "Ġba", - "it" - ], - [ - "Ġë", - "°" - ], - [ - "Ġment", - "ally" - ], - [ - "Ġaur", - "oral" - ], - [ - "ĠDraw", - "ing" - ], - [ - "S", - "in" - ], - [ - "re", - "ceiver" - ], - [ - "at", - "ov" - ], - [ - "is", - "otope" - ], - [ - "Ġis", - "othi" - ], - [ - "ĠS", - "enes" - ], - [ - "ĠA", - "CO" - ], - [ - "ĠG", - "CT" - ], - [ - "ys", - "mal" - ], - [ - "ĠV", - "og" - ], - [ - "Ġdist", - "ractors" - ], - [ - "Ġconnected", - "ness" - ], - [ - "Ġaccum", - "bens" - ], - [ - "ä", - "ck" - ], - [ - "hyd", - "rated" - ], - [ - "Ġpharmac", - "odynamic" - ], - [ - "Ġmineral", - "ogy" - ], - [ - "Ġarth", - "ropods" - ], - [ - "Ġmyc", - "otoxins" - ], - [ - "Ġbatt", - "les" - ], - [ - "ĠS", - "ara" - ], - [ - "ĠE", - "IS" - ], - [ - "ĠW", - "inn" - ], - [ - "Ġlimb", - "ic" - ], - [ - "WOR", - "K" - ], - [ - "Å", - "½" - ], - [ - "Ġe", - "aten" - ], - [ - "ĠT", - "od" - ], - [ - "ap", - "illary" - ], - [ - "ox", - "yp" - ], - [ - "ĠNew", - "ly" - ], - [ - "Ġcam", - "el" - ], - [ - "arr", - "ison" - ], - [ - "ECT", - "OR" - ], - [ - "Ġhop", - "efully" - ], - [ - "ĠHur", - "witz" - ], - [ - "Ġib", - "uprofen" - ], - [ - "ĠFIR", - "ST" - ], - [ - "Ġbist", - "able" - ], - [ - "Ġdismiss", - "ed" - ], - [ - "g", - "at" - ], - [ - "in", - "ogen" - ], - [ - "ĠP", - "ON" - ], - [ - "ph", - "as" - ], - [ - "ĠK", - "orn" - ], - [ - "Ġpoly", - "aniline" - ], - [ - "ĠMic", - "roscope" - ], - [ - "Ġmuc", - "ous" - ], - [ - "Ġcollision", - "less" - ], - [ - "hydrogen", - "ase" - ], - [ - "Bu", - "ild" - ], - [ - "pair", - "ing" - ], - [ - "ĠWI", - "MP" - ], - [ - "built", - "in" - ], - [ - "ĠSepar", - "ate" - ], - [ - "ĠCun", - "ningham" - ], - [ - "ĠNecess", - "ary" - ], - [ - "Ġb", - "ry" - ], - [ - "ec", - "rosis" - ], - [ - "ĠL", - "SS" - ], - [ - "Ġsy", - "philis" - ], - [ - "ĠV", - "id" - ], - [ - "Ġcar", - "rot" - ], - [ - "ĠRes", - "istant" - ], - [ - "reg", - "istration" - ], - [ - "Ġmy", - "opathy" - ], - [ - "Ġang", - "ry" - ], - [ - "MD", - "R" - ], - [ - "Ġhypothesis", - "ed" - ], - [ - "ĠVol", - "terra" - ], - [ - "ele", - "vation" - ], - [ - "Ġmyc", - "obacteria" - ], - [ - "Ġcaud", - "ate" - ], - [ - "i", - "idae" - ], - [ - "Ġ", - "Ç" - ], - [ - "ĠD", - "ich" - ], - [ - "ĠR", - "eth" - ], - [ - "ell", - "us" - ], - [ - "ch", - "amber" - ], - [ - "sh", - "ine" - ], - [ - "och", - "ore" - ], - [ - "ĠCol", - "umns" - ], - [ - "CO", - "UNT" - ], - [ - "Ġïĥ", - "²" - ], - [ - "ĠPrim", - "ordial" - ], - [ - "Ġnegoti", - "ations" - ], - [ - "sted", - "t" - ], - [ - "R", - "II" - ], - [ - "U", - "ES" - ], - [ - "ti", - "ques" - ], - [ - "ĠP", - "fe" - ], - [ - "Ġpl", - "ast" - ], - [ - "pr", - "on" - ], - [ - "ĠZ", - "w" - ], - [ - "ink", - "ler" - ], - [ - "Ġmetabol", - "ome" - ], - [ - "EG", - "A" - ], - [ - "ĠSpect", - "rophot" - ], - [ - "Ġubiqu", - "ity" - ], - [ - "ĠElectro", - "des" - ], - [ - "Ġchond", - "ro" - ], - [ - "Domain", - "Is" - ], - [ - "ĠResid", - "ues" - ], - [ - "Ġdns", - "DomainIs" - ], - [ - "D", - "IC" - ], - [ - "p", - "th" - ], - [ - "Ġa", - "est" - ], - [ - "Ġc", - "ient" - ], - [ - "Ġp", - "essim" - ], - [ - "Ġre", - "inst" - ], - [ - "ĠS", - "ans" - ], - [ - "end", - "azole" - ], - [ - "ĠU", - "rine" - ], - [ - "Ġsub", - "acute" - ], - [ - "ix", - "imab" - ], - [ - "Ġprof", - "itable" - ], - [ - "Ġmaxim", - "ise" - ], - [ - "ĠDel", - "aware" - ], - [ - "Ġclinic", - "opathologic" - ], - [ - "Thermo", - "Fisher" - ], - [ - "F", - "AR" - ], - [ - "R", - "AS" - ], - [ - "w", - "itch" - ], - [ - "in", - "activated" - ], - [ - "en", - "esis" - ], - [ - "un", - "less" - ], - [ - "ĠP", - "anc" - ], - [ - "ĠM", - "TS" - ], - [ - "ĠB", - "ast" - ], - [ - "Ġch", - "illing" - ], - [ - "Ġinc", - "umbent" - ], - [ - "Ġj", - "elly" - ], - [ - "Ġdistrib", - "utive" - ], - [ - "Ġcy", - "to" - ], - [ - "sc", - "hen" - ], - [ - "Ġinduc", - "ers" - ], - [ - "ĠNone", - "quilibrium" - ], - [ - "ĠRob", - "otics" - ], - [ - "ĠArgent", - "ine" - ], - [ - "Ġmerid", - "ian" - ], - [ - "Ġhun", - "ger" - ], - [ - "Adap", - "tive" - ], - [ - "Ġg", - "or" - ], - [ - "ile", - "psy" - ], - [ - "Ġnon", - "vanishing" - ], - [ - "Ġpe", - "ti" - ], - [ - "ĠMet", - "formin" - ], - [ - "Ġbiom", - "aterial" - ], - [ - "Ġanten", - "nal" - ], - [ - "ĠAff", - "ective" - ], - [ - "ĠAqu", - "atic" - ], - [ - "enedi", - "amine" - ], - [ - "ĠSiber", - "ia" - ], - [ - "ĠPenic", - "illium" - ], - [ - "F", - "unctions" - ], - [ - "Ġ", - "lec" - ], - [ - "Ġf", - "eld" - ], - [ - "ĠS", - "part" - ], - [ - "ĠC", - "ement" - ], - [ - "ad", - "di" - ], - [ - "se", - "k" - ], - [ - "ĠN", - "p" - ], - [ - "oles", - "ky" - ], - [ - "ĠMac", - "roscopic" - ], - [ - "è", - "res" - ], - [ - "Ġcave", - "at" - ], - [ - "Ġcourts", - "hip" - ], - [ - "m", - "ice" - ], - [ - "Ġf", - "ence" - ], - [ - "Ġm", - "ined" - ], - [ - "ul", - "ink" - ], - [ - "ID", - "A" - ], - [ - "Ġtrunc", - "ate" - ], - [ - "ĠCatal", - "an" - ], - [ - "Ġtran", - "st" - ], - [ - "Ġamend", - "ments" - ], - [ - "uncertain", - "ty" - ], - [ - "Ġoroph", - "aryngeal" - ], - [ - "ĠA", - "id" - ], - [ - "ould", - "er" - ], - [ - "ĠInc", - "ident" - ], - [ - "Ġá", - "IJ" - ], - [ - "angi", - "ogenesis" - ], - [ - "ĠBE", - "H" - ], - [ - "Ġic", - "osa" - ], - [ - "ĠFOX", - "P" - ], - [ - "frag", - "ment" - ], - [ - "Ġscintill", - "ator" - ], - [ - "J", - "O" - ], - [ - "L", - "aw" - ], - [ - "Ġp", - "L" - ], - [ - "Ġet", - "oposide" - ], - [ - "Ġpoly", - "aden" - ], - [ - "Ġhabit", - "ual" - ], - [ - "Ġtax", - "i" - ], - [ - "Ġcum", - "ulant" - ], - [ - "Ġhind", - "rance" - ], - [ - "trig", - "ger" - ], - [ - "r", - "atios" - ], - [ - "il", - "io" - ], - [ - "ĠP", - "IR" - ], - [ - "ĠThe", - "od" - ], - [ - "ĠM", - "orton" - ], - [ - "ĠH", - "af" - ], - [ - "ĠO", - "ch" - ], - [ - "ĠEx", - "o" - ], - [ - "Ġur", - "tic" - ], - [ - "ĠCF", - "RP" - ], - [ - "Sc", - "reen" - ], - [ - "Sl", - "ice" - ], - [ - "Ġmush", - "rooms" - ], - [ - "Ġevanes", - "cent" - ], - [ - "S", - "x" - ], - [ - "Ë", - "IJ" - ], - [ - "ì", - "ŀ" - ], - [ - "Ġs", - "igm" - ], - [ - "ic", - "l" - ], - [ - "Ġg", - "uests" - ], - [ - "ĠG", - "IST" - ], - [ - "Ġdeform", - "ities" - ], - [ - "poly", - "acrylamide" - ], - [ - "Sign", - "ificant" - ], - [ - "Ġimpression", - "s" - ], - [ - "j", - "math" - ], - [ - "em", - "oral" - ], - [ - "ĠB", - "n" - ], - [ - "ĠH", - "DR" - ], - [ - "ĠK", - "eck" - ], - [ - "Ġval", - "ine" - ], - [ - "sp", - "i" - ], - [ - "iter", - "ate" - ], - [ - "Ġsyn", - "c" - ], - [ - "oti", - "ana" - ], - [ - "Inter", - "val" - ], - [ - "ĠBra", - "uer" - ], - [ - "Ġstic", - "ky" - ], - [ - "ĠNeuros", - "cience" - ], - [ - "Bax", - "ter" - ], - [ - "Ġc", - "asts" - ], - [ - "all", - "ocation" - ], - [ - "ne", - "al" - ], - [ - "Ġbi", - "op" - ], - [ - "Ġrest", - "orations" - ], - [ - "Im", - "ages" - ], - [ - "mi", - "tic" - ], - [ - "ĠEle", - "vation" - ], - [ - "Ġabst", - "inence" - ], - [ - "ĠLess", - "er" - ], - [ - "ĠRain", - "fall" - ], - [ - "P", - "AM" - ], - [ - "W", - "ol" - ], - [ - "us", - "ch" - ], - [ - "Ġprom", - "isc" - ], - [ - "na", - "ïve" - ], - [ - "Ġded", - "uc" - ], - [ - "acchar", - "ide" - ], - [ - "Ġnom", - "inally" - ], - [ - "ĠExpl", - "oratory" - ], - [ - "Ġreconc", - "iliation" - ], - [ - "linal", - "g" - ], - [ - "T", - "CR" - ], - [ - "Ġs", - "ore" - ], - [ - "ĠN", - "ab" - ], - [ - "Ġout", - "group" - ], - [ - "Ġmon", - "ophosphate" - ], - [ - "ins", - "u" - ], - [ - "ĠAd", - "dis" - ], - [ - "SP", - "R" - ], - [ - "point", - "ing" - ], - [ - "HE", - "RE" - ], - [ - "ĠTechn", - "ological" - ], - [ - "Ġcoch", - "lea" - ], - [ - "Ġspheroid", - "al" - ], - [ - "ĠBald", - "win" - ], - [ - "F", - "eed" - ], - [ - "Ġf", - "using" - ], - [ - "Ġas", - "per" - ], - [ - "Ġex", - "osomal" - ], - [ - "ĠL", - "inguistic" - ], - [ - "SC", - "A" - ], - [ - "ĠEm", - "pty" - ], - [ - "Ġvac", - "ant" - ], - [ - "gly", - "col" - ], - [ - "immun", - "oprecipitation" - ], - [ - "ĠIT", - "ER" - ], - [ - "Sn", - "O" - ], - [ - "pattern", - "s" - ], - [ - "contin", - "ental" - ], - [ - "ĠAcceler", - "ating" - ], - [ - "ĠAver", - "aging" - ], - [ - "Ġchemoattract", - "ant" - ], - [ - "h", - "b" - ], - [ - "s", - "ulph" - ], - [ - "ĠB", - "x" - ], - [ - "Ġcom", - "plicating" - ], - [ - "ĠW", - "are" - ], - [ - "Ġso", - "aking" - ], - [ - "Ġup", - "regulate" - ], - [ - "--------", - "-" - ], - [ - "Ġsem", - "ester" - ], - [ - "ĠBro", - "d" - ], - [ - "Ġcasc", - "ading" - ], - [ - "ĠCast", - "ell" - ], - [ - "Ġáº", - "½" - ], - [ - "ĠEQU", - "ATIONS" - ], - [ - "Ġparsim", - "onious" - ], - [ - "Ġs", - "orbent" - ], - [ - "Ġe", - "ug" - ], - [ - "od", - "in" - ], - [ - "ĠW", - "ig" - ], - [ - "ĠTh", - "ir" - ], - [ - "Ġsol", - "v" - ], - [ - "Ġcar", - "boplatin" - ], - [ - "Ġz", - "ebra" - ], - [ - "ven", - "ient" - ], - [ - "Ġmed", - "Rxiv" - ], - [ - "Ġaut", - "obi" - ], - [ - "Ġrepe", - "atable" - ], - [ - "Ġmig", - "rations" - ], - [ - "ĠÐ", - "´" - ], - [ - "hol", - "onomic" - ], - [ - "Ġmoder", - "ator" - ], - [ - "Ġchim", - "era" - ], - [ - "ĠGrassmann", - "ian" - ], - [ - "ĠR", - "onald" - ], - [ - "ĠV", - "ega" - ], - [ - "ast", - "es" - ], - [ - "Ġqu", - "otes" - ], - [ - "Ġmon", - "ic" - ], - [ - "Ġprec", - "oding" - ], - [ - "ĠAss", - "isted" - ], - [ - "ĠNetwork", - "ing" - ], - [ - "Ġfabric", - "ating" - ], - [ - "Ġbot", - "anical" - ], - [ - "Ġswarm", - "s" - ], - [ - "Ġmartens", - "itic" - ], - [ - "ellip", - "tic" - ], - [ - "pher", - "d" - ], - [ - "b", - "aryon" - ], - [ - "x", - "fe" - ], - [ - "ro", - "ute" - ], - [ - "ĠF", - "IL" - ], - [ - "op", - "ies" - ], - [ - "ĠPC", - "Bs" - ], - [ - "Ġer", - "asure" - ], - [ - "ĠRem", - "odeling" - ], - [ - "Ġana", - "er" - ], - [ - "Sm", - "ad" - ], - [ - "inj", - "ured" - ], - [ - "Ġimmunocomp", - "etent" - ], - [ - "d", - "ell" - ], - [ - "f", - "ailed" - ], - [ - "Ġs", - "inking" - ], - [ - "or", - "acic" - ], - [ - "Ġd", - "red" - ], - [ - "ĠV", - "DR" - ], - [ - "Ġconn", - "ectors" - ], - [ - "Ġintr", - "atumoral" - ], - [ - "Ġcommut", - "ators" - ], - [ - "ĠAle", - "ks" - ], - [ - "ĠDic", - "ty" - ], - [ - "A", - "k" - ], - [ - "Ġre", - "calc" - ], - [ - "Ġis", - "l" - ], - [ - "ot", - "rim" - ], - [ - "nce", - "phal" - ], - [ - "ĠRe", - "es" - ], - [ - "Ġste", - "atohepatitis" - ], - [ - "ĠPolar", - "ized" - ], - [ - "SB", - "ATCH" - ], - [ - "ĠCross", - "ing" - ], - [ - "Acc", - "uracy" - ], - [ - "ĠGi", - "ardia" - ], - [ - "ĠNov", - "o" - ], - [ - "Ġvig", - "ilance" - ], - [ - "Ġphosphatidyl", - "choline" - ], - [ - "ĠUE", - "FA" - ], - [ - "J", - "im" - ], - [ - "Ġf", - "asted" - ], - [ - "ĠT", - "iny" - ], - [ - "Ġl", - "ang" - ], - [ - "iss", - "ociation" - ], - [ - "Aut", - "o" - ], - [ - "ĠNor", - "folk" - ], - [ - "ĠArm", - "s" - ], - [ - "ĠSW", - "I" - ], - [ - "ĠAmb", - "ros" - ], - [ - "transf", - "ection" - ], - [ - "O", - "ryza" - ], - [ - "h", - "arm" - ], - [ - "ĠD", - "s" - ], - [ - "Ġint", - "rag" - ], - [ - "Ġcall", - "er" - ], - [ - "Ġwr", - "itings" - ], - [ - "ĠEl", - "ast" - ], - [ - "ĠMar", - "vel" - ], - [ - "ĠImmun", - "odeficiency" - ], - [ - "ĠMill", - "ion" - ], - [ - "Text", - "ure" - ], - [ - "ĠIce", - "Cube" - ], - [ - "sn", - "ap" - ], - [ - "Ġenj", - "oys" - ], - [ - "ĠChap", - "el" - ], - [ - "ĠEstabl", - "ishing" - ], - [ - "Act", - "ually" - ], - [ - "Ġphosphoryl", - "ates" - ], - [ - "Ġchin", - "ensis" - ], - [ - "Ġrhabd", - "omy" - ], - [ - "Ġemphys", - "ema" - ], - [ - "M", - "iddle" - ], - [ - "n", - "ant" - ], - [ - "Ñ", - "ħ" - ], - [ - "Ġt", - "art" - ], - [ - "low", - "est" - ], - [ - "hem", - "ia" - ], - [ - "Ġutil", - "ising" - ], - [ - "cons", - "tit" - ], - [ - "Ġmag", - "matism" - ], - [ - "о", - "ÑĢ" - ], - [ - "ĠHas", - "an" - ], - [ - "dispers", - "ed" - ], - [ - "H", - "ear" - ], - [ - "Q", - "t" - ], - [ - "z", - "ations" - ], - [ - "al", - "on" - ], - [ - "ĠS", - "tau" - ], - [ - "ĠA", - "mer" - ], - [ - "os", - "ystems" - ], - [ - "Ġdem", - "arc" - ], - [ - "ĠNe", - "oproterozoic" - ], - [ - "ĠMe", - "k" - ], - [ - "ĠDis", - "closure" - ], - [ - "Ġhemat", - "ocrit" - ], - [ - "ĠCyt", - "oscape" - ], - [ - "Ġram", - "ification" - ], - [ - "Ġcommunic", - "ative" - ], - [ - "Ġbutter", - "flies" - ], - [ - "Ġantis", - "era" - ], - [ - "Ġaestiv", - "um" - ], - [ - "B", - "ra" - ], - [ - "L", - "TP" - ], - [ - "s", - "ocket" - ], - [ - "ĠC", - "herenkov" - ], - [ - "Ġch", - "lam" - ], - [ - "ang", - "ial" - ], - [ - "ult", - "ured" - ], - [ - "eng", - "ed" - ], - [ - "ĠCl", - "inton" - ], - [ - "Ġmy", - "oblasts" - ], - [ - "ĠComp", - "ensation" - ], - [ - "ymmet", - "rically" - ], - [ - "Ġemploy", - "er" - ], - [ - "oz", - "ol" - ], - [ - "ĠSA", - "XS" - ], - [ - "Ġretin", - "as" - ], - [ - "piper", - "idine" - ], - [ - "XY", - "Z" - ], - [ - "ĠRough", - "ly" - ], - [ - "P", - "rep" - ], - [ - "Ġb", - "inge" - ], - [ - "Ġe", - "rect" - ], - [ - "ĠO", - "PER" - ], - [ - "Ġstress", - "or" - ], - [ - "Ch", - "rist" - ], - [ - "ĠPD", - "Z" - ], - [ - "Ġsubst", - "an" - ], - [ - "ĠSn", - "ail" - ], - [ - "Ġlam", - "ellae" - ], - [ - "ĠCycl", - "ing" - ], - [ - "shif", - "ting" - ], - [ - "ĠHs", - "ieh" - ], - [ - "ver", - "ify" - ], - [ - "Ġpre", - "image" - ], - [ - "Ġar", - "tillery" - ], - [ - "Ġep", - "il" - ], - [ - "ĠAp", - "ost" - ], - [ - "Ġhel", - "met" - ], - [ - "Ġmach", - "ined" - ], - [ - "ĠMin", - "neapolis" - ], - [ - "ĠCr", - "yp" - ], - [ - "Ġsitu", - "ational" - ], - [ - "pass", - "ing" - ], - [ - "quin", - "azolin" - ], - [ - "ĠCro", - "atian" - ], - [ - "Ġsta", - "ircase" - ], - [ - "Bon", - "net" - ], - [ - "N", - "LP" - ], - [ - "c", - "ium" - ], - [ - "Ġs", - "keletons" - ], - [ - "Ġo", - "xim" - ], - [ - "or", - "ib" - ], - [ - "Ġre", - "ticular" - ], - [ - "ĠS", - "LS" - ], - [ - "ĠA", - "romatic" - ], - [ - "ĠK", - "es" - ], - [ - "Ġph", - "or" - ], - [ - "Ġinv", - "ocation" - ], - [ - "Ġdo", - "zens" - ], - [ - "ai", - "vely" - ], - [ - "Ġdetect", - "ability" - ], - [ - "Ġconcer", - "ted" - ], - [ - "yr", - "ins" - ], - [ - "ĠProcess", - "or" - ], - [ - "Ġtoler", - "able" - ], - [ - "att", - "ached" - ], - [ - "Ġanne", - "xin" - ], - [ - "ĠROS", - "AT" - ], - [ - "ĠAltern", - "ate" - ], - [ - "ĠWa", - "velength" - ], - [ - "ĠWill", - "is" - ], - [ - "Ġsemic", - "ontinuous" - ], - [ - "Ġadvoc", - "acy" - ], - [ - "Ġoblig", - "ation" - ], - [ - "chan", - "ter" - ], - [ - "ĠInser", - "tion" - ], - [ - "Ġsymbion", - "t" - ], - [ - "Z", - "M" - ], - [ - "Ġt", - "ars" - ], - [ - "ro", - "f" - ], - [ - "Ġre", - "vival" - ], - [ - "ĠT", - "ST" - ], - [ - "ĠE", - "MP" - ], - [ - "Ġme", - "x" - ], - [ - "ull", - "in" - ], - [ - "ĠAd", - "op" - ], - [ - "ĠDNA", - "s" - ], - [ - "Ġemploy", - "ers" - ], - [ - "MT", - "s" - ], - [ - "ĠMart", - "ÃŃn" - ], - [ - "electro", - "des" - ], - [ - "ĠMedica", - "id" - ], - [ - "Ġt", - "gt" - ], - [ - "Ġl", - "ognormal" - ], - [ - "ĠF", - "rames" - ], - [ - "Ġper", - "missive" - ], - [ - "ĠAr", - "duino" - ], - [ - "Ġsem", - "ilinear" - ], - [ - "ĠAss", - "ign" - ], - [ - "ĠPr", - "EP" - ], - [ - "ĠSi", - "amese" - ], - [ - "benz", - "imidazol" - ], - [ - "conn", - "ectivity" - ], - [ - "ĠPE", - "I" - ], - [ - "Ġbis", - "ulfite" - ], - [ - "Ġacetyl", - "transferase" - ], - [ - "Ġswim", - "mer" - ], - [ - "ju", - "ven" - ], - [ - "Ġjejun", - "um" - ], - [ - "ĠCinc", - "innati" - ], - [ - "ta", - "i" - ], - [ - "ĠQ", - "I" - ], - [ - "ĠCom", - "mut" - ], - [ - "sp", - "acing" - ], - [ - "Ġaff", - "ords" - ], - [ - "itis", - "ation" - ], - [ - "elastic", - "ity" - ], - [ - "Ġdrag", - "on" - ], - [ - "Ġproteas", - "omal" - ], - [ - "Ġp", - "ant" - ], - [ - "ĠN", - "itro" - ], - [ - "Ġsp", - "ic" - ], - [ - "Ġnan", - "opl" - ], - [ - "ĠAll", - "ied" - ], - [ - "Ġthor", - "ax" - ], - [ - "ĠFT", - "O" - ], - [ - "ĠJur", - "kat" - ], - [ - "chiat", - "ry" - ], - [ - "y", - "oung" - ], - [ - "di", - "rections" - ], - [ - "Ġne", - "ocortex" - ], - [ - "ĠK", - "ik" - ], - [ - "ang", - "o" - ], - [ - "cl", - "ay" - ], - [ - "iod", - "o" - ], - [ - "Ġabove", - "mentioned" - ], - [ - "ĠGu", - "ardian" - ], - [ - "Con", - "jecture" - ], - [ - "ĠTre", - "nd" - ], - [ - "Ġfertil", - "ized" - ], - [ - "ĠSulf", - "ate" - ], - [ - "ochron", - "ology" - ], - [ - "Ġcrani", - "ofacial" - ], - [ - "ĠSask", - "atchewan" - ], - [ - "Q", - "Q" - ], - [ - "h", - "man" - ], - [ - "Ġz", - "ym" - ], - [ - "log", - "s" - ], - [ - "Ġïģ", - "®" - ], - [ - "Ġgrad", - "uating" - ], - [ - "pin", - "ene" - ], - [ - "Ġî", - "Ģ" - ], - [ - "Ġeti", - "ological" - ], - [ - "ĠComprehens", - "ion" - ], - [ - "Ġw", - "andering" - ], - [ - "Ġl", - "an" - ], - [ - "Ġsy", - "st" - ], - [ - "return", - "s" - ], - [ - "MO", - "F" - ], - [ - "cho", - "alveolar" - ], - [ - "ĠArm", - "en" - ], - [ - "Ġbim", - "etallic" - ], - [ - "ĠPoll", - "en" - ], - [ - "F", - "iles" - ], - [ - "Ġs", - "sp" - ], - [ - "EN", - "SI" - ], - [ - "ĠY", - "us" - ], - [ - "Ġfin", - "est" - ], - [ - "AG", - "EN" - ], - [ - "Ġmicrobi", - "omes" - ], - [ - "Ġpal", - "ind" - ], - [ - "Ġpet", - "als" - ], - [ - "ĠRadi", - "otherapy" - ], - [ - "ophen", - "one" - ], - [ - "spe", - "aker" - ], - [ - "Ġcopep", - "ods" - ], - [ - "Ġkan", - "amycin" - ], - [ - "Ġdegran", - "ulation" - ], - [ - "C", - "onstruct" - ], - [ - "al", - "ter" - ], - [ - "ĠF", - "gf" - ], - [ - "ĠN", - "BS" - ], - [ - "ĠIn", - "complete" - ], - [ - "Ġpar", - "cel" - ], - [ - "ne", - "au" - ], - [ - "ĠÃ", - "IJ" - ], - [ - "ĠCH", - "A" - ], - [ - "Ġdual", - "s" - ], - [ - "Ġsilic", - "ates" - ], - [ - "ĠGlob", - "ally" - ], - [ - "Ġkines", - "in" - ], - [ - "f", - "id" - ], - [ - "ĠC", - "PD" - ], - [ - "ĠY", - "ad" - ], - [ - "Ġdep", - "ress" - ], - [ - "OD", - "Y" - ], - [ - "ĠHist", - "ograms" - ], - [ - "ĠSumm", - "arization" - ], - [ - "aut", - "omatic" - ], - [ - "ĠDom", - "in" - ], - [ - "otrans", - "formation" - ], - [ - "Ġventric", - "les" - ], - [ - "Wid", - "get" - ], - [ - "ĠPeters", - "burg" - ], - [ - "Ġcholangi", - "ocarcinoma" - ], - [ - "Ġnect", - "ar" - ], - [ - "P", - "IC" - ], - [ - "S", - "cope" - ], - [ - "T", - "ek" - ], - [ - "n", - "itz" - ], - [ - "ĠP", - "HD" - ], - [ - "Ġsp", - "iro" - ], - [ - "ĠCO", - "G" - ], - [ - "ĠDi", - "oxide" - ], - [ - "conduc", - "tivity" - ], - [ - "ĠGran", - "ger" - ], - [ - "ĠWear", - "able" - ], - [ - "ĠKenn", - "eth" - ], - [ - "C", - "CR" - ], - [ - "L", - "INK" - ], - [ - "Ġ", - "Ü" - ], - [ - "re", - "tic" - ], - [ - "ly", - "a" - ], - [ - "Ġdem", - "ocratic" - ], - [ - "Ġradi", - "ograph" - ], - [ - "ĠRel", - "ax" - ], - [ - "ĠInc", - "ubation" - ], - [ - "ĠDen", - "oising" - ], - [ - "COL", - "OR" - ], - [ - "ĠClos", - "ure" - ], - [ - "H", - "MM" - ], - [ - "ur", - "d" - ], - [ - "ra", - "da" - ], - [ - "ĠR", - "v" - ], - [ - "ĠL", - "uz" - ], - [ - "all", - "s" - ], - [ - "Ġmulti", - "spectral" - ], - [ - "IN", - "ED" - ], - [ - "SC", - "N" - ], - [ - "Ġdys", - "lexia" - ], - [ - "Ġsett", - "lers" - ], - [ - "ĠVL", - "SI" - ], - [ - "Ġa", - "vid" - ], - [ - "Ġl", - "arynx" - ], - [ - "ĠC", - "hess" - ], - [ - "ĠF", - "AA" - ], - [ - "Ġdef", - "ender" - ], - [ - "Ġlip", - "olysis" - ], - [ - "ĠEl", - "mer" - ], - [ - "ĠAff", - "ymetrix" - ], - [ - "Ġrhod", - "amine" - ], - [ - "M", - "orph" - ], - [ - "S", - "ite" - ], - [ - "p", - "urity" - ], - [ - "Ġ", - "Ê" - ], - [ - "ĠT", - "ank" - ], - [ - "ĠM", - "iao" - ], - [ - "Ġrec", - "rystall" - ], - [ - "We", - "yl" - ], - [ - "ĠGu", - "il" - ], - [ - "Ġmis", - "folded" - ], - [ - "su", - "ited" - ], - [ - "ĠApproxim", - "ations" - ], - [ - "ĠABC", - "B" - ], - [ - "don", - "or" - ], - [ - "GW", - "AS" - ], - [ - "------------", - "---" - ], - [ - "Ġpu", - "tida" - ], - [ - "Ġimping", - "ement" - ], - [ - "yam", - "l" - ], - [ - "H", - "ill" - ], - [ - "Ġt", - "l" - ], - [ - "ag", - "ua" - ], - [ - "tim", - "ing" - ], - [ - "Ġreg", - "enerate" - ], - [ - "Ġmulti", - "lingual" - ], - [ - "rad", - "or" - ], - [ - "class", - "ifier" - ], - [ - "ĠJoh", - "ansson" - ], - [ - "Ġsulf", - "ides" - ], - [ - "ham", - "mer" - ], - [ - "Ġwalk", - "ed" - ], - [ - "Ġalloc", - "ating" - ], - [ - "ĠGust", - "av" - ], - [ - "Ġimmunoprec", - "ipitated" - ], - [ - "ĠBris", - "bane" - ], - [ - "Ġsandwic", - "hed" - ], - [ - "ĠChatter", - "jee" - ], - [ - "omand", - "ibular" - ], - [ - "Ġo", - "sc" - ], - [ - "Ġass", - "ass" - ], - [ - "Ġmulti", - "stage" - ], - [ - "Ġmulti", - "partite" - ], - [ - "Ġpig", - "mented" - ], - [ - "ĠVisual", - "izing" - ], - [ - "Ke", - "ys" - ], - [ - "pip", - "eline" - ], - [ - "Ġdub", - "bed" - ], - [ - "Ġc", - "roc" - ], - [ - "ĠD", - "LC" - ], - [ - "ĠR", - "AT" - ], - [ - "ĠN", - "ex" - ], - [ - "plic", - "a" - ], - [ - "ting", - "ham" - ], - [ - "ĠSp", - "ider" - ], - [ - "Ġunc", - "le" - ], - [ - "aut", - "s" - ], - [ - "ĠHow", - "e" - ], - [ - "Ġarth", - "ropod" - ], - [ - "ĠPap", - "ad" - ], - [ - "urg", - "y" - ], - [ - "Ġaccl", - "im" - ], - [ - "B", - "road" - ], - [ - "ac", - "er" - ], - [ - "ve", - "z" - ], - [ - "ĠD", - "ivers" - ], - [ - "Ġmod", - "ifiable" - ], - [ - "Ġanti", - "psychotics" - ], - [ - "Pro", - "g" - ], - [ - "osa", - "hexa" - ], - [ - "amb", - "rian" - ], - [ - "ĠIon", - "ization" - ], - [ - "Z", - "A" - ], - [ - "o", - "ate" - ], - [ - "Ġp", - "ays" - ], - [ - "Ġe", - "wes" - ], - [ - "Ġbe", - "aches" - ], - [ - "Ġev", - "il" - ], - [ - "ĠCD", - "s" - ], - [ - "na", - "ud" - ], - [ - "Ġconform", - "ity" - ], - [ - "ĠDM", - "N" - ], - [ - "Ġcollabor", - "ate" - ], - [ - "Ġdeterior", - "ate" - ], - [ - "VAL", - "ID" - ], - [ - "ĠVeg", - "as" - ], - [ - "Ġultrac", - "ent" - ], - [ - "B", - "RA" - ], - [ - "R", - "ub" - ], - [ - "Y", - "C" - ], - [ - "f", - "h" - ], - [ - "å", - "ľ" - ], - [ - "ĠO", - "WL" - ], - [ - "ose", - "ismic" - ], - [ - "of", - "errin" - ], - [ - "och", - "thon" - ], - [ - "ĠTNF", - "R" - ], - [ - "small", - "setminus" - ], - [ - "ĠArg", - "ument" - ], - [ - "Ġgranul", - "ocytes" - ], - [ - "Ġram", - "ified" - ], - [ - "Ġepi", - "phy" - ], - [ - "f", - "usc" - ], - [ - "ec", - "dot" - ], - [ - "Ġh", - "w" - ], - [ - "ĠN", - "MS" - ], - [ - "erc", - "us" - ], - [ - "Ġtet", - "her" - ], - [ - "ĠTra", - "it" - ], - [ - "Ag", - "Cl" - ], - [ - "ĠNear", - "by" - ], - [ - "Ġhelmin", - "th" - ], - [ - "Ġlae", - "vis" - ], - [ - "ĠB", - "AR" - ], - [ - "ĠN", - "ancy" - ], - [ - "ĠG", - "yn" - ], - [ - "Ġsec", - "reting" - ], - [ - "St", - "ellar" - ], - [ - "Ġsil", - "hou" - ], - [ - "IM", - "T" - ], - [ - "Ġscaffold", - "ing" - ], - [ - "ĠConver", - "ter" - ], - [ - "h", - "id" - ], - [ - "Ġn", - "ud" - ], - [ - "est", - "rian" - ], - [ - "ann", - "o" - ], - [ - "Ġdep", - "iction" - ], - [ - "orem", - "ost" - ], - [ - "ĠSh", - "and" - ], - [ - "AB", - "CD" - ], - [ - "ĠPD", - "L" - ], - [ - "Ġdys", - "phagia" - ], - [ - "Ġintr", - "at" - ], - [ - "Ġhem", - "ip" - ], - [ - "Ġadapt", - "able" - ], - [ - "long", - "mapsto" - ], - [ - "ss", - "bauer" - ], - [ - "ĠMcC", - "arthy" - ], - [ - "ĠAuto", - "immune" - ], - [ - "ĠCut", - "aneous" - ], - [ - "Inser", - "ting" - ], - [ - "M", - "aterial" - ], - [ - "ĠA", - "a" - ], - [ - "ĠG", - "av" - ], - [ - "Ġmon", - "ocular" - ], - [ - "equ", - "il" - ], - [ - "ĠGe", - "off" - ], - [ - "Ġtet", - "hered" - ], - [ - "obil", - "ized" - ], - [ - "ĠShort", - "ly" - ], - [ - "Det", - "ails" - ], - [ - "Ġrefuge", - "e" - ], - [ - "Ġabsc", - "isic" - ], - [ - "FBQ", - "yx" - ], - [ - "Ġdemoc", - "racy" - ], - [ - "c", - "rafted" - ], - [ - "d", - "ifluor" - ], - [ - "y", - "der" - ], - [ - "ess", - "ment" - ], - [ - "Ġhist", - "opathologic" - ], - [ - "Ġast", - "rocytic" - ], - [ - "Ġwithd", - "rew" - ], - [ - "Ġm", - "oles" - ], - [ - "ath", - "ic" - ], - [ - "mon", - "o" - ], - [ - "man", - "ual" - ], - [ - "Ġfood", - "borne" - ], - [ - "ĠRep", - "ository" - ], - [ - "Ġcover", - "t" - ], - [ - "OT", - "E" - ], - [ - "Ġtight", - "ness" - ], - [ - "Ġinstanti", - "ated" - ], - [ - "Ġwatermark", - "ing" - ], - [ - "Ġartem", - "isinin" - ], - [ - "L", - "anguage" - ], - [ - "O", - "ES" - ], - [ - "c", - "ant" - ], - [ - "al", - "ready" - ], - [ - "un", - "ts" - ], - [ - "iti", - "a" - ], - [ - "ĠK", - "aren" - ], - [ - "Ġall", - "uvial" - ], - [ - "stratig", - "raphy" - ], - [ - "ĠP", - "IV" - ], - [ - "ĠF", - "aces" - ], - [ - "ĠB", - "im" - ], - [ - "ap", - "plications" - ], - [ - "ta", - "ils" - ], - [ - "Ġel", - "d" - ], - [ - "IR", - "B" - ], - [ - "ĠIN", - "TE" - ], - [ - "ĠNot", - "Implemented" - ], - [ - "Ġmis", - "classified" - ], - [ - "Ġfertil", - "izers" - ], - [ - "ĠElectric", - "ity" - ], - [ - "Ġtribut", - "aries" - ], - [ - "ĠDeut", - "sch" - ], - [ - "Ġslee", - "ve" - ], - [ - "f", - "uzzy" - ], - [ - "ĠM", - "TL" - ], - [ - "ĠB", - "res" - ], - [ - "ĠW", - "yn" - ], - [ - "Ġk", - "yr" - ], - [ - "ne", - "uronal" - ], - [ - "ox", - "ymethyl" - ], - [ - "dis", - "order" - ], - [ - "inc", - "hes" - ], - [ - "ram", - "idal" - ], - [ - "Ġpoly", - "imide" - ], - [ - "Res", - "Net" - ], - [ - "ĠEd", - "mund" - ], - [ - "Ġdegener", - "acies" - ], - [ - "uther", - "ford" - ], - [ - "Drop", - "out" - ], - [ - "ij", - "Ģ" - ], - [ - "Ġv", - "oiced" - ], - [ - "ĠG", - "omes" - ], - [ - "iv", - "ities" - ], - [ - "con", - "ductance" - ], - [ - "com", - "pl" - ], - [ - "vec", - "s" - ], - [ - "Ġtun", - "a" - ], - [ - "ĠKin", - "ect" - ], - [ - "Ġconvey", - "ed" - ], - [ - "Ġsphing", - "osine" - ], - [ - "b", - "at" - ], - [ - "ĠP", - "urs" - ], - [ - "ound", - "ed" - ], - [ - "ĠSt", - "am" - ], - [ - "ĠX", - "III" - ], - [ - "ĠCom", - "ics" - ], - [ - "MS", - "M" - ], - [ - "SS", - "L" - ], - [ - "Ġperf", - "luor" - ], - [ - "Ġfluor", - "inated" - ], - [ - "foli", - "os" - ], - [ - "Ġre", - "position" - ], - [ - "ĠS", - "err" - ], - [ - "ĠC", - "ors" - ], - [ - "ĠL", - "abs" - ], - [ - "Ġco", - "x" - ], - [ - "ĠAc", - "quired" - ], - [ - "Ġreason", - "ed" - ], - [ - "Gen", - "ome" - ], - [ - "ĠPi", - "per" - ], - [ - "Ġcompac", - "tified" - ], - [ - "Ġherbiv", - "ore" - ], - [ - "lofen", - "ac" - ], - [ - "Ġb", - "oss" - ], - [ - "ĠB", - "s" - ], - [ - "ĠE", - "MR" - ], - [ - "Ġsh", - "oe" - ], - [ - "Ġcare", - "rs" - ], - [ - "Ch", - "rom" - ], - [ - "SV", - "P" - ], - [ - "ĠTri", - "angle" - ], - [ - "Ġhemat", - "ite" - ], - [ - "dor", - "f" - ], - [ - "ĠMove", - "ments" - ], - [ - "ĠVes", - "icles" - ], - [ - "Olymp", - "us" - ], - [ - "M", - "ol" - ], - [ - "Ġl", - "end" - ], - [ - "ur", - "as" - ], - [ - "ĠA", - "SE" - ], - [ - "ĠW", - "KB" - ], - [ - "pro", - "ved" - ], - [ - "ĠK", - "V" - ], - [ - "ĠU", - "ART" - ], - [ - "log", - "arithmic" - ], - [ - "ĠAD", - "I" - ], - [ - "ĠDo", - "ing" - ], - [ - "Ġce", - "ase" - ], - [ - "Ġleng", - "thening" - ], - [ - "Ġpyrophosph", - "ate" - ], - [ - "F", - "re" - ], - [ - "ĠC", - "LD" - ], - [ - "ĠM", - "LS" - ], - [ - "ĠPl", - "um" - ], - [ - "Ġprop", - "ionate" - ], - [ - "ĠGu", - "atem" - ], - [ - "CK", - "D" - ], - [ - "Ġis", - "os" - ], - [ - "ĠM", - "anning" - ], - [ - "ne", - "uro" - ], - [ - "OP", - "ER" - ], - [ - "ĠWil", - "helm" - ], - [ - "Ġacad", - "emia" - ], - [ - "ACh", - "R" - ], - [ - "ĠIner", - "tial" - ], - [ - "O", - "cc" - ], - [ - "u", - "jan" - ], - [ - "on", - "as" - ], - [ - "Ġin", - "ulin" - ], - [ - "ic", - "ia" - ], - [ - "and", - "al" - ], - [ - "ĠK", - "ahn" - ], - [ - "Ġun", - "manned" - ], - [ - "ĠCo", - "arse" - ], - [ - "Ġgu", - "ilty" - ], - [ - "ĠPe", - "i" - ], - [ - "ĠLuc", - "a" - ], - [ - "ĠFib", - "roblast" - ], - [ - "a", - "vian" - ], - [ - "v", - "x" - ], - [ - "Ġd", - "izziness" - ], - [ - "ĠD", - "ox" - ], - [ - "ĠH", - "our" - ], - [ - "Ġdec", - "oration" - ], - [ - "Ġver", - "ifier" - ], - [ - "rad", - "o" - ], - [ - "Ġfoot", - "prints" - ], - [ - "Ġdisp", - "ensable" - ], - [ - "ĠAna", - "erobic" - ], - [ - "Io", - "T" - ], - [ - "ĠR", - "isks" - ], - [ - "ĠG", - "LS" - ], - [ - "Ġch", - "ords" - ], - [ - "oid", - "y" - ], - [ - "Ġneu", - "rolog" - ], - [ - "ru", - "h" - ], - [ - "Ġvirtual", - "ization" - ], - [ - "Ġproton", - "ation" - ], - [ - "ĠConstant", - "in" - ], - [ - "Ġkeyp", - "oints" - ], - [ - "B", - "uck" - ], - [ - "H", - "opf" - ], - [ - "M", - "uch" - ], - [ - "reg", - "ime" - ], - [ - "Ġprom", - "ised" - ], - [ - "ai", - "j" - ], - [ - "ĠDes", - "ulf" - ], - [ - "ĠForm", - "ulas" - ], - [ - "Ġhum", - "p" - ], - [ - "ln", - "c" - ], - [ - "ĠSu", - "icide" - ], - [ - "ĠHO", - "MA" - ], - [ - "ogly", - "cer" - ], - [ - "ĠProte", - "omics" - ], - [ - "Ġdict", - "ate" - ], - [ - "ĠSper", - "mat" - ], - [ - "F", - "un" - ], - [ - "Ġs", - "ag" - ], - [ - "ĠF", - "am" - ], - [ - "ep", - "pe" - ], - [ - "ĠJ", - "ah" - ], - [ - "Ġar", - "isen" - ], - [ - "oph", - "armaceutical" - ], - [ - "SA", - "GE" - ], - [ - "ĠTH", - "IS" - ], - [ - "enh", - "ance" - ], - [ - "Ġnap", - "us" - ], - [ - "ro", - "e" - ], - [ - "ens", - "ch" - ], - [ - "de", - "formation" - ], - [ - "bon", - "es" - ], - [ - "ĠEr", - "nest" - ], - [ - "ira", - "bility" - ], - [ - "dec", - "om" - ], - [ - "Ġcrust", - "aceans" - ], - [ - "Ġguarantee", - "ing" - ], - [ - "OV", - "As" - ], - [ - "ĠMultic", - "enter" - ], - [ - "Ġct", - "DNA" - ], - [ - "Ġforamin", - "ifera" - ], - [ - "L", - "inn" - ], - [ - "Ġc", - "ups" - ], - [ - "es", - "ch" - ], - [ - "Ġd", - "F" - ], - [ - "ĠT", - "ah" - ], - [ - "pl", - "l" - ], - [ - "pro", - "jects" - ], - [ - "ĠU", - "CI" - ], - [ - "Ġhuman", - "ized" - ], - [ - "Ġabs", - "l" - ], - [ - "ĠSch", - "o" - ], - [ - "Ġliter", - "als" - ], - [ - "ĠSV", - "R" - ], - [ - "Ġtoxic", - "ology" - ], - [ - "pg", - "f" - ], - [ - "ĠIPT", - "G" - ], - [ - "ĠMEASU", - "REM" - ], - [ - "o", - "ing" - ], - [ - "ĠP", - "asc" - ], - [ - "ĠB", - "au" - ], - [ - "ĠW", - "annier" - ], - [ - "Ġhyp", - "re" - ], - [ - "att", - "ributes" - ], - [ - "Ġprecondition", - "er" - ], - [ - "Wr", - "iting" - ], - [ - "Ġgyp", - "sum" - ], - [ - "y", - "uan" - ], - [ - "Ġup", - "regulates" - ], - [ - "Ġte", - "lec" - ], - [ - "ĠDisc", - "re" - ], - [ - "gu", - "ard" - ], - [ - "Ġdeb", - "ates" - ], - [ - "Ġparasit", - "oid" - ], - [ - "L", - "am" - ], - [ - "ti", - "ge" - ], - [ - "Ġis", - "opropanol" - ], - [ - "ĠI", - "was" - ], - [ - "pl", - "ify" - ], - [ - "ind", - "olin" - ], - [ - "ĠAp", - "ollo" - ], - [ - "Ġland", - "ed" - ], - [ - "Ġbeam", - "line" - ], - [ - "Un", - "ion" - ], - [ - "Ġrecipro", - "c" - ], - [ - "ĠRoss", - "by" - ], - [ - "princ", - "ipal" - ], - [ - "Ġdescend", - "ant" - ], - [ - "ĠAnalog", - "ously" - ], - [ - "Ġdereg", - "ulation" - ], - [ - "D", - "SM" - ], - [ - "c", - "ta" - ], - [ - "Ġre", - "built" - ], - [ - "ĠM", - "und" - ], - [ - "ĠF", - "EC" - ], - [ - "ry", - "n" - ], - [ - "plic", - "e" - ], - [ - "ĠY", - "ugoslav" - ], - [ - "ĠNorth", - "western" - ], - [ - "ĠHom", - "ogen" - ], - [ - "ĠLI", - "SA" - ], - [ - "Ġinvest", - "or" - ], - [ - "H", - "SA" - ], - [ - "H", - "PO" - ], - [ - "Ġd", - "ictionaries" - ], - [ - "ĠC", - "ategor" - ], - [ - "Ġcomp", - "acted" - ], - [ - "till", - "ed" - ], - [ - "ç", - "»" - ], - [ - "Ġf", - "ines" - ], - [ - "ur", - "ans" - ], - [ - "Ġbetween", - "ness" - ], - [ - "ĠZ", - "ig" - ], - [ - "sc", - "hema" - ], - [ - "Ġcommun", - "e" - ], - [ - "ĠQu", - "inn" - ], - [ - "Ġana", - "phylaxis" - ], - [ - "TI", - "ES" - ], - [ - "Ġsnow", - "pack" - ], - [ - "ĠDO", - "A" - ], - [ - "ag", - "os" - ], - [ - "ĠO", - "dd" - ], - [ - "ard", - "e" - ], - [ - "Ġev", - "oke" - ], - [ - "ĠOc", - "ular" - ], - [ - "Ġfa", - "ulting" - ], - [ - "Ġvolcan", - "ism" - ], - [ - "ĠPale", - "ozoic" - ], - [ - "Ġmycel", - "ium" - ], - [ - "ĠAdjust", - "ment" - ], - [ - "I", - "CT" - ], - [ - "N", - "ov" - ], - [ - "al", - "ias" - ], - [ - "ĠT", - "ul" - ], - [ - "ĠH", - "h" - ], - [ - "Ġev", - "ade" - ], - [ - "OR", - "s" - ], - [ - "Ġstreng", - "thens" - ], - [ - "ĠUS", - "GS" - ], - [ - "Ġlic", - "ensing" - ], - [ - "ĠCle", - "ment" - ], - [ - "ĠPhyt", - "ophthora" - ], - [ - "r", - "ified" - ], - [ - "Ġe", - "ighteen" - ], - [ - "Ġto", - "ps" - ], - [ - "ĠC", - "LP" - ], - [ - "Ġst", - "abilities" - ], - [ - "ĠP", - "PT" - ], - [ - "ĠB", - "IN" - ], - [ - "ĠR", - "ak" - ], - [ - "Ġgen", - "istein" - ], - [ - "vol", - "ve" - ], - [ - "Ġquick", - "er" - ], - [ - "ĠCaus", - "ed" - ], - [ - "benef", - "it" - ], - [ - "Y", - "B" - ], - [ - "l", - "ift" - ], - [ - "Ġh", - "ood" - ], - [ - "ĠS", - "Cs" - ], - [ - "of", - "a" - ], - [ - "ĠMic", - "ron" - ], - [ - "angi", - "otensin" - ], - [ - "Ġfeat", - "hers" - ], - [ - "Ġantifer", - "romagnet" - ], - [ - "DEC", - "REF" - ], - [ - "yled", - "ons" - ], - [ - "Ġmyri", - "ad" - ], - [ - "Ġ", - "iz" - ], - [ - "ĠT", - "rough" - ], - [ - "âĪ", - "«" - ], - [ - "hem", - "oglobin" - ], - [ - "ĠEn", - "velope" - ], - [ - "ĠCl", - "ick" - ], - [ - "sol", - "iton" - ], - [ - "ĠSyn", - "chrotron" - ], - [ - "Ġlag", - "ged" - ], - [ - "MY", - "B" - ], - [ - "Ġtroph", - "oblast" - ], - [ - "Ġinterrog", - "ation" - ], - [ - "onv", - "uls" - ], - [ - "B", - "ac" - ], - [ - "Ġa", - "periodic" - ], - [ - "Ġg", - "pu" - ], - [ - "Ġpro", - "pidium" - ], - [ - "te", - "ps" - ], - [ - "ĠK", - "arp" - ], - [ - "ĠV", - "az" - ], - [ - "ack", - "age" - ], - [ - "ons", - "on" - ], - [ - "In", - "str" - ], - [ - "fil", - "er" - ], - [ - "rifug", - "ation" - ], - [ - "KO", - "V" - ], - [ - "four", - "th" - ], - [ - "Ġôı¼", - "IJ" - ], - [ - "hyper", - "bolic" - ], - [ - "sche", - "tz" - ], - [ - "Disc", - "ussion" - ], - [ - "ĠOrient", - "ed" - ], - [ - "j", - "ad" - ], - [ - "Ġa", - "uctions" - ], - [ - "us", - "ivity" - ], - [ - "ĠC", - "ran" - ], - [ - "Ġk", - "d" - ], - [ - "Ġint", - "est" - ], - [ - "ros", - "arcoma" - ], - [ - "ugg", - "er" - ], - [ - "ĠIL", - "P" - ], - [ - "ĠST", - "A" - ], - [ - "Ġrevers", - "als" - ], - [ - "Ġgrap", - "es" - ], - [ - "ĠPop", - "ulus" - ], - [ - "ĠKit", - "aev" - ], - [ - "ĠAV", - "P" - ], - [ - "Pre", - "viously" - ], - [ - "Ġquadr", - "atically" - ], - [ - "ĠLOC", - "AL" - ], - [ - "B", - "ert" - ], - [ - "P", - "ED" - ], - [ - "l", - "ive" - ], - [ - "à", - "¬" - ], - [ - "Ġb", - "idding" - ], - [ - "Ġto", - "ss" - ], - [ - "ent", - "o" - ], - [ - "Ġth", - "ylak" - ], - [ - "Ġcomp", - "rehend" - ], - [ - "Ġdi", - "ve" - ], - [ - "Ġapplic", - "ants" - ], - [ - "ĠÄ", - "ħ" - ], - [ - "ĠVol", - "canic" - ], - [ - "adap", - "tation" - ], - [ - "Ġá¹", - "Ģ" - ], - [ - "ĠJans", - "sen" - ], - [ - "Ġadjo", - "ining" - ], - [ - "ozol", - "omide" - ], - [ - "C", - "IS" - ], - [ - "d", - "C" - ], - [ - "duc", - "ted" - ], - [ - "ĠAn", - "ast" - ], - [ - "ĠEm", - "ployment" - ], - [ - "ĠEnd", - "ocrine" - ], - [ - "sil", - "oxane" - ], - [ - "S", - "ession" - ], - [ - "ĠN", - "arr" - ], - [ - "ĠâĪĴ", - "âĪĨ" - ], - [ - "de", - "ev" - ], - [ - "oth", - "iaz" - ], - [ - "ring", - "ing" - ], - [ - "po", - "inted" - ], - [ - "Ġacet", - "ylene" - ], - [ - "Ġglob", - "ulin" - ], - [ - "pack", - "ing" - ], - [ - "ĠUs", - "es" - ], - [ - "A", - "ES" - ], - [ - "H", - "en" - ], - [ - "ĠS", - "avage" - ], - [ - "ĠC", - "anc" - ], - [ - "ist", - "o" - ], - [ - "ĠChrom", - "osomal" - ], - [ - "Ġcement", - "ed" - ], - [ - "Ġpyro", - "x" - ], - [ - "ĠConstit", - "utive" - ], - [ - "Ġphthal", - "ate" - ], - [ - "mechan", - "ism" - ], - [ - "Ġcyclospor", - "ine" - ], - [ - "P", - "AP" - ], - [ - "ar", - "ted" - ], - [ - "ĠR", - "DT" - ], - [ - "Ġpl", - "ains" - ], - [ - "Cl", - "one" - ], - [ - "prop", - "anol" - ], - [ - "regular", - "ity" - ], - [ - "Ġcot", - "angent" - ], - [ - "ĠLes", - "lie" - ], - [ - "ĠNit", - "rate" - ], - [ - "ĠKaw", - "asaki" - ], - [ - "ĠPage", - "Rank" - ], - [ - "Ġanhyd", - "rase" - ], - [ - "ĠKrish", - "na" - ], - [ - "Ġhemicell", - "ulose" - ], - [ - "Ġ", - "ery" - ], - [ - "ll", - "is" - ], - [ - "Ġmicro", - "gram" - ], - [ - "ĠDel", - "igne" - ], - [ - "Ġenfor", - "ces" - ], - [ - "Ġthrombol", - "ysis" - ], - [ - "P", - "arse" - ], - [ - "or", - "vastatin" - ], - [ - "Ġm", - "ated" - ], - [ - "ĠC", - "rystalline" - ], - [ - "Ġaut", - "oradi" - ], - [ - "Ġtherm", - "ophilic" - ], - [ - "inf", - "ectious" - ], - [ - "Ġult", - "ram" - ], - [ - "ĠML", - "L" - ], - [ - "ĠFib", - "ers" - ], - [ - "Ġulcer", - "ation" - ], - [ - "omed", - "ial" - ], - [ - "stratig", - "raphic" - ], - [ - "Ġtouc", - "hes" - ], - [ - "r", - "he" - ], - [ - "Ġt", - "ame" - ], - [ - "ĠC", - "ulic" - ], - [ - "AR", - "DS" - ], - [ - "ch", - "ter" - ], - [ - "Ġcounter", - "clockwise" - ], - [ - "Ġcam", - "ps" - ], - [ - "VD", - "C" - ], - [ - "Ġmeth", - "adone" - ], - [ - "depend", - "ently" - ], - [ - "valid", - "ate" - ], - [ - "Ġprecl", - "udes" - ], - [ - "Ġparliament", - "ary" - ], - [ - "ĠINTE", - "REST" - ], - [ - "ĠS", - "erg" - ], - [ - "ĠC", - "BC" - ], - [ - "ere", - "lla" - ], - [ - "ay", - "i" - ], - [ - "ĠR", - "AB" - ], - [ - "Ġch", - "ym" - ], - [ - "Ġnan", - "ospheres" - ], - [ - "Ġdiab", - "etics" - ], - [ - "cons", - "ervation" - ], - [ - "Ġperme", - "ate" - ], - [ - "plot", - "ted" - ], - [ - "Ġna", - "phthalene" - ], - [ - "ĠBon", - "n" - ], - [ - "ĠElectro", - "static" - ], - [ - "Ġinvent", - "ories" - ], - [ - "Gaussian", - "ity" - ], - [ - "ĠAden", - "osine" - ], - [ - "Del", - "ay" - ], - [ - "ĠBegin", - "ning" - ], - [ - "Ġs", - "ided" - ], - [ - "ĠC", - "ushing" - ], - [ - "ĠH", - "v" - ], - [ - "Ġco", - "ined" - ], - [ - "ĠAl", - "m" - ], - [ - "sc", - "anning" - ], - [ - "fer", - "til" - ], - [ - "Ġα", - "v" - ], - [ - "ĠRe", - "activity" - ], - [ - "Ġproxim", - "ate" - ], - [ - "depend", - "encies" - ], - [ - "Ġdens", - "ification" - ], - [ - "Ġôı¼", - "ij" - ], - [ - "Ġbacteri", - "ocin" - ], - [ - "weak", - "ly" - ], - [ - "Ġdenti", - "stry" - ], - [ - "ĠOri", - "ental" - ], - [ - "Ġdorm", - "ant" - ], - [ - "Ġp", - "C" - ], - [ - "Ġm", - "um" - ], - [ - "RE", - "s" - ], - [ - "Ġcon", - "val" - ], - [ - "Ġbi", - "ota" - ], - [ - "Ġmulti", - "linear" - ], - [ - "ĠPT", - "FE" - ], - [ - "Ġnarrow", - "band" - ], - [ - "ĠRot", - "ational" - ], - [ - "Ġhoney", - "bee" - ], - [ - "ĠChlor", - "ophyll" - ], - [ - "Bas", - "eline" - ], - [ - "F", - "ern" - ], - [ - "Ġl", - "k" - ], - [ - "ĠM", - "ash" - ], - [ - "ri", - "ved" - ], - [ - "ĠB", - "ases" - ], - [ - "ĠD", - "ah" - ], - [ - "ĠK", - "ui" - ], - [ - "ĠÃ", - "ĵ" - ], - [ - "ĠRec", - "ycl" - ], - [ - "AG", - "N" - ], - [ - "PD", - "E" - ], - [ - "Ġclim", - "atological" - ], - [ - "ĠBas", - "ically" - ], - [ - "cons", - "erved" - ], - [ - "abs", - "orbing" - ], - [ - "ĠKos", - "zul" - ], - [ - "ouss", - "ines" - ], - [ - "Ġm", - "dx" - ], - [ - "ith", - "ymia" - ], - [ - "ĠH", - "inton" - ], - [ - "Ġk", - "h" - ], - [ - "Ġad", - "mittance" - ], - [ - "ĠV", - "y" - ], - [ - "Ġext", - "rema" - ], - [ - "Ġcre", - "ftype" - ], - [ - "sub", - "st" - ], - [ - "Ġble", - "omycin" - ], - [ - "LINE", - "AR" - ], - [ - "A", - "Q" - ], - [ - "i", - "om" - ], - [ - "Ġn", - "ong" - ], - [ - "op", - "ian" - ], - [ - "se", - "in" - ], - [ - "ud", - "al" - ], - [ - "Ġear", - "ning" - ], - [ - "Ġstandard", - "ize" - ], - [ - "ĠPar", - "ticular" - ], - [ - "Ġwave", - "vector" - ], - [ - "dx", - "dy" - ], - [ - "ĠMac", - "Donald" - ], - [ - "ĠEst", - "uary" - ], - [ - "valid", - "ated" - ], - [ - "ĠHur", - "st" - ], - [ - "ĠMuk", - "herjee" - ], - [ - "Ġbival", - "ves" - ], - [ - "Ġjug", - "ular" - ], - [ - "U", - "b" - ], - [ - "v", - "ill" - ], - [ - "en", - "ough" - ], - [ - "Ġin", - "forms" - ], - [ - "an", - "atomical" - ], - [ - "ul", - "ou" - ], - [ - "res", - "a" - ], - [ - "ĠP", - "MC" - ], - [ - "ĠM", - "ira" - ], - [ - "ĠR", - "PL" - ], - [ - "ĠSD", - "C" - ], - [ - "Ġhem", - "i" - ], - [ - "Mo", - "S" - ], - [ - "ĠFlo", - "at" - ], - [ - "Ġoccl", - "usal" - ], - [ - "ĠRain", - "bow" - ], - [ - "ĠProvid", - "ing" - ], - [ - "Ġsupercapac", - "itor" - ], - [ - "os", - "f" - ], - [ - "ĠI", - "RT" - ], - [ - "Ġad", - "m" - ], - [ - "Ġdec", - "oders" - ], - [ - "ĠX", - "R" - ], - [ - "ĠRes", - "cue" - ], - [ - "Ġent", - "om" - ], - [ - "Ġmor", - "tal" - ], - [ - "An", - "gle" - ], - [ - "Ind", - "ia" - ], - [ - "ĠMal", - "i" - ], - [ - "Ġinsp", - "ecting" - ], - [ - "ĠGALAX", - "Y" - ], - [ - "ĠEri", - "ks" - ], - [ - "Y", - "F" - ], - [ - "r", - "ings" - ], - [ - "Ġs", - "ir" - ], - [ - "Ġg", - "sl" - ], - [ - "ĠB", - "ubble" - ], - [ - "ĠD", - "CA" - ], - [ - "ĠW", - "idespread" - ], - [ - "ass", - "ignment" - ], - [ - "Ġge", - "omorph" - ], - [ - "ĠPre", - "ference" - ], - [ - "CO", - "PD" - ], - [ - "process", - "ors" - ], - [ - "cut", - "off" - ], - [ - "ĠFlow", - "er" - ], - [ - "phen", - "omen" - ], - [ - "mus", - "ic" - ], - [ - "ĠSlov", - "akia" - ], - [ - "Support", - "ing" - ], - [ - "b", - "low" - ], - [ - "ed", - "it" - ], - [ - "ĠT", - "rophy" - ], - [ - "ĠA", - "SF" - ], - [ - "ĠM", - "oses" - ], - [ - "Ġind", - "els" - ], - [ - "Ġnon", - "human" - ], - [ - "Ġhand", - "ic" - ], - [ - "Ġrepair", - "ing" - ], - [ - "Ġmicrom", - "eter" - ], - [ - "ĠPhilip", - "pe" - ], - [ - "Ġexud", - "ates" - ], - [ - "ĠâĹ", - "ĭ" - ], - [ - "Ġamalg", - "am" - ], - [ - "K", - "in" - ], - [ - "f", - "ors" - ], - [ - "f", - "ron" - ], - [ - "Ġan", - "abolic" - ], - [ - "ĠE", - "ich" - ], - [ - "NA", - "N" - ], - [ - "Ġpseud", - "ogap" - ], - [ - "analy", - "zed" - ], - [ - "Ġtack", - "led" - ], - [ - "agin", - "ous" - ], - [ - "Ġlubric", - "ant" - ], - [ - "Ġradion", - "uclides" - ], - [ - "arrest", - "in" - ], - [ - "oussines", - "q" - ], - [ - "L", - "if" - ], - [ - "Î", - "¥" - ], - [ - "re", - "ceived" - ], - [ - "as", - "tive" - ], - [ - "ĠP", - "BC" - ], - [ - "Ġam", - "oxicillin" - ], - [ - "cop", - "per" - ], - [ - "ubl", - "ing" - ], - [ - "oph", - "ages" - ], - [ - "ĠSe", - "as" - ], - [ - "ĠEl", - "ite" - ], - [ - "PM", - "MA" - ], - [ - "Ġchol", - "ang" - ], - [ - "Depend", - "ing" - ], - [ - "Ġas", - "bestos" - ], - [ - "ĠF", - "ecal" - ], - [ - "ĠR", - "ath" - ], - [ - "ĠL", - "ey" - ], - [ - "Ġfact", - "ored" - ], - [ - "bb", - "les" - ], - [ - "Ġtoken", - "izer" - ], - [ - "Ġofficinal", - "is" - ], - [ - "ĠNUC", - "LE" - ], - [ - "ĠS", - "emicon" - ], - [ - "ĠB", - "ous" - ], - [ - "ĠR", - "is" - ], - [ - "Ġlo", - "ans" - ], - [ - "AC", - "P" - ], - [ - "âĻ", - "Ģ" - ], - [ - "phos", - "ate" - ], - [ - "Ġc", - "herry" - ], - [ - "an", - "an" - ], - [ - "ar", - "re" - ], - [ - "ĠC", - "redit" - ], - [ - "ise", - "xual" - ], - [ - "ĠAc", - "ta" - ], - [ - "ĠLet", - "ting" - ], - [ - "ĠInf", - "arction" - ], - [ - "ĠAcc", - "ounting" - ], - [ - "Ġcounter", - "stained" - ], - [ - "Ġaer", - "ogel" - ], - [ - "standard", - "ized" - ], - [ - "Ġly", - "ase" - ], - [ - "seg", - "ments" - ], - [ - "Ġbac", - "helor" - ], - [ - "Ġh", - "ue" - ], - [ - "ĠN", - "ETs" - ], - [ - "Ġun", - "adjusted" - ], - [ - "Ġmicro", - "hardness" - ], - [ - "Ġsingle", - "ts" - ], - [ - "ĠSP", - "ACE" - ], - [ - "ĠHyd", - "raulic" - ], - [ - "MET", - "HOD" - ], - [ - "ĠBj", - "ör" - ], - [ - "ĠK", - "U" - ], - [ - "Ġrep", - "ur" - ], - [ - "Ġradi", - "ocarbon" - ], - [ - "Ġheter", - "ogeneities" - ], - [ - "Ġgast", - "rocnemius" - ], - [ - "ĠLT", - "D" - ], - [ - "Ġaccident", - "ally" - ], - [ - "Process", - "ing" - ], - [ - "Dop", - "pler" - ], - [ - "T", - "BI" - ], - [ - "Ġl", - "ingual" - ], - [ - "ĠA", - "GS" - ], - [ - "ĠF", - "rontal" - ], - [ - "ĠB", - "rack" - ], - [ - "the", - "ma" - ], - [ - "Ġrepresent", - "able" - ], - [ - "Ġpress", - "urized" - ], - [ - "AD", - "R" - ], - [ - "ĠMicro", - "fluid" - ], - [ - "Ġê", - "°" - ], - [ - "Ġreus", - "able" - ], - [ - "Ġv", - "endor" - ], - [ - "all", - "er" - ], - [ - "Ġdi", - "version" - ], - [ - "FA", - "ST" - ], - [ - "ĠKir", - "by" - ], - [ - "ĠStim", - "ulus" - ], - [ - "Ġattach", - "ments" - ], - [ - "ĠBrid", - "ging" - ], - [ - "ĠRober", - "to" - ], - [ - "Ġqueu", - "ing" - ], - [ - "t", - "ling" - ], - [ - "ro", - "ots" - ], - [ - "ĠM", - "x" - ], - [ - "ĠM", - "arrow" - ], - [ - "ĠL", - "ocus" - ], - [ - "Ġun", - "important" - ], - [ - "erg", - "arten" - ], - [ - "ÃŃ", - "k" - ], - [ - "ĠPot", - "ent" - ], - [ - "ĠBruns", - "wick" - ], - [ - "ĠS", - "CT" - ], - [ - "ĠM", - "our" - ], - [ - "em", - "ias" - ], - [ - "ĠN", - "CS" - ], - [ - "ch", - "icine" - ], - [ - "ĠO", - "ryza" - ], - [ - "Ġwhere", - "ver" - ], - [ - "ĠX", - "GB" - ], - [ - "CO", - "X" - ], - [ - "Ġhydrogen", - "ated" - ], - [ - "Ġhyd", - "raz" - ], - [ - "ĠPers", - "ons" - ], - [ - "Ġframes", - "hift" - ], - [ - "Ġelectroly", - "tic" - ], - [ - "ĠSen", - "egal" - ], - [ - "Ġphag", - "ocyt" - ], - [ - "Ġinstantaneous", - "ly" - ], - [ - "ĠGround", - "water" - ], - [ - "Ġimper", - "ial" - ], - [ - "ĠRhod", - "e" - ], - [ - "ÅĦ", - "ska" - ], - [ - "ovis", - "ual" - ], - [ - "onts", - "ize" - ], - [ - "ĠExplan", - "ation" - ], - [ - "Ġempower", - "ment" - ], - [ - "N", - "TA" - ], - [ - "P", - "u" - ], - [ - "P", - "or" - ], - [ - "S", - "ched" - ], - [ - "e", - "ats" - ], - [ - "Ġ", - "ys" - ], - [ - "in", - "ous" - ], - [ - "Ġw", - "ilt" - ], - [ - "ĠM", - "ov" - ], - [ - "ect", - "on" - ], - [ - "ĠG", - "ins" - ], - [ - "int", - "roduction" - ], - [ - "ince", - "ption" - ], - [ - "ĠInter", - "preting" - ], - [ - "Ġstart", - "up" - ], - [ - "Ġalb", - "ino" - ], - [ - "Ġtet", - "ras" - ], - [ - "ĠHouse", - "hold" - ], - [ - "ĠEL", - "M" - ], - [ - "Ġspor", - "ulation" - ], - [ - "Ġosm", - "ol" - ], - [ - "B", - "is" - ], - [ - "er", - "ule" - ], - [ - "ĠE", - "AR" - ], - [ - "Ġim", - "balances" - ], - [ - "Ġk", - "t" - ], - [ - "Ġj", - "l" - ], - [ - "ges", - "terone" - ], - [ - "eral", - "a" - ], - [ - "ĠPo", - "inter" - ], - [ - "ĠHR", - "QoL" - ], - [ - "ĠRi", - "et" - ], - [ - "ĠEsc", - "ape" - ], - [ - "pur", - "ified" - ], - [ - "Ġinstanti", - "ation" - ], - [ - "m", - "atis" - ], - [ - "ion", - "a" - ], - [ - "Ġn", - "oxious" - ], - [ - "ĠN", - "og" - ], - [ - "Ġj", - "am" - ], - [ - "ĠAnt", - "oni" - ], - [ - "ĠGod", - "d" - ], - [ - "ĠPersonal", - "ized" - ], - [ - "Ġperm", - "uted" - ], - [ - "ĠS", - "HE" - ], - [ - "ĠO", - "blast" - ], - [ - "ĠFor", - "bes" - ], - [ - "ĠRes", - "veratrol" - ], - [ - "ĠFe", - "Se" - ], - [ - "Ġelectro", - "deposition" - ], - [ - "Ġhome", - "obox" - ], - [ - "Ġpy", - "ogenes" - ], - [ - "Ġviol", - "in" - ], - [ - "Ġiso", - "electric" - ], - [ - "ĠPP", - "G" - ], - [ - "prob", - "ably" - ], - [ - "AMP", - "K" - ], - [ - "ĠWol", - "fe" - ], - [ - "Ġultraf", - "ine" - ], - [ - "B", - "eyond" - ], - [ - "on", - "at" - ], - [ - "ed", - "ian" - ], - [ - "EN", - "ABLE" - ], - [ - "ĠH", - "AM" - ], - [ - "so", - "ut" - ], - [ - "ĠOp", - "inion" - ], - [ - "rin", - "ted" - ], - [ - "typ", - "ing" - ], - [ - "Un", - "known" - ], - [ - "Ġbuck", - "ets" - ], - [ - "Ġintuition", - "istic" - ], - [ - "algorithm", - "s" - ], - [ - "S", - "SC" - ], - [ - "b", - "ir" - ], - [ - "ĠP", - "ond" - ], - [ - "ad", - "vert" - ], - [ - "ip", - "in" - ], - [ - "Ġup", - "wind" - ], - [ - "ĠCl", - "aire" - ], - [ - "ĠMat", - "uration" - ], - [ - "ĠPr", - "P" - ], - [ - "OP", - "O" - ], - [ - "FORM", - "ANCE" - ], - [ - "Ġd", - "M" - ], - [ - "ĠC", - "ities" - ], - [ - "Ġinter", - "related" - ], - [ - "ĠAp", - "paratus" - ], - [ - "Ġprec", - "ious" - ], - [ - "cript", - "ors" - ], - [ - "Ġprepared", - "ness" - ], - [ - "ĠAR", - "CH" - ], - [ - "ĠPath", - "ogens" - ], - [ - "HO", - "ST" - ], - [ - "ĠGib", - "bons" - ], - [ - "Ġirregular", - "ity" - ], - [ - "ĠLip", - "ids" - ], - [ - "Ġcf", - "u" - ], - [ - "Ġvas", - "odilation" - ], - [ - "imet", - "re" - ], - [ - "impro", - "ved" - ], - [ - "m", - "q" - ], - [ - "ĠH", - "ens" - ], - [ - "ĠL", - "oci" - ], - [ - "unc", - "redited" - ], - [ - "Ġmulti", - "grid" - ], - [ - "tig", - "o" - ], - [ - "Ġaccount", - "ability" - ], - [ - "ench", - "yme" - ], - [ - "Ġdisadvant", - "aged" - ], - [ - "Ġbisp", - "henol" - ], - [ - "Ġt", - "ic" - ], - [ - "Ġfor", - "ks" - ], - [ - "ĠW", - "ester" - ], - [ - "ĠV", - "ii" - ], - [ - "ĠJ", - "ere" - ], - [ - "sim", - "ultaneous" - ], - [ - "ĠGu", - "arant" - ], - [ - "ĠDo", - "yle" - ], - [ - "Ġpotenti", - "ates" - ], - [ - "lass", - "ified" - ], - [ - "Ġile", - "al" - ], - [ - "Ġvasoconstr", - "iction" - ], - [ - "M", - "ODULE" - ], - [ - "N", - "ano" - ], - [ - "W", - "ood" - ], - [ - "ĠT", - "AT" - ], - [ - "ur", - "ious" - ], - [ - "un", - "ya" - ], - [ - "Ġins", - "tillation" - ], - [ - "ĠSim", - "mons" - ], - [ - "ĠDi", - "rectional" - ], - [ - "Ġmal", - "ate" - ], - [ - "Ġplant", - "ation" - ], - [ - "Ġuns", - "olved" - ], - [ - "ĠTa", - "uri" - ], - [ - "Ġov", - "ine" - ], - [ - "Ġkeratin", - "ocyte" - ], - [ - "ĠKull", - "back" - ], - [ - "ĠKazakh", - "stan" - ], - [ - "Ġh", - "irs" - ], - [ - "ĠA", - "erobic" - ], - [ - "ĠH", - "ai" - ], - [ - "ĠR", - "iley" - ], - [ - "ens", - "ible" - ], - [ - "Ġinter", - "planetary" - ], - [ - "Ġtrans", - "its" - ], - [ - "Ġgener", - "ous" - ], - [ - "Ġcal", - "pain" - ], - [ - "Ġapp", - "ended" - ], - [ - "ĠHydro", - "dynamics" - ], - [ - "Ġcolon", - "ize" - ], - [ - "Ġheart", - "beat" - ], - [ - "Ġmetast", - "as" - ], - [ - "Ġpy", - "reth" - ], - [ - "ĠPA", - "K" - ], - [ - "ĠÐ", - "¡" - ], - [ - "multi", - "plet" - ], - [ - "ĠBrad", - "y" - ], - [ - "Ġpropri", - "a" - ], - [ - "ĠFron", - "tier" - ], - [ - "ĠJoy", - "ce" - ], - [ - "ĠP", - "GF" - ], - [ - "ĠM", - "cl" - ], - [ - "rec", - "urrent" - ], - [ - "ĠRe", - "placing" - ], - [ - "inf", - "erence" - ], - [ - "ĠWh", - "itt" - ], - [ - "Ġschool", - "ing" - ], - [ - "ĠHa", - "rold" - ], - [ - "Ġabst", - "ractions" - ], - [ - "âĬ", - "ķ" - ], - [ - "mem", - "cpy" - ], - [ - "Ġmicron", - "ucle" - ], - [ - "Ġradion", - "uclide" - ], - [ - "ot", - "yl" - ], - [ - "ĠM", - "IF" - ], - [ - "ĠM", - "US" - ], - [ - "Ġex", - "foli" - ], - [ - "ĠF", - "amilial" - ], - [ - "Ġcl", - "am" - ], - [ - "ON", - "O" - ], - [ - "Ġvan", - "illa" - ], - [ - "Ġpast", - "oris" - ], - [ - "ĠAT", - "L" - ], - [ - "ĠBur", - "sts" - ], - [ - "Qu", - "antitative" - ], - [ - "Ġelic", - "iting" - ], - [ - "Ġgranul", - "omatous" - ], - [ - "Ġbrow", - "sing" - ], - [ - "t", - "racks" - ], - [ - "Ġh", - "ij" - ], - [ - "ĠB", - "CP" - ], - [ - "inc", - "omp" - ], - [ - "az", - "id" - ], - [ - "ck", - "pt" - ], - [ - "Ġlink", - "ers" - ], - [ - "Ġsqu", - "id" - ], - [ - "Ġhead", - "aches" - ], - [ - "ĠMor", - "al" - ], - [ - "Ġstabil", - "isation" - ], - [ - "&&", - "&&" - ], - [ - "ĠSu", - "fficient" - ], - [ - "ĠArch", - "aea" - ], - [ - "Ġì", - "ł" - ], - [ - "ĠLuc", - "iferase" - ], - [ - "Cam", - "era" - ], - [ - "expand", - "ed" - ], - [ - "Ġmyster", - "ious" - ], - [ - "H", - "PS" - ], - [ - "ĠB", - "J" - ], - [ - "ĠK", - "NN" - ], - [ - "Ġsuper", - "hydrophobic" - ], - [ - "ĠHydro", - "thermal" - ], - [ - "ĠRus", - "so" - ], - [ - "ĠArsen", - "ic" - ], - [ - "Ġnormot", - "ensive" - ], - [ - "ul", - "timate" - ], - [ - "ĠC", - "MIP" - ], - [ - "ex", - "amined" - ], - [ - "Ġmicro", - "porous" - ], - [ - "Ġfore", - "ver" - ], - [ - "ĠST", - "ING" - ], - [ - "IG", - "S" - ], - [ - "ĉĉĉ", - "ĠĠ" - ], - [ - "Pl", - "ant" - ], - [ - "Ġcoherent", - "ly" - ], - [ - "charg", - "ing" - ], - [ - "Ġinher", - "it" - ], - [ - "altern", - "ative" - ], - [ - "ĠBap", - "tist" - ], - [ - "F", - "m" - ], - [ - "b", - "ipy" - ], - [ - "Ġo", - "ler" - ], - [ - "ĠSub", - "stit" - ], - [ - "Ġult", - "rap" - ], - [ - "free", - "ze" - ], - [ - "perg", - "ill" - ], - [ - "POS", - "E" - ], - [ - "Ġadvertis", - "ements" - ], - [ - "ECH", - "AN" - ], - [ - "Bay", - "esian" - ], - [ - "Ġcob", - "ordism" - ], - [ - "¸", - "°" - ], - [ - "ĠA", - "ER" - ], - [ - "ĠA", - "IP" - ], - [ - "ĠL", - "NA" - ], - [ - "ess", - "entially" - ], - [ - "rec", - "iprocal" - ], - [ - "ĠAn", - "and" - ], - [ - "Ġsm", - "eared" - ], - [ - "ones", - "e" - ], - [ - "ethyl", - "amine" - ], - [ - "ĠER", - "S" - ], - [ - "Ġjud", - "icial" - ], - [ - "Ġwood", - "land" - ], - [ - "ĠGre", - "gor" - ], - [ - "Ġtab", - "ular" - ], - [ - "avir", - "in" - ], - [ - "mir", - "ror" - ], - [ - "Ġja", - "undice" - ], - [ - "astig", - "otes" - ], - [ - "ĠL", - "GBT" - ], - [ - "ĠN", - "aj" - ], - [ - "Ġsub", - "scheme" - ], - [ - "Ġmulti", - "user" - ], - [ - "Ġdrain", - "s" - ], - [ - "Ġevac", - "uated" - ], - [ - "phosphor", - "yl" - ], - [ - "ĠFeld", - "man" - ], - [ - "ĠTRI", - "zol" - ], - [ - "ĠBLE", - "U" - ], - [ - "a", - "romatic" - ], - [ - "o", - "viÄĩ" - ], - [ - "p", - "ion" - ], - [ - "re", - "pr" - ], - [ - "ro", - "th" - ], - [ - "ĠF", - "ES" - ], - [ - "ĠL", - "eeds" - ], - [ - "Ġun", - "g" - ], - [ - "ob", - "ranch" - ], - [ - "Ġpat", - "ency" - ], - [ - "ĠSc", - "r" - ], - [ - "ĠSim", - "plex" - ], - [ - "pec", - "ies" - ], - [ - "Ġbenef", - "ici" - ], - [ - "Ġpolymer", - "ases" - ], - [ - "ĠCy", - "gn" - ], - [ - "oct", - "adec" - ], - [ - "Ġpunct", - "ured" - ], - [ - "Ġjaponic", - "us" - ], - [ - "ĠFPG", - "As" - ], - [ - "f", - "rown" - ], - [ - "Ġe", - "b" - ], - [ - "ut", - "iny" - ], - [ - "ĠP", - "oy" - ], - [ - "ĠB", - "rent" - ], - [ - "ĠB", - "AM" - ], - [ - "ĠH", - "ick" - ], - [ - "ĠN", - "PS" - ], - [ - "ĠG", - "DF" - ], - [ - "ĠV", - "IRT" - ], - [ - "Ġinter", - "l" - ], - [ - "Ġsc", - "Fv" - ], - [ - "Ġte", - "amm" - ], - [ - "Ġparticip", - "atory" - ], - [ - "Ġexist", - "ential" - ], - [ - "Ġoste", - "omyelitis" - ], - [ - "Ġpneum", - "othorax" - ], - [ - "std", - "out" - ], - [ - "Ġsinglet", - "ons" - ], - [ - "hyp", - "othesis" - ], - [ - "strat", - "ified" - ], - [ - "U", - "SD" - ], - [ - "on", - "asal" - ], - [ - "er", - "is" - ], - [ - "im", - "its" - ], - [ - "ĠI", - "Cs" - ], - [ - "ĠE", - "ncephal" - ], - [ - "iz", - "i" - ], - [ - "ĠG", - "radients" - ], - [ - "Ġall", - "op" - ], - [ - "Ġcor", - "p" - ], - [ - "con", - "structed" - ], - [ - "Ġmon", - "ument" - ], - [ - "sim", - "ulator" - ], - [ - "ĠFerm", - "ions" - ], - [ - "ĠWy", - "oming" - ], - [ - "Ġprednis", - "olone" - ], - [ - "L", - "ang" - ], - [ - "N", - "otes" - ], - [ - "e", - "er" - ], - [ - "Ġf", - "ighter" - ], - [ - "ent", - "rant" - ], - [ - "ĠN", - "ij" - ], - [ - "ĠG", - "PD" - ], - [ - "ĠPro", - "l" - ], - [ - "Ġreal", - "isation" - ], - [ - "Ġpack", - "ings" - ], - [ - "ĠDisc", - "overing" - ], - [ - "ĠAng", - "lo" - ], - [ - "ĠCass", - "ini" - ], - [ - "exec", - "ute" - ], - [ - "Ġinhab", - "ited" - ], - [ - "ac", - "ross" - ], - [ - "ĠC", - "ram" - ], - [ - "ĠN", - "BR" - ], - [ - "ant", - "es" - ], - [ - "Ġdis", - "persing" - ], - [ - "ach", - "andran" - ], - [ - "ĠU", - "ND" - ], - [ - "Ġshould", - "ers" - ], - [ - "Ġcr", - "ises" - ], - [ - "ustr", - "ine" - ], - [ - "Ġprop", - "ane" - ], - [ - "UN", - "E" - ], - [ - "br", - "ush" - ], - [ - "Ġeti", - "ologies" - ], - [ - "Ġshot", - "gun" - ], - [ - "show", - "ing" - ], - [ - "ĠPhyt", - "ochemical" - ], - [ - "ĠMeh", - "ta" - ], - [ - "orr", - "hea" - ], - [ - "ĠImag", - "ery" - ], - [ - "T", - "re" - ], - [ - "w", - "c" - ], - [ - "Ġe", - "luent" - ], - [ - "ond", - "in" - ], - [ - "ĠAt", - "titude" - ], - [ - "Ġfer", - "romagnet" - ], - [ - "Ġcounter", - "measures" - ], - [ - "Ġalk", - "anes" - ], - [ - "ĠCap", - "illary" - ], - [ - "lat", - "ent" - ], - [ - "Ġsolub", - "il" - ], - [ - "View", - "er" - ], - [ - "áz", - "quez" - ], - [ - "ĠPunj", - "ab" - ], - [ - "a", - "as" - ], - [ - "t", - "ang" - ], - [ - "Ġim", - "ports" - ], - [ - "ĠY", - "ounger" - ], - [ - "rough", - "ly" - ], - [ - "We", - "inberg" - ], - [ - "ĠAt", - "kinson" - ], - [ - "bf", - "a" - ], - [ - "MP", - "a" - ], - [ - "ste", - "el" - ], - [ - "PC", - "P" - ], - [ - "chlor", - "inated" - ], - [ - "ĠPsych", - "ometric" - ], - [ - "Ġpyro", - "ptosis" - ], - [ - "Ġwat", - "ched" - ], - [ - "ĠPerc", - "utaneous" - ], - [ - "R", - "BD" - ], - [ - "V", - "ARI" - ], - [ - "at", - "u" - ], - [ - "ĠW", - "ake" - ], - [ - "Ġcan", - "yon" - ], - [ - "ip", - "arous" - ], - [ - "Ġsc", - "all" - ], - [ - "com", - "pletely" - ], - [ - "inter", - "fer" - ], - [ - "ophy", - "ceae" - ], - [ - "Ġfatal", - "ities" - ], - [ - "cz", - "ak" - ], - [ - "ĠPathophys", - "iology" - ], - [ - "L", - "em" - ], - [ - "l", - "ach" - ], - [ - "t", - "uary" - ], - [ - "Ġa", - "lex" - ], - [ - "Ġs", - "isters" - ], - [ - "Ġp", - "um" - ], - [ - "ĠC", - "atch" - ], - [ - "ĠE", - "ber" - ], - [ - "ine", - "x" - ], - [ - "ph", - "the" - ], - [ - "Ġbo", - "ar" - ], - [ - "ĠSo", - "ul" - ], - [ - "Ġcat", - "fish" - ], - [ - "Ġcloud", - "y" - ], - [ - "ĠBu", - "ilt" - ], - [ - "ophyl", - "line" - ], - [ - "ĠRib", - "osome" - ], - [ - "ĠAnomal", - "ies" - ], - [ - "Y", - "D" - ], - [ - "c", - "ategorical" - ], - [ - "w", - "or" - ], - [ - "op", - "enta" - ], - [ - "ĠL", - "IB" - ], - [ - "Ġr", - "ick" - ], - [ - "Ġradi", - "ations" - ], - [ - "Ġhyper", - "cube" - ], - [ - "Ġmal", - "treatment" - ], - [ - "Ġî", - "ĦĦ" - ], - [ - "dispers", - "ity" - ], - [ - "contin", - "ent" - ], - [ - "Dig", - "ital" - ], - [ - "ĠCory", - "neb" - ], - [ - "Ġre", - "vert" - ], - [ - "ĠT", - "EA" - ], - [ - "ĠM", - "LR" - ], - [ - "ĠF", - "CM" - ], - [ - "ĠL", - "amp" - ], - [ - "iz", - "abilities" - ], - [ - "Ġcar", - "ved" - ], - [ - "ĠMon", - "oclonal" - ], - [ - "Ġpen", - "is" - ], - [ - "ĠMor", - "ales" - ], - [ - "En", - "ter" - ], - [ - "ester", - "ification" - ], - [ - "Ġcab", - "bage" - ], - [ - "RAN", - "TIES" - ], - [ - "Ġdebrid", - "ement" - ], - [ - "L", - "ead" - ], - [ - "c", - "AMP" - ], - [ - "Ġc", - "esium" - ], - [ - "ĠC", - "ubic" - ], - [ - "Ġun", - "imodular" - ], - [ - "ĠEx", - "port" - ], - [ - "Ġanalys", - "er" - ], - [ - "den", - "otes" - ], - [ - "Ġrad", - "ically" - ], - [ - "ĠHist", - "ology" - ], - [ - "Ġmelan", - "omas" - ], - [ - "Ġwors", - "hip" - ], - [ - "ĠHimal", - "ayan" - ], - [ - "ĠInte", - "grable" - ], - [ - "benzenesulf", - "onamide" - ], - [ - "Ġharb", - "ored" - ], - [ - "P", - "utting" - ], - [ - "ĠT", - "ir" - ], - [ - "ĠU", - "TI" - ], - [ - "cent", - "ers" - ], - [ - "ĠPl", - "uripot" - ], - [ - "Ġhar", - "bors" - ], - [ - "Ġcarb", - "am" - ], - [ - "ĠApp", - "alach" - ], - [ - "ĠJo", - "an" - ], - [ - "ĠCommission", - "er" - ], - [ - "ĠGem", - "ini" - ], - [ - "N", - "ear" - ], - [ - "O", - "PS" - ], - [ - "Q", - "G" - ], - [ - "p", - "ytorch" - ], - [ - "st", - "aining" - ], - [ - "Ġh", - "CG" - ], - [ - "Ġg", - "avage" - ], - [ - "per", - "haps" - ], - [ - "ĠG", - "rib" - ], - [ - "ĠZ", - "ah" - ], - [ - "Ġcompar", - "ably" - ], - [ - "ĠBi", - "oscience" - ], - [ - "SP", - "L" - ], - [ - "Con", - "nell" - ], - [ - "ĠAir", - "way" - ], - [ - "prim", - "ed" - ], - [ - "Ġsubmuc", - "osal" - ], - [ - "Enh", - "anced" - ], - [ - "Ġwis", - "dom" - ], - [ - "V", - "N" - ], - [ - "ĠM", - "umbai" - ], - [ - "ri", - "us" - ], - [ - "ĠR", - "GD" - ], - [ - "ĠR", - "Neasy" - ], - [ - "ma", - "i" - ], - [ - "ĠAD", - "L" - ], - [ - "Ġadop", - "tive" - ], - [ - "Out", - "lined" - ], - [ - "ĠWAR", - "RANTIES" - ], - [ - "ĠViol", - "ence" - ], - [ - "Ġcater", - "p" - ], - [ - "F", - "und" - ], - [ - "d", - "θ" - ], - [ - "ĠP", - "ok" - ], - [ - "ĠB", - "enson" - ], - [ - "ĠR", - "IG" - ], - [ - "ĠV", - "s" - ], - [ - "Ġinst", - "ants" - ], - [ - "ĠMulti", - "drug" - ], - [ - "PD", - "MS" - ], - [ - "CON", - "ST" - ], - [ - "Ġcart", - "ridge" - ], - [ - "ĠLif", - "estyle" - ], - [ - "ĠCOND", - "ITIONS" - ], - [ - "odys", - "plastic" - ], - [ - "CONTR", - "OL" - ], - [ - "L", - "HC" - ], - [ - "ti", - "re" - ], - [ - "ĠS", - "tain" - ], - [ - "Ġy", - "x" - ], - [ - "Ġj", - "unctional" - ], - [ - "ob", - "o" - ], - [ - "ann", - "ah" - ], - [ - "ĠCP", - "AP" - ], - [ - "Ġsound", - "ness" - ], - [ - "ĠUl", - "timate" - ], - [ - "sil", - "icon" - ], - [ - "Ġparal", - "og" - ], - [ - "E", - "vents" - ], - [ - "G", - "as" - ], - [ - "J", - "E" - ], - [ - "ĠJ", - "orge" - ], - [ - "Ġover", - "production" - ], - [ - "Ġmax", - "illa" - ], - [ - "ĠRe", - "asons" - ], - [ - "we", - "eks" - ], - [ - "ĠNe", - "arest" - ], - [ - "Ġhead", - "space" - ], - [ - "ĠAT", - "C" - ], - [ - "bal", - "ancing" - ], - [ - "Ġjud", - "ging" - ], - [ - "ĠUnivers", - "ality" - ], - [ - "Ġsinus", - "es" - ], - [ - "Ġretro", - "peritoneal" - ], - [ - "Det", - "ection" - ], - [ - "Ġhydrolys", - "ate" - ], - [ - "H", - "och" - ], - [ - "w", - "rapper" - ], - [ - "Ġp", - "Ka" - ], - [ - "Ġl", - "asso" - ], - [ - "ĠA", - "lu" - ], - [ - "ĠA", - "PR" - ], - [ - "ĠD", - "ors" - ], - [ - "ĠD", - "arboux" - ], - [ - "ĠR", - "FS" - ], - [ - "ĠK", - "har" - ], - [ - "ĠTh", - "rom" - ], - [ - "Ġdesign", - "ate" - ], - [ - "arc", - "o" - ], - [ - "Ġtherm", - "ostat" - ], - [ - "ĠGl", - "acial" - ], - [ - "IF", - "F" - ], - [ - "ĠMan", - "ifest" - ], - [ - "Ġinters", - "persed" - ], - [ - "haus", - "er" - ], - [ - "ĠDD", - "X" - ], - [ - "Ġa", - "le" - ], - [ - "ti", - "des" - ], - [ - "Ġl", - "accase" - ], - [ - "ĠH", - "ered" - ], - [ - "ĠR", - "acial" - ], - [ - "ĠK", - "ats" - ], - [ - "aj", - "o" - ], - [ - "ĠCo", - "ordinated" - ], - [ - "ĠProb", - "ably" - ], - [ - "Ġtit", - "anate" - ], - [ - "SL", - "AM" - ], - [ - "dri", - "ving" - ], - [ - "ĠEmerg", - "ent" - ], - [ - "ĠDri", - "ves" - ], - [ - "Ġoblig", - "ations" - ], - [ - "Ġnebul", - "ae" - ], - [ - "f", - "ried" - ], - [ - "ith", - "in" - ], - [ - "ĠP", - "GD" - ], - [ - "oc", - "clusion" - ], - [ - "ĠU", - "H" - ], - [ - "Ġsub", - "routine" - ], - [ - "oid", - "in" - ], - [ - "Ġann", - "oy" - ], - [ - "ĠVir", - "asoro" - ], - [ - "inst", - "ances" - ], - [ - "ĠDer", - "by" - ], - [ - "Ġtriang", - "ulations" - ], - [ - "Ġcutoff", - "s" - ], - [ - "ĠOrganization", - "al" - ], - [ - "ĠVen", - "k" - ], - [ - "ĠEG", - "TA" - ], - [ - "ĠDeut", - "sche" - ], - [ - "Ġantine", - "ut" - ], - [ - "ĠVulner", - "ability" - ], - [ - "i", - "ated" - ], - [ - "Ġa", - "vium" - ], - [ - "Ġh", - "sp" - ], - [ - "em", - "ulsions" - ], - [ - "ad", - "herence" - ], - [ - "ĠU", - "PS" - ], - [ - "ma", - "ph" - ], - [ - "ĠV", - "AP" - ], - [ - "rel", - "atively" - ], - [ - "Ġmax", - "ill" - ], - [ - "oph", - "ase" - ], - [ - "Th", - "reshold" - ], - [ - "ĠSup", - "p" - ], - [ - "eth", - "oprim" - ], - [ - "Ġpenet", - "rated" - ], - [ - "Ġblast", - "ing" - ], - [ - "ĠAdvant", - "ages" - ], - [ - "B", - "US" - ], - [ - "ol", - "son" - ], - [ - "rec", - "v" - ], - [ - "Ġcar", - "nitine" - ], - [ - "ten", - "ing" - ], - [ - "Ġprov", - "oked" - ], - [ - "vari", - "ous" - ], - [ - "ĠCal", - "ab" - ], - [ - "len", - "eck" - ], - [ - "ĠPark", - "in" - ], - [ - "Ġblow", - "up" - ], - [ - "ĠDW", - "I" - ], - [ - "synt", - "hesized" - ], - [ - "Ġdisproportion", - "ately" - ], - [ - "Ġcardio", - "respiratory" - ], - [ - "ĠXanth", - "omonas" - ], - [ - "Ġpunc", - "ta" - ], - [ - "bdd", - "c" - ], - [ - "ĠP", - "ACS" - ], - [ - "ase", - "g" - ], - [ - "Ġinc", - "urs" - ], - [ - "ost", - "a" - ], - [ - "ĠJ", - "L" - ], - [ - "ĠWe", - "ierstrass" - ], - [ - "ole", - "ucine" - ], - [ - "Ġfin", - "als" - ], - [ - "Ġcaus", - "ation" - ], - [ - "ĠDi", - "rective" - ], - [ - "ĠPor", - "to" - ], - [ - "ĠFlo", - "res" - ], - [ - "arbon", - "yl" - ], - [ - "----------------------------------------------------------------", - "------------" - ], - [ - "histor", - "ic" - ], - [ - "K", - "ähler" - ], - [ - "on", - "na" - ], - [ - "Ġc", - "el" - ], - [ - "ĠT", - "BA" - ], - [ - "ĠO", - "phthal" - ], - [ - "Ġsub", - "threshold" - ], - [ - "Ġlip", - "s" - ], - [ - "ĠSub", - "strates" - ], - [ - "Ġpen", - "insula" - ], - [ - "Ġads", - "or" - ], - [ - "Ġdry", - "ness" - ], - [ - "mass", - "es" - ], - [ - "è", - "me" - ], - [ - "stro", - "k" - ], - [ - "ĠExpand", - "ed" - ], - [ - "Ġg", - "c" - ], - [ - "ĠG", - "olf" - ], - [ - "Ġcri", - "tique" - ], - [ - "ĠÍ", - "©" - ], - [ - "Ġlens", - "ed" - ], - [ - "ĠKing", - "ma" - ], - [ - "ĠGold", - "man" - ], - [ - "ĠFac", - "ile" - ], - [ - "Car", - "l" - ], - [ - "Ġchond", - "rites" - ], - [ - "ĠCoh", - "omology" - ], - [ - "ĠSocio", - "economic" - ], - [ - "ĠDominic", - "an" - ], - [ - "ĠAzerbai", - "jan" - ], - [ - "ĠA", - "ne" - ], - [ - "ĠM", - "idd" - ], - [ - "ĠN", - "ed" - ], - [ - "Ġem", - "ulate" - ], - [ - "ĠSh", - "akes" - ], - [ - "Ġlik", - "ed" - ], - [ - "Ġbuild", - "up" - ], - [ - "Ġexcess", - "ively" - ], - [ - "ĠÅ", - "¶" - ], - [ - "ĠAdap", - "ted" - ], - [ - "Ġauthentic", - "ated" - ], - [ - "Ġlocom", - "otive" - ], - [ - "Ġsubm", - "ill" - ], - [ - "Ġinterpre", - "ter" - ], - [ - "ĠVibr", - "ational" - ], - [ - "R", - "α" - ], - [ - "l", - "aden" - ], - [ - "p", - "kl" - ], - [ - "r", - "w" - ], - [ - "y", - "et" - ], - [ - "en", - "zymes" - ], - [ - "Ġw", - "av" - ], - [ - "ĠN", - "MT" - ], - [ - "ath", - "ion" - ], - [ - "Ġbi", - "otechnological" - ], - [ - "arc", - "s" - ], - [ - "Ġact", - "uated" - ], - [ - "Ġher", - "ring" - ], - [ - "EC", - "G" - ], - [ - "OC", - "I" - ], - [ - "Ac", - "tivated" - ], - [ - "Ġpara", - "ph" - ], - [ - "Obs", - "ervation" - ], - [ - "ĠEk", - "man" - ], - [ - "ancell", - "or" - ], - [ - "veli", - "hood" - ], - [ - "G", - "auss" - ], - [ - "H", - "AL" - ], - [ - "r", - "dev" - ], - [ - "t", - "bl" - ], - [ - "ic", - "its" - ], - [ - "ĠR", - "oux" - ], - [ - "op", - "ram" - ], - [ - "Ġser", - "opositive" - ], - [ - "ĠPhys", - "ically" - ], - [ - "ĠEd", - "u" - ], - [ - "Ġdocument", - "ing" - ], - [ - "ĠÐ", - "¾" - ], - [ - "ĠSmall", - "er" - ], - [ - "cher", - "y" - ], - [ - "Ġlanth", - "anide" - ], - [ - "T", - "oday" - ], - [ - "Ñ", - "Ĩ" - ], - [ - "Ġo", - "titis" - ], - [ - "ĠC", - "ores" - ], - [ - "if", - "olium" - ], - [ - "ĠZ", - "el" - ], - [ - "Ġtim", - "ings" - ], - [ - "co", - "arse" - ], - [ - "rep", - "air" - ], - [ - "ĠLD", - "PC" - ], - [ - "Ġbow", - "l" - ], - [ - "ĠEpid", - "ermal" - ], - [ - "Ġâľ", - "²" - ], - [ - "Ġsynonym", - "s" - ], - [ - "Ġ", - "ENT" - ], - [ - "Ġb", - "illiard" - ], - [ - "Ġe", - "jac" - ], - [ - "ĠB", - "AA" - ], - [ - "Ġsc", - "ientif" - ], - [ - "Ġγ", - "γ" - ], - [ - "Ġcaps", - "ular" - ], - [ - "Ġaz", - "ithromycin" - ], - [ - "Ġcred", - "entials" - ], - [ - "Ġá¸", - "ł" - ], - [ - "ĠGli", - "oblastoma" - ], - [ - "Ġunco", - "ated" - ], - [ - "Ġhib", - "ern" - ], - [ - "ĠT", - "os" - ], - [ - "ĠB", - "aro" - ], - [ - "ĠK", - "ass" - ], - [ - "yl", - "and" - ], - [ - "ĠX", - "M" - ], - [ - "Ġagg", - "ra" - ], - [ - "Ġneutral", - "ize" - ], - [ - "lic", - "ted" - ], - [ - "Ġsound", - "track" - ], - [ - "ĠKn", - "ud" - ], - [ - "ensors", - "hip" - ], - [ - "emp", - "fer" - ], - [ - "ĠHald", - "ane" - ], - [ - "ĠR", - "ocks" - ], - [ - "ĠG", - "ou" - ], - [ - "ĠO", - "pi" - ], - [ - "ib", - "acterium" - ], - [ - "ep", - "tives" - ], - [ - "ust", - "a" - ], - [ - "par", - "s" - ], - [ - "uk", - "awa" - ], - [ - "be", - "in" - ], - [ - "eli", - "us" - ], - [ - "aver", - "aging" - ], - [ - "ĠMW", - "CNT" - ], - [ - "Ġshield", - "ed" - ], - [ - "Ġquatern", - "ionic" - ], - [ - "Batch", - "Norm" - ], - [ - "Ġd", - "ella" - ], - [ - "ĠT", - "p" - ], - [ - "Ġby", - "product" - ], - [ - "ĠG", - "ow" - ], - [ - "ĠJ", - "O" - ], - [ - "Ġparameter", - "ize" - ], - [ - "gl", - "er" - ], - [ - "Ġfac", - "ult" - ], - [ - "ĠÍ", - "µ" - ], - [ - "Ġnom", - "ination" - ], - [ - "Ġbath", - "s" - ], - [ - "Ġinstall", - "ations" - ], - [ - "ĠJust", - "in" - ], - [ - "Ġchampionship", - "s" - ], - [ - "t", - "ap" - ], - [ - "ĠS", - "anc" - ], - [ - "ĠS", - "usp" - ], - [ - "Ġsub", - "leading" - ], - [ - "Ġdef", - "ended" - ], - [ - "Ġbut", - "yl" - ], - [ - "rem", - "ote" - ], - [ - "Ġcarb", - "ides" - ], - [ - "ĠPredic", - "ts" - ], - [ - "ĠPrior", - "ity" - ], - [ - "ĠAntib", - "iotics" - ], - [ - "ĠPU", - "FAs" - ], - [ - "ĠMIC", - "s" - ], - [ - "ĠMaxim", - "ization" - ], - [ - "b", - "are" - ], - [ - "ĠP", - "CN" - ], - [ - "Ġinf", - "ested" - ], - [ - "Ġsol", - "enoid" - ], - [ - "Ġag", - "ronomic" - ], - [ - "AN", - "GE" - ], - [ - "Re", - "v" - ], - [ - "ĠNK", - "G" - ], - [ - "Ġsap", - "onins" - ], - [ - "Recomm", - "end" - ], - [ - "Ġshar", - "pen" - ], - [ - "othio", - "yl" - ], - [ - "s", - "uspended" - ], - [ - "at", - "ron" - ], - [ - "us", - "age" - ], - [ - "il", - "ter" - ], - [ - "ĠN", - "ER" - ], - [ - "CR", - "IPT" - ], - [ - "inf", - "ections" - ], - [ - "Ġheter", - "osexual" - ], - [ - "Ġmes", - "oc" - ], - [ - "ĠBob", - "by" - ], - [ - "alloc", - "ate" - ], - [ - "ĠPay", - "ne" - ], - [ - "ĠSult", - "an" - ], - [ - "è", - "¡" - ], - [ - "rac", - "les" - ], - [ - "rib", - "e" - ], - [ - "ĠDo", - "ub" - ], - [ - "ĠPA", - "F" - ], - [ - "commun", - "ication" - ], - [ - "Ġninet", - "eenth" - ], - [ - "Ġpopl", - "ar" - ], - [ - "pgf", - "strok" - ], - [ - "pgfstrok", - "ecolor" - ], - [ - "S", - "LE" - ], - [ - "ec", - "ia" - ], - [ - "Ġdet", - "ach" - ], - [ - "Ġchar", - "ity" - ], - [ - "Ġmon", - "ochrom" - ], - [ - "Ġpres", - "cribe" - ], - [ - "Ġsuper", - "massive" - ], - [ - "Ġgu", - "ards" - ], - [ - "Ġcycl", - "oaddition" - ], - [ - "Co", - "hen" - ], - [ - "phosph", - "atidyl" - ], - [ - "cre", - "ated" - ], - [ - "ĠElectro", - "dynamics" - ], - [ - "Ġplasm", - "ons" - ], - [ - "Ñģ", - "к" - ], - [ - "ĠDaph", - "nia" - ], - [ - "e", - "asy" - ], - [ - "Ġa", - "q" - ], - [ - "Ġf", - "imb" - ], - [ - "Ġw", - "rest" - ], - [ - "ĠT", - "end" - ], - [ - "hip", - "p" - ], - [ - "Ġorgan", - "isational" - ], - [ - "MA", - "E" - ], - [ - "OP", - "Y" - ], - [ - "Ġpotenti", - "ated" - ], - [ - "Ġbr", - "ute" - ], - [ - "omass", - "ie" - ], - [ - "aun", - "ay" - ], - [ - "l", - "uster" - ], - [ - "Ġo", - "phi" - ], - [ - "un", - "ge" - ], - [ - "ĠP", - "om" - ], - [ - "Ġpl", - "ague" - ], - [ - "ber", - "ries" - ], - [ - "Ġinv", - "iscid" - ], - [ - "ĠQ", - "E" - ], - [ - "inc", - "ident" - ], - [ - "xim", - "ide" - ], - [ - "Ġest", - "rogens" - ], - [ - "ĠTrans", - "parent" - ], - [ - "vere", - "ign" - ], - [ - "ĠPre", - "ferred" - ], - [ - "Ġelast", - "ase" - ], - [ - "C", - "iv" - ], - [ - "J", - "F" - ], - [ - "K", - "u" - ], - [ - "c", - "aster" - ], - [ - "Ġsp", - "ends" - ], - [ - "Ġabst", - "racted" - ], - [ - "otechn", - "ical" - ], - [ - "Ġbreed", - "ers" - ], - [ - "Ġsyring", - "ae" - ], - [ - "Ġclot", - "ting" - ], - [ - "Af", - "rican" - ], - [ - "P", - "EC" - ], - [ - "us", - "ep" - ], - [ - "Ġst", - "ark" - ], - [ - "so", - "lete" - ], - [ - "of", - "ovir" - ], - [ - "Ġsens", - "ations" - ], - [ - "az", - "awa" - ], - [ - "Ġbiom", - "echanics" - ], - [ - "Ġemerg", - "encies" - ], - [ - "Ġspectrom", - "eters" - ], - [ - "Ġhemisp", - "heric" - ], - [ - "Ġdiscrimin", - "atory" - ], - [ - "ĠInsp", - "ection" - ], - [ - "nd", - "im" - ], - [ - "RE", - "P" - ], - [ - "ĠW", - "ess" - ], - [ - "Ġhyper", - "algesia" - ], - [ - "IR", - "C" - ], - [ - "Ġauthors", - "hip" - ], - [ - "CP", - "A" - ], - [ - "Ġrotation", - "ally" - ], - [ - "ĠPy", - "th" - ], - [ - "ĠYam", - "aguchi" - ], - [ - "Field", - "s" - ], - [ - "Ġenrol", - "ment" - ], - [ - "ĠReth", - "inking" - ], - [ - "G", - "ate" - ], - [ - "ì", - "ĺ" - ], - [ - "Ġc", - "ements" - ], - [ - "ĠT", - "TS" - ], - [ - "ĠF", - "ink" - ], - [ - "ad", - "us" - ], - [ - "ĠL", - "l" - ], - [ - "Ġim", - "plicate" - ], - [ - "ann", - "ihilation" - ], - [ - "Ġfeed", - "ers" - ], - [ - "ĠPD", - "X" - ], - [ - "ĠFran", - "çois" - ], - [ - "Sp", - "earman" - ], - [ - "ĠBenchmark", - "ing" - ], - [ - "F", - "orest" - ], - [ - "e", - "vidence" - ], - [ - "en", - "oyl" - ], - [ - "ol", - "actone" - ], - [ - "ce", - "phaly" - ], - [ - "ĠP", - "EA" - ], - [ - "ĠN", - "SE" - ], - [ - "Ġno", - "tified" - ], - [ - "Ġpoly", - "electrolyte" - ], - [ - "ĠMal", - "ik" - ], - [ - "anth", - "ine" - ], - [ - "tet", - "rad" - ], - [ - "Ġflag", - "ella" - ], - [ - "ãĥ", - "¼" - ], - [ - "orp", - "ion" - ], - [ - "Ġbuy", - "ers" - ], - [ - "Ġoligodend", - "rocyte" - ], - [ - "ĠNMD", - "AR" - ], - [ - "ĠHarvest", - "ing" - ], - [ - "Ġkar", - "st" - ], - [ - "I", - "BD" - ], - [ - "ĠF", - "olk" - ], - [ - "Ġsub", - "carrier" - ], - [ - "Ġno", - "tices" - ], - [ - "ĠY", - "ous" - ], - [ - "aw", - "ak" - ], - [ - "Ġadvers", - "aries" - ], - [ - "Lo", - "oking" - ], - [ - "Ġthym", - "ocytes" - ], - [ - "Ġmening", - "ioma" - ], - [ - "Ġillumin", - "ate" - ], - [ - "ĠSPD", - "X" - ], - [ - "Ġimping", - "ing" - ], - [ - "associ", - "ative" - ], - [ - "Ġt", - "iger" - ], - [ - "le", - "on" - ], - [ - "Ġst", - "ature" - ], - [ - "ĠH", - "ood" - ], - [ - "ĠR", - "utherford" - ], - [ - "ĠE", - "IT" - ], - [ - "Ġinf", - "antile" - ], - [ - "ĠQ", - "ubit" - ], - [ - "Ġpack", - "s" - ], - [ - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", - "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" - ], - [ - "azol", - "am" - ], - [ - "à¸", - "²" - ], - [ - "ĠTun", - "isia" - ], - [ - "dil", - "ution" - ], - [ - "Ġsymp", - "atric" - ], - [ - "Ġliquef", - "action" - ], - [ - "porph", - "yrin" - ], - [ - "G", - "n" - ], - [ - "R", - "ib" - ], - [ - "is", - "othermal" - ], - [ - "ap", - "o" - ], - [ - "Ġreg", - "ressors" - ], - [ - "man", - "i" - ], - [ - "ĠIL", - "s" - ], - [ - "oxid", - "ants" - ], - [ - "At", - "om" - ], - [ - "lig", - "o" - ], - [ - "ĠSR", - "AM" - ], - [ - "alc", - "one" - ], - [ - "cs", - "r" - ], - [ - "Ġc", - "autious" - ], - [ - "Ġhand", - "lers" - ], - [ - "Ġgast", - "ritis" - ], - [ - "ĠSuper", - "vision" - ], - [ - "Ġevapor", - "ative" - ], - [ - "R", - "UN" - ], - [ - "ĠI", - "CG" - ], - [ - "ĠP", - "rague" - ], - [ - "ĠM", - "LC" - ], - [ - "ĠM", - "oney" - ], - [ - "ĠR", - "m" - ], - [ - "ĠE", - "CS" - ], - [ - "vel", - "t" - ], - [ - "ĠV", - "g" - ], - [ - "Ġbi", - "ography" - ], - [ - "Ġmin", - "istry" - ], - [ - "con", - "volution" - ], - [ - "ogen", - "omics" - ], - [ - "round", - "ing" - ], - [ - "ĠPh", - "ag" - ], - [ - "Ġaud", - "iences" - ], - [ - "ĠHC", - "Ws" - ], - [ - "Ġblast", - "ocysts" - ], - [ - "Ġdiagon", - "als" - ], - [ - "Ġpreca", - "utions" - ], - [ - "Í", - "ĵ" - ], - [ - "ec", - "ewise" - ], - [ - "ĠT", - "oxin" - ], - [ - "ĠH", - "app" - ], - [ - "ĠâĢ", - "ĭ" - ], - [ - "Ġpop", - "ulate" - ], - [ - "mm", - "ol" - ], - [ - "ĠPR", - "S" - ], - [ - "Ġreinfor", - "ces" - ], - [ - "IST", - "IC" - ], - [ - "ozo", - "ites" - ], - [ - "arri", - "val" - ], - [ - "Ġpave", - "ment" - ], - [ - "REGIST", - "ER" - ], - [ - "ĠG", - "ases" - ], - [ - "ĠEx", - "hib" - ], - [ - "Ġfactor", - "izations" - ], - [ - "Ġmy", - "opia" - ], - [ - "Ġmov", - "able" - ], - [ - "ĠLI", - "MIT" - ], - [ - "Ġsole", - "us" - ], - [ - "DO", - "UBLE" - ], - [ - "ĠInput", - "s" - ], - [ - "foot", - "notes" - ], - [ - "BIT", - "S" - ], - [ - "ĠCyp", - "rus" - ], - [ - "re", - "ports" - ], - [ - "ĠP", - "AA" - ], - [ - "ist", - "al" - ], - [ - "Ġgroup", - "oids" - ], - [ - "orph", - "in" - ], - [ - "ĠCo", - "ordinates" - ], - [ - "bor", - "o" - ], - [ - "ĠOs", - "lo" - ], - [ - "when", - "ever" - ], - [ - "Ġplaus", - "ibility" - ], - [ - "ĠFox", - "O" - ], - [ - "ĠIntr", - "usion" - ], - [ - "Ġsimplic", - "es" - ], - [ - "ĠFas", - "o" - ], - [ - "Ġpic", - "osecond" - ], - [ - "ĠAns", - "atz" - ], - [ - "Import", - "antly" - ], - [ - "ĠHutch", - "inson" - ], - [ - "ov", - "ani" - ], - [ - "ĠAs", - "ymptotics" - ], - [ - "Ġapp", - "ra" - ], - [ - "ĠEx", - "ogenous" - ], - [ - "Ġcap", - "tions" - ], - [ - "ĠAc", - "anth" - ], - [ - "Ġill", - "icit" - ], - [ - "ĠBl", - "adder" - ], - [ - "Ġbo", - "om" - ], - [ - "ĠSal", - "inity" - ], - [ - "Ġmusc", - "ul" - ], - [ - "eptid", - "yl" - ], - [ - "Ġaval", - "anches" - ], - [ - "Hel", - "per" - ], - [ - "Ġbival", - "ve" - ], - [ - "Ġreimburs", - "ement" - ], - [ - "z", - "zo" - ], - [ - "rom", - "atosis" - ], - [ - "Ġpar", - "acetamol" - ], - [ - "vi", - "o" - ], - [ - "Ġval", - "pro" - ], - [ - "cl", - "amation" - ], - [ - "Ġu", - "u" - ], - [ - "ĠSo", - "C" - ], - [ - "ĠGi", - "ac" - ], - [ - "Ġly", - "copene" - ], - [ - "Fl", - "ags" - ], - [ - "Ġstic", - "king" - ], - [ - "Ġsquee", - "ze" - ], - [ - "synt", - "hetic" - ], - [ - "osahexa", - "enoic" - ], - [ - "m", - "obile" - ], - [ - "v", - "ect" - ], - [ - "ĠB", - "aryon" - ], - [ - "Ġne", - "f" - ], - [ - "Ġfl", - "atter" - ], - [ - "SS", - "I" - ], - [ - "Ġsch", - "w" - ], - [ - "ancre", - "as" - ], - [ - "Bu", - "f" - ], - [ - "Sol", - "id" - ], - [ - "ĠRIP", - "A" - ], - [ - "Squ", - "are" - ], - [ - "Ġtranscend", - "ental" - ], - [ - "Ġc", - "yn" - ], - [ - "Ġm", - "f" - ], - [ - "ĠS", - "ew" - ], - [ - "ĠP", - "IT" - ], - [ - "oc", - "s" - ], - [ - "ĠB", - "ash" - ], - [ - "Ġsur", - "prised" - ], - [ - "Ġaut", - "onomously" - ], - [ - "Ġlocal", - "izing" - ], - [ - "Ġvis", - "itor" - ], - [ - "Ġpers", - "isting" - ], - [ - "Ġland", - "fill" - ], - [ - "date", - "time" - ], - [ - "Ġfire", - "f" - ], - [ - "ĠEngine", - "ered" - ], - [ - "ĠSn", - "yder" - ], - [ - "ochrom", - "es" - ], - [ - "fraction", - "ated" - ], - [ - "G", - "PI" - ], - [ - "Ġw", - "oven" - ], - [ - "ĠT", - "MR" - ], - [ - "Ġfor", - "gotten" - ], - [ - "ĠM", - "ult" - ], - [ - "ĠB", - "ipolar" - ], - [ - "ĠH", - "isp" - ], - [ - "op", - "eptides" - ], - [ - "ap", - "amil" - ], - [ - "Ġro", - "uted" - ], - [ - "Ġag", - "n" - ], - [ - "Ġday", - "light" - ], - [ - "ĠÍ", - "Ķ" - ], - [ - "BB", - "B" - ], - [ - "ĠMajor", - "ity" - ], - [ - "Ġconfound", - "ed" - ], - [ - "ĠCarol", - "ine" - ], - [ - "ĠShim", - "ura" - ], - [ - "r", - "uction" - ], - [ - "Ġt", - "ympan" - ], - [ - "ac", - "io" - ], - [ - "ĠT", - "FE" - ], - [ - "ĠT", - "utorial" - ], - [ - "Ġal", - "lyl" - ], - [ - "ĠF", - "rost" - ], - [ - "ĠR", - "PS" - ], - [ - "ĠW", - "ah" - ], - [ - "Ġi", - "y" - ], - [ - "Ġsub", - "problems" - ], - [ - "Ġair", - "foil" - ], - [ - "Ġembed", - "s" - ], - [ - "ĠMor", - "ning" - ], - [ - "Ġminor", - "ities" - ], - [ - "ĠMemb", - "ership" - ], - [ - "Ġquadric", - "eps" - ], - [ - "y", - "ly" - ], - [ - "ĠB", - "odies" - ], - [ - "ĠR", - "AND" - ], - [ - "Ġr", - "ationally" - ], - [ - "ĠMan", - "ifold" - ], - [ - "phosph", - "ine" - ], - [ - "cons", - "idering" - ], - [ - "ez", - "vous" - ], - [ - "ĠKnow", - "ing" - ], - [ - "Ġtumorigen", - "ic" - ], - [ - "Ġillumin", - "ating" - ], - [ - "ĠFernand", - "es" - ], - [ - "polynomial", - "s" - ], - [ - "ĠBulg", - "arian" - ], - [ - "ĠBhattach", - "arya" - ], - [ - "ospi", - "ra" - ], - [ - "A", - "pi" - ], - [ - "hen", - "ne" - ], - [ - "Ġmay", - "s" - ], - [ - "ĠAr", - "gin" - ], - [ - "inter", - "pol" - ], - [ - "ĠAnd", - "ean" - ], - [ - "ĠPD", - "S" - ], - [ - "ĠCN", - "P" - ], - [ - "Ġtransf", - "usions" - ], - [ - "ĠNan", - "om" - ], - [ - "Ġsynerg", - "ism" - ], - [ - "Ġbent", - "onite" - ], - [ - "Ġgravit", - "ons" - ], - [ - "aqu", - "ette" - ], - [ - "Ġfiss", - "ure" - ], - [ - "t", - "andem" - ], - [ - "w", - "ash" - ], - [ - "ĠE", - "yes" - ], - [ - "Ġdi", - "lepton" - ], - [ - "Ġrec", - "tified" - ], - [ - "ĠAr", - "ist" - ], - [ - "isc", - "ible" - ], - [ - "Ġir", - "q" - ], - [ - "Ġlig", - "aments" - ], - [ - "sec", - "urity" - ], - [ - "Ġvascular", - "ization" - ], - [ - "Na", - "Cl" - ], - [ - "ĠStra", - "ight" - ], - [ - "ĠLept", - "in" - ], - [ - "ĠAbund", - "ances" - ], - [ - "ĠKE", - "Y" - ], - [ - "ĠMother", - "s" - ], - [ - "ĠRenew", - "able" - ], - [ - "Ġmason", - "ry" - ], - [ - "ë", - "ı" - ], - [ - "rac", - "eutical" - ], - [ - "Ġar", - "ity" - ], - [ - "ĠAl", - "ves" - ], - [ - "osp", - "ectral" - ], - [ - "Ġimmun", - "od" - ], - [ - "Ġmar", - "ble" - ], - [ - "Ġcover", - "ings" - ], - [ - "ĠConst", - "ants" - ], - [ - "ĠRever", - "sal" - ], - [ - "Work", - "s" - ], - [ - "ĠNur", - "se" - ], - [ - "ĠAggreg", - "ate" - ], - [ - "ac", - "illin" - ], - [ - "pl", - "ug" - ], - [ - "Ġj", - "ury" - ], - [ - "one", - "ogenesis" - ], - [ - "Ġam", - "oeb" - ], - [ - "au", - "kee" - ], - [ - "Ġphosphor", - "ic" - ], - [ - "ĠRem", - "oving" - ], - [ - "Ġwors", - "en" - ], - [ - "ĠESR", - "D" - ], - [ - "ĠHern", - "andez" - ], - [ - "ĠEug", - "ene" - ], - [ - "visc", - "osity" - ], - [ - "F", - "ID" - ], - [ - "Â", - "¦" - ], - [ - "Ġ", - "Ý" - ], - [ - "ĠS", - "tig" - ], - [ - "ĠS", - "ING" - ], - [ - "ĠI", - "MRT" - ], - [ - "ĠB", - "q" - ], - [ - "ĠD", - "ME" - ], - [ - "ĠH", - "OM" - ], - [ - "ph", - "ysis" - ], - [ - "ob", - "es" - ], - [ - "Ġsuper", - "fields" - ], - [ - "Ġarg", - "c" - ], - [ - "Ġmal", - "adaptive" - ], - [ - "ĠEd", - "iting" - ], - [ - "Ġcond", - "em" - ], - [ - "ube", - "i" - ], - [ - "stim", - "ulus" - ], - [ - "Ġabbrevi", - "ation" - ], - [ - "H", - "aus" - ], - [ - "ĠN", - "eeds" - ], - [ - "Ġad", - "hering" - ], - [ - "ĠV", - "PA" - ], - [ - "of", - "rontal" - ], - [ - "ĠÅ", - "ª" - ], - [ - "ĠVer", - "de" - ], - [ - "ĠSl", - "av" - ], - [ - "ĠProp", - "ag" - ], - [ - "Ġcongen", - "ers" - ], - [ - "Ġtil", - "apia" - ], - [ - "ĠRac", - "hel" - ], - [ - "L", - "ess" - ], - [ - "Ġm", - "asc" - ], - [ - "ent", - "angled" - ], - [ - "ĠD", - "TI" - ], - [ - "ati", - "k" - ], - [ - "rol", - "ases" - ], - [ - "ĠY", - "en" - ], - [ - "arm", - "or" - ], - [ - "ĠDec", - "isions" - ], - [ - "Ġη", - "p" - ], - [ - "Int", - "uitively" - ], - [ - "ĠPharmaceutical", - "s" - ], - [ - "J", - "u" - ], - [ - "ud", - "din" - ], - [ - "ĠW", - "ASP" - ], - [ - "nt", - "on" - ], - [ - "Ġbi", - "ot" - ], - [ - "ĠZ", - "NF" - ], - [ - "Ġcr", - "ush" - ], - [ - "ĠPar", - "ity" - ], - [ - "SI", - "ST" - ], - [ - "EV", - "ENT" - ], - [ - "ĠSqu", - "amous" - ], - [ - "Stud", - "ent" - ], - [ - "Ġgingival", - "is" - ], - [ - "f", - "used" - ], - [ - "ĠM", - "ises" - ], - [ - "ĠF", - "DTD" - ], - [ - "ore", - "ceptors" - ], - [ - "Ġdisc", - "retion" - ], - [ - "OR", - "TC" - ], - [ - "MS", - "P" - ], - [ - "Ġexpos", - "es" - ], - [ - "Ġchlor", - "inated" - ], - [ - "ĠUp", - "regulation" - ], - [ - "ĠLim", - "b" - ], - [ - "Ġantic", - "or" - ], - [ - "Reg", - "ular" - ], - [ - "Adv", - "anced" - ], - [ - "X", - "e" - ], - [ - "ag", - "han" - ], - [ - "ĠB", - "LA" - ], - [ - "Ġco", - "asts" - ], - [ - "ĠTh", - "irteen" - ], - [ - "hes", - "in" - ], - [ - "ĠMet", - "hanol" - ], - [ - "rot", - "us" - ], - [ - "ĠStep", - "hens" - ], - [ - "Bo", - "ok" - ], - [ - "ĠHistor", - "ically" - ], - [ - "ĠEmploy", - "ing" - ], - [ - "Ġcorrug", - "ated" - ], - [ - "mercapto", - "ethanol" - ], - [ - "ĠD", - "nmt" - ], - [ - "ĠQu", - "eries" - ], - [ - "DR", - "B" - ], - [ - "ĠGR", - "U" - ], - [ - "FL", - "U" - ], - [ - "ĠCarbon", - "iferous" - ], - [ - "OB", - "JECT" - ], - [ - "ĠDiscrim", - "inative" - ], - [ - "ĠBurg", - "ess" - ], - [ - "Ġplanetes", - "imals" - ], - [ - "ĠAmend", - "ment" - ], - [ - "ĠStriking", - "ly" - ], - [ - "t", - "ric" - ], - [ - "ec", - "ure" - ], - [ - "Ġtrans", - "posable" - ], - [ - "rol", - "ateral" - ], - [ - "Ġhis", - "ti" - ], - [ - "ega", - "ard" - ], - [ - "Ġsk", - "im" - ], - [ - "ĠSP", - "F" - ], - [ - "Stat", - "istics" - ], - [ - "Ġintest", - "ines" - ], - [ - "f", - "eng" - ], - [ - "l", - "ain" - ], - [ - "Ġthe", - "at" - ], - [ - "Ġo", - "rogen" - ], - [ - "Ġp", - "ill" - ], - [ - "od", - "opa" - ], - [ - "Ġcorrel", - "ative" - ], - [ - "AC", - "O" - ], - [ - "Ġadj", - "unction" - ], - [ - "ĠCare", - "y" - ], - [ - "Ġtele", - "portation" - ], - [ - "ĠBound", - "aries" - ], - [ - "ĠGood", - "fellow" - ], - [ - "ĠLind", - "a" - ], - [ - "ĠPolymer", - "ic" - ], - [ - "Ġexer", - "tion" - ], - [ - "Ġsteep", - "ly" - ], - [ - "Ġprotr", - "usion" - ], - [ - "Ġhyal", - "uronic" - ], - [ - "ĠRoc", - "hester" - ], - [ - "ENSI", - "ONAL" - ], - [ - "D", - "ar" - ], - [ - "f", - "et" - ], - [ - "ĠF", - "SS" - ], - [ - "hem", - "ically" - ], - [ - "Ġfl", - "ashes" - ], - [ - "Ġdevi", - "ated" - ], - [ - "feld", - "t" - ], - [ - "Ġstic", - "ks" - ], - [ - "Ġoct", - "et" - ], - [ - "Ġgravitation", - "ally" - ], - [ - "footnotes", - "ize" - ], - [ - "L", - "ex" - ], - [ - "o", - "vi" - ], - [ - "Ġw", - "ired" - ], - [ - "ĠS", - "MP" - ], - [ - "erm", - "ans" - ], - [ - "Ġun", - "broken" - ], - [ - "Ġem", - "ulation" - ], - [ - "sim", - "ulated" - ], - [ - "Ġminim", - "ality" - ], - [ - "ardi", - "ac" - ], - [ - "Ġship", - "w" - ], - [ - "Gene", - "tic" - ], - [ - "ĠHerm", - "ann" - ], - [ - "ynchron", - "ization" - ], - [ - "ĠNap", - "ole" - ], - [ - "Ġmonodis", - "perse" - ], - [ - "R", - "ho" - ], - [ - "r", - "ists" - ], - [ - "Ġf", - "x" - ], - [ - "ĠF", - "UV" - ], - [ - "ĠG", - "elfand" - ], - [ - "hem", - "ispheric" - ], - [ - "ron", - "idazole" - ], - [ - "Ġsuper", - "saturation" - ], - [ - "oud", - "h" - ], - [ - "oli", - "tical" - ], - [ - "ĠAir", - "y" - ], - [ - "Ġmanifest", - "ly" - ], - [ - "ĠHM", - "G" - ], - [ - "Ġadvertis", - "ement" - ], - [ - "ĠBrook", - "lyn" - ], - [ - "Ġparalle", - "led" - ], - [ - "answ", - "ered" - ], - [ - "ĠNotImplemented", - "Error" - ], - [ - "U", - "PD" - ], - [ - "o", - "ust" - ], - [ - "ĠT", - "eng" - ], - [ - "Ġfor", - "tified" - ], - [ - "ĠS", - "ort" - ], - [ - "EN", - "E" - ], - [ - "ĠF", - "ris" - ], - [ - "ĠH", - "IS" - ], - [ - "ĠR", - "OT" - ], - [ - "ĠN", - "ested" - ], - [ - "pro", - "duce" - ], - [ - "ĠK", - "erala" - ], - [ - "gen", - "omic" - ], - [ - "ĠIs", - "ab" - ], - [ - "Ġur", - "acil" - ], - [ - "bur", - "ger" - ], - [ - "ĠLog", - "arithmic" - ], - [ - "Ġster", - "ility" - ], - [ - "Ġunem", - "ployed" - ], - [ - "Ġori", - "ental" - ], - [ - "K", - "o" - ], - [ - "j", - "ima" - ], - [ - "ĠC", - "TP" - ], - [ - "ĠL", - "AD" - ], - [ - "Ġconform", - "ers" - ], - [ - "CG", - "G" - ], - [ - "Per", - "kin" - ], - [ - "Ġbrid", - "ged" - ], - [ - "ĠDiss", - "ociation" - ], - [ - "ĠQi", - "agen" - ], - [ - "Ġwealth", - "y" - ], - [ - "Ġanaest", - "hetic" - ], - [ - "ĠMinim", - "izing" - ], - [ - "Ġacous", - "tics" - ], - [ - "buck", - "et" - ], - [ - "ĠSert", - "oli" - ], - [ - "r", - "ath" - ], - [ - "s", - "aw" - ], - [ - "Ġg", - "arn" - ], - [ - "ĠThe", - "oretically" - ], - [ - "tic", - "ul" - ], - [ - "ĠTh", - "inking" - ], - [ - "ik", - "er" - ], - [ - "ĠCh", - "it" - ], - [ - "Ġtr", - "in" - ], - [ - "AL", - "ITY" - ], - [ - "ĠFe", - "O" - ], - [ - "Ġpolymer", - "ized" - ], - [ - "En", - "coding" - ], - [ - "Ġanalges", - "ics" - ], - [ - "ĠLex", - "ical" - ], - [ - "Ġmari", - "juana" - ], - [ - "âĸĪ", - "âĸĪ" - ], - [ - "c", - "rops" - ], - [ - "ent", - "ropic" - ], - [ - "ol", - "ocation" - ], - [ - "ĠP", - "omp" - ], - [ - "Ġco", - "factors" - ], - [ - "box", - "times" - ], - [ - "ĠAr", - "ri" - ], - [ - "An", - "gel" - ], - [ - "ĠRequire", - "ment" - ], - [ - "Ġmicrol", - "ensing" - ], - [ - "ĠTRAN", - "SF" - ], - [ - "å", - "º" - ], - [ - "Ġd", - "ma" - ], - [ - "Ġre", - "rio" - ], - [ - "und", - "ancy" - ], - [ - "ant", - "el" - ], - [ - "Ġradi", - "ometric" - ], - [ - "ĠSe", - "an" - ], - [ - "rand", - "n" - ], - [ - "ĠCR", - "L" - ], - [ - "hal", - "os" - ], - [ - "uber", - "tal" - ], - [ - "Ġquin", - "one" - ], - [ - "T", - "ES" - ], - [ - "Ġd", - "W" - ], - [ - "ĠC", - "GM" - ], - [ - "Ġhe", - "aled" - ], - [ - "ian", - "e" - ], - [ - "Ġobtain", - "able" - ], - [ - "ĠAd", - "rian" - ], - [ - "Ġlik", - "es" - ], - [ - "ĠMed", - "ication" - ], - [ - "Ġcogn", - "itively" - ], - [ - "Whe", - "ther" - ], - [ - "B", - "ob" - ], - [ - "d", - "id" - ], - [ - "al", - "cohol" - ], - [ - "Ġn", - "ivolumab" - ], - [ - "ĠF", - "Y" - ], - [ - "Ġat", - "resia" - ], - [ - "ach", - "s" - ], - [ - "ĠK", - "ip" - ], - [ - "Ġun", - "igenes" - ], - [ - "ĠJ", - "accard" - ], - [ - "ust", - "ri" - ], - [ - "Ġconf", - "ine" - ], - [ - "Ġaut", - "ofluorescence" - ], - [ - "Ġpy", - "g" - ], - [ - "Se", - "a" - ], - [ - "Set", - "tings" - ], - [ - "Ġtrunc", - "atula" - ], - [ - "Liter", - "al" - ], - [ - "F", - "ab" - ], - [ - "M", - "ah" - ], - [ - "V", - "en" - ], - [ - "Ġt", - "ig" - ], - [ - "Ġc", - "her" - ], - [ - "ĠC", - "CI" - ], - [ - "ĠF", - "unk" - ], - [ - "ĠB", - "ess" - ], - [ - "ĠN", - "asal" - ], - [ - "iff", - "er" - ], - [ - "Ġobs", - "essive" - ], - [ - "ĠOp", - "ening" - ], - [ - "ochond", - "ral" - ], - [ - "ĠTR", - "PA" - ], - [ - "ĠRab", - "in" - ], - [ - "Ġta", - "per" - ], - [ - "Ġdeaf", - "ness" - ], - [ - "D", - "OS" - ], - [ - "is", - "ites" - ], - [ - "an", - "ite" - ], - [ - "le", - "ost" - ], - [ - "ĠS", - "TP" - ], - [ - "ĠB", - "ACE" - ], - [ - "ĠH", - "enn" - ], - [ - "ĠE", - "SM" - ], - [ - "Ġsuper", - "field" - ], - [ - "ĠOr", - "land" - ], - [ - "ĠAMP", - "s" - ], - [ - "ĠHem", - "orrh" - ], - [ - "Ġresc", - "ues" - ], - [ - "Ġtour", - "ists" - ], - [ - "ĠVL", - "BI" - ], - [ - "Ġneighbourhood", - "s" - ], - [ - "communic", - "able" - ], - [ - "g", - "x" - ], - [ - "r", - "atase" - ], - [ - "ĠN", - "RT" - ], - [ - "Ġob", - "structions" - ], - [ - "Ġdef", - "orestation" - ], - [ - "Ġq", - "p" - ], - [ - "ĠPh", - "an" - ], - [ - "ĠST", - "I" - ], - [ - "iment", - "o" - ], - [ - "ĠIR", - "I" - ], - [ - "SV", - "s" - ], - [ - "Ġstrip", - "ed" - ], - [ - "Po", - "inc" - ], - [ - "ĠBed", - "ford" - ], - [ - "ĠFrag", - "ment" - ], - [ - "ĠRelig", - "ion" - ], - [ - "Ġd", - "rones" - ], - [ - "im", - "ulation" - ], - [ - "ĠC", - "et" - ], - [ - "Ġg", - "ills" - ], - [ - "ĠN", - "orton" - ], - [ - "ib", - "atch" - ], - [ - "est", - "ructive" - ], - [ - "ĠJ", - "av" - ], - [ - "ĠÏ", - "½" - ], - [ - "Ġmic", - "a" - ], - [ - "AG", - "B" - ], - [ - "RA", - "W" - ], - [ - "ĠMy", - "D" - ], - [ - "ct", - "l" - ], - [ - "Ġrevers", - "ibly" - ], - [ - "Ġsuppress", - "ors" - ], - [ - "ĠFA", - "IL" - ], - [ - "ĠFuk", - "ushima" - ], - [ - "E", - "vidence" - ], - [ - "p", - "ink" - ], - [ - "as", - "array" - ], - [ - "ĠT", - "ann" - ], - [ - "Ġl", - "oved" - ], - [ - "Ġbi", - "ologists" - ], - [ - "Ġend", - "othermic" - ], - [ - "Ġbro", - "ker" - ], - [ - "ĠPer", - "kins" - ], - [ - "Ġcategor", - "ised" - ], - [ - "ĠSO", - "ME" - ], - [ - "hydroxy", - "vitamin" - ], - [ - "rog", - "ates" - ], - [ - "ĠAge", - "ing" - ], - [ - "Ġtourn", - "aments" - ], - [ - "ĠStrom", - "al" - ], - [ - "Ġdefer", - "red" - ], - [ - "ĠSRE", - "BP" - ], - [ - "M", - "AD" - ], - [ - "S", - "ay" - ], - [ - "c", - "gi" - ], - [ - "p", - "he" - ], - [ - "ol", - "ini" - ], - [ - "ĠD", - "ü" - ], - [ - "Ġde", - "hydro" - ], - [ - "ap", - "eptide" - ], - [ - "Ġhe", - "s" - ], - [ - "Ġdist", - "ally" - ], - [ - "vers", - "ions" - ], - [ - "Ġmed", - "als" - ], - [ - "Ġfl", - "aw" - ], - [ - "Ġdu", - "o" - ], - [ - "Ġimpair", - "ing" - ], - [ - "toplas", - "ts" - ], - [ - "ĠHF", - "ILL" - ], - [ - "Ġesc", - "ulent" - ], - [ - "Class", - "ification" - ], - [ - "ĠGriff", - "ith" - ], - [ - "ĠWelling", - "ton" - ], - [ - "Ġattor", - "ney" - ], - [ - "A", - "st" - ], - [ - "k", - "A" - ], - [ - "Ġm", - "ilit" - ], - [ - "Ġn", - "ite" - ], - [ - "ĠC", - "asp" - ], - [ - "ĠC", - "hester" - ], - [ - "ĠM", - "ok" - ], - [ - "ĠR", - "AR" - ], - [ - "Ġch", - "r" - ], - [ - "unc", - "tor" - ], - [ - "Ġab", - "duction" - ], - [ - "Ġun", - "iv" - ], - [ - "ov", - "ars" - ], - [ - "ou", - "k" - ], - [ - "ER", - "ICAL" - ], - [ - "é", - "ri" - ], - [ - "orb", - "ance" - ], - [ - "ĠIdentif", - "ies" - ], - [ - "ament", - "o" - ], - [ - "Ġparent", - "hesis" - ], - [ - "ĠME", - "Fs" - ], - [ - "Ġabsor", - "bs" - ], - [ - "ĠArray", - "List" - ], - [ - "Ġcareg", - "iving" - ], - [ - "ĠFI", - "LE" - ], - [ - "Ġfeld", - "spar" - ], - [ - "ochthon", - "ous" - ], - [ - "S", - "ort" - ], - [ - "j", - "al" - ], - [ - "Ġt", - "antal" - ], - [ - "ar", - "abine" - ], - [ - "ĠS", - "aid" - ], - [ - "ĠB", - "CE" - ], - [ - "ĠN", - "GO" - ], - [ - "yn", - "ure" - ], - [ - "dot", - "eq" - ], - [ - "ĠLe", - "yd" - ], - [ - "mod", - "ality" - ], - [ - "ĠGe", - "ometrical" - ], - [ - "Al", - "most" - ], - [ - "Ġhard", - "ened" - ], - [ - "no", - "ea" - ], - [ - "new", - "s" - ], - [ - "Ġclean", - "up" - ], - [ - "ĠArm", - "ed" - ], - [ - "ĠSn", - "ake" - ], - [ - "multi", - "ply" - ], - [ - "ĠMill", - "ennium" - ], - [ - "ĠSmooth", - "ing" - ], - [ - "posit", - "ely" - ], - [ - "en", - "ary" - ], - [ - "is", - "se" - ], - [ - "ĠY", - "uc" - ], - [ - "Ġgene", - "al" - ], - [ - "Ġsuper", - "s" - ], - [ - "Ġhand", - "held" - ], - [ - "Ġemb", - "ark" - ], - [ - "ĠBl", - "a" - ], - [ - "hor", - "st" - ], - [ - "ĠPD", - "GFR" - ], - [ - "Ġcit", - "r" - ], - [ - "Ġcalor", - "ie" - ], - [ - "ĠBudd", - "hist" - ], - [ - "M", - "ember" - ], - [ - "Ġf", - "ears" - ], - [ - "Ġf", - "iscal" - ], - [ - "ĠA", - "IF" - ], - [ - "LO", - "AD" - ], - [ - "pe", - "are" - ], - [ - "Ġbit", - "umen" - ], - [ - "Par", - "ticip" - ], - [ - "ĠIndian", - "apolis" - ], - [ - "ĠAlb", - "um" - ], - [ - "Ġscr", - "utiny" - ], - [ - "acyl", - "glycer" - ], - [ - "ĠSak", - "ai" - ], - [ - "Ġthermod", - "ynamical" - ], - [ - "Z", - "B" - ], - [ - "Ġh", - "pf" - ], - [ - "ĠL", - "IP" - ], - [ - "Ġexp", - "iration" - ], - [ - "til", - "t" - ], - [ - "Ġfl", - "ax" - ], - [ - "ĠSe", - "lectivity" - ], - [ - "ĠSch", - "ol" - ], - [ - "any", - "a" - ], - [ - "orb", - "ents" - ], - [ - "Ġincub", - "ations" - ], - [ - "Ġmargin", - "als" - ], - [ - "inv", - "olved" - ], - [ - "Ġenthal", - "pies" - ], - [ - "macroph", - "ages" - ], - [ - "construct", - "or" - ], - [ - "ĠRol", - "and" - ], - [ - "ĠP", - "m" - ], - [ - "ĠR", - "Y" - ], - [ - "Ġbl", - "obs" - ], - [ - "Ġann", - "uli" - ], - [ - "Ġuns", - "timulated" - ], - [ - "ĠPet", - "roleum" - ], - [ - "Ġmerg", - "es" - ], - [ - "Ġenvelop", - "ing" - ], - [ - "ĠInitial", - "ization" - ], - [ - "Ġshed", - "s" - ], - [ - "Ġadvis", - "able" - ], - [ - "ylethanol", - "amine" - ] - ] - } -} \ No newline at end of file diff --git a/hf_model/tokenizer_config.json b/hf_model/tokenizer_config.json deleted file mode 100644 index df6cf2aded7c75e053ca14aafc90b8d4819b46fd..0000000000000000000000000000000000000000 --- a/hf_model/tokenizer_config.json +++ /dev/null @@ -1,191568 +0,0 @@ -{ - "added_tokens_decoder": { - "0": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "1": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "2": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "3": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "4": { - "content": "[START_REF]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "5": { - "content": "[END_REF]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "6": { - "content": "[IMAGE]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "7": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "8": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "9": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "10": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "11": { - "content": "[START_SUP]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "12": { - "content": "[END_SUP]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "13": { - "content": "[START_SUB]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "14": { - "content": "[END_SUB]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "15": { - "content": "[START_DNA]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "16": { - "content": "[END_DNA]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "17": { - "content": "[START_AMINO]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "18": { - "content": "[END_AMINO]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "19": { - "content": "[START_SMILES]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "20": { - "content": "[END_SMILES]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "21": { - "content": "[START_I_SMILES]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "22": { - "content": "[END_I_SMILES]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50000": { - "content": "ㆀ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50001": { - "content": "쓚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50002": { - "content": "뵞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50003": { - "content": "뾥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50004": { - "content": "빸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50005": { - "content": "踪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50006": { - "content": "聾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50007": { - "content": "摭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50008": { - "content": "哔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50009": { - "content": "蠼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50010": { - "content": "涛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50011": { - "content": "瞥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50012": { - "content": "戗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50013": { - "content": "骑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50014": { - "content": "扼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50015": { - "content": "뇶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50016": { - "content": "뭷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50017": { - "content": "ஒ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50018": { - "content": "戟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50019": { - "content": "먂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50020": { - "content": "찜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50021": { - "content": "銎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50022": { - "content": "锓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50023": { - "content": "돥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50024": { - "content": "迟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50025": { - "content": "낔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50026": { - "content": "촭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50027": { - "content": "拐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50028": { - "content": "蚱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50029": { - "content": "둥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50030": { - "content": "쑝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50031": { - "content": "툝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50032": { - "content": "躐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50033": { - "content": "忏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50034": { - "content": "借", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50035": { - "content": "旋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50036": { - "content": "퓹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50037": { - "content": "떟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50038": { - "content": "耇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50039": { - "content": "쀭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50040": { - "content": "ੇ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50041": { - "content": "酷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50042": { - "content": "沱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50043": { - "content": "확", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50044": { - "content": "ツ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50045": { - "content": "縫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50046": { - "content": "찄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50047": { - "content": "쿵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50048": { - "content": "쾜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50049": { - "content": "兀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50050": { - "content": "휑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50051": { - "content": "찕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50052": { - "content": "ఏ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50053": { - "content": "」", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50054": { - "content": "졇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50055": { - "content": "讻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50056": { - "content": "閻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50057": { - "content": "ઢ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50058": { - "content": "쩅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50059": { - "content": "쵊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50060": { - "content": "콸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50061": { - "content": "遹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50062": { - "content": "뒐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50063": { - "content": "꺃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50064": { - "content": "卟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50065": { - "content": "帏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50066": { - "content": "缉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50067": { - "content": "촸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50068": { - "content": "뫉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50069": { - "content": "ڧ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50070": { - "content": "텔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50071": { - "content": "撃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50072": { - "content": "ા", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50073": { - "content": "繃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50074": { - "content": "쨷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50075": { - "content": "囟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50076": { - "content": "獅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50077": { - "content": "控", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50078": { - "content": "꼣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50079": { - "content": "ڶ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50080": { - "content": "涇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50081": { - "content": "坩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50082": { - "content": "智", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50083": { - "content": "괨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50084": { - "content": "뛻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50085": { - "content": "먈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50086": { - "content": "㧐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50087": { - "content": "뻁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50088": { - "content": "幀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50089": { - "content": "祋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50090": { - "content": "꾼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50091": { - "content": "婊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50092": { - "content": "蕉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50093": { - "content": "뜮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50094": { - "content": "룦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50095": { - "content": "븮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50096": { - "content": "突", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50097": { - "content": "茁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50098": { - "content": "쫦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50099": { - "content": "깩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50100": { - "content": "穷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50101": { - "content": "邪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50102": { - "content": "궙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50103": { - "content": "璧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50104": { - "content": "ಟ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50105": { - "content": "횕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50106": { - "content": "闲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50107": { - "content": "噤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50108": { - "content": "앃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50109": { - "content": "즷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50110": { - "content": "椿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50111": { - "content": "ݙ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50112": { - "content": "遭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50113": { - "content": "峰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50114": { - "content": "剑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50115": { - "content": "냺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50116": { - "content": "찤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50117": { - "content": "롚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50118": { - "content": "퍶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50119": { - "content": "걝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50120": { - "content": "뭢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50121": { - "content": "螬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50122": { - "content": "駛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50123": { - "content": "綦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50124": { - "content": "Ứ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50125": { - "content": "롗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50126": { - "content": "Ε", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50127": { - "content": "僚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50128": { - "content": "줅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50129": { - "content": "鸻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50130": { - "content": "툾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50131": { - "content": "붙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50132": { - "content": "兕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50133": { - "content": "Ν", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50134": { - "content": "圏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50135": { - "content": "Ж", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50136": { - "content": "善", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50137": { - "content": "견", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50138": { - "content": "友", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50139": { - "content": "皐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50140": { - "content": "佸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50141": { - "content": "洭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50142": { - "content": "촅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50143": { - "content": "뒑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50144": { - "content": "姑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50145": { - "content": "咯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50146": { - "content": "흿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50147": { - "content": "퐮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50148": { - "content": "붷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50149": { - "content": "뵖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50150": { - "content": "뜅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50151": { - "content": "猛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50152": { - "content": "Е", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50153": { - "content": "脯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50154": { - "content": "쳟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50155": { - "content": "띆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50156": { - "content": "옉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50157": { - "content": "捉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50158": { - "content": "쉑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50159": { - "content": "漶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50160": { - "content": "됯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50161": { - "content": "섨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50162": { - "content": "쫫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50163": { - "content": "쀃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50164": { - "content": "寸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50165": { - "content": "줶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50166": { - "content": "뮜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50167": { - "content": "顆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50168": { - "content": "辔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50169": { - "content": "太", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50170": { - "content": "쭟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50171": { - "content": "徇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50172": { - "content": "켫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50173": { - "content": "莝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50174": { - "content": "퇩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50175": { - "content": "讪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50176": { - "content": "嬉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50177": { - "content": "쉈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50178": { - "content": "収", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50179": { - "content": "탭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50180": { - "content": "눶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50181": { - "content": "沉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50182": { - "content": "慇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50183": { - "content": "壶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50184": { - "content": "蹂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50185": { - "content": "놁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50186": { - "content": "候", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50187": { - "content": "觭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50188": { - "content": "ә", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50189": { - "content": "Ỉ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50190": { - "content": "堤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50191": { - "content": "줛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50192": { - "content": "셈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50193": { - "content": "赪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50194": { - "content": "캤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50195": { - "content": "ฉ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50196": { - "content": "茹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50197": { - "content": "緒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50198": { - "content": "糧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50199": { - "content": "胥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50200": { - "content": "덫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50201": { - "content": "瘪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50202": { - "content": "퀁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50203": { - "content": "酌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50204": { - "content": "腿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50205": { - "content": "읣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50206": { - "content": "妮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50207": { - "content": "쫢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50208": { - "content": "쪢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50209": { - "content": "슛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50210": { - "content": "襯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50211": { - "content": "켱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50212": { - "content": "퀈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50213": { - "content": "콢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50214": { - "content": "注", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50215": { - "content": "ٝ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50216": { - "content": "볌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50217": { - "content": "신", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50218": { - "content": "現", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50219": { - "content": "砗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50220": { - "content": "蓆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50221": { - "content": "쑖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50222": { - "content": "矮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50223": { - "content": "팕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50224": { - "content": "踮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50225": { - "content": "關", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50226": { - "content": "锝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50227": { - "content": "혲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50228": { - "content": "蚲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50229": { - "content": "죥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50230": { - "content": "勅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50231": { - "content": "읏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50232": { - "content": "쥨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50233": { - "content": "糙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50234": { - "content": "돔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50235": { - "content": "混", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50236": { - "content": "嗪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50237": { - "content": "쫀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50238": { - "content": "깽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50239": { - "content": "ﺱ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50240": { - "content": "뗼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50241": { - "content": "ಣ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50242": { - "content": "뙊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50243": { - "content": "胴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50244": { - "content": "꽽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50245": { - "content": "김", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50246": { - "content": "쌊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50247": { - "content": "듣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50248": { - "content": "熥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50249": { - "content": "뿴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50250": { - "content": "웿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50251": { - "content": "餃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50252": { - "content": "쁖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50253": { - "content": "麀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50254": { - "content": "诤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50255": { - "content": "搗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50256": { - "content": "壮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50257": { - "content": "횺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50258": { - "content": "堠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50259": { - "content": "敢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50260": { - "content": "籼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50261": { - "content": "뛆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50262": { - "content": "眶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50263": { - "content": "뛈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50264": { - "content": "济", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50265": { - "content": "时", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50266": { - "content": "〜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50267": { - "content": "닼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50268": { - "content": "봙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50269": { - "content": "쮯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50270": { - "content": "삢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50271": { - "content": "懋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50272": { - "content": "频", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50273": { - "content": "ㅰ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50274": { - "content": "릣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50275": { - "content": "論", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50276": { - "content": "賸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50277": { - "content": "肓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50278": { - "content": "竹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50279": { - "content": "殣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50280": { - "content": "냄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50281": { - "content": "縛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50282": { - "content": "딻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50283": { - "content": "쾀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50284": { - "content": "鄄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50285": { - "content": "냾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50286": { - "content": "귖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50287": { - "content": "쮾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50288": { - "content": "篝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50289": { - "content": "댓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50290": { - "content": "랾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50291": { - "content": "આ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50292": { - "content": "鞳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50293": { - "content": "춠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50294": { - "content": "謹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50295": { - "content": "따", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50296": { - "content": "길", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50297": { - "content": "콱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50298": { - "content": "相", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50299": { - "content": "残", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50300": { - "content": "眨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50301": { - "content": "排", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50302": { - "content": "静", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50303": { - "content": "풏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50304": { - "content": "黡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50305": { - "content": "뜙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50306": { - "content": "쌸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50307": { - "content": "૩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50308": { - "content": "铢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50309": { - "content": "𫠊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50310": { - "content": "雙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50311": { - "content": "삋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50312": { - "content": "쿚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50313": { - "content": "띠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50314": { - "content": "룪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50315": { - "content": "ಂ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50316": { - "content": "껃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50317": { - "content": "땃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50318": { - "content": "弪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50319": { - "content": "뱗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50320": { - "content": "궀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50321": { - "content": "붪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50322": { - "content": "엹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50323": { - "content": "텸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50324": { - "content": "헠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50325": { - "content": "表", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50326": { - "content": "켳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50327": { - "content": "앱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50328": { - "content": "뽟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50329": { - "content": "紳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50330": { - "content": "즶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50331": { - "content": "楙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50332": { - "content": "े", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50333": { - "content": "쓇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50334": { - "content": "퍫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50335": { - "content": "팩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50336": { - "content": "편", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50337": { - "content": "捩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50338": { - "content": "蠓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50339": { - "content": "碳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50340": { - "content": "假", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50341": { - "content": "壅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50342": { - "content": "婉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50343": { - "content": "횖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50344": { - "content": "葶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50345": { - "content": "럇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50346": { - "content": "꽛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50347": { - "content": "븡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50348": { - "content": "췲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50349": { - "content": "괹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50350": { - "content": "닻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50351": { - "content": "疚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50352": { - "content": "킆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50353": { - "content": "鹹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50354": { - "content": "景", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50355": { - "content": "킝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50356": { - "content": "睛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50357": { - "content": "冫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50358": { - "content": "갶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50359": { - "content": "𬬮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50360": { - "content": "饣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50361": { - "content": "殍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50362": { - "content": "왌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50363": { - "content": "锴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50364": { - "content": "끝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50365": { - "content": "듖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50366": { - "content": "竞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50367": { - "content": "坋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50368": { - "content": "ត", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50369": { - "content": "槎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50370": { - "content": "斕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50371": { - "content": "Σ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50372": { - "content": "沭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50373": { - "content": "핿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50374": { - "content": "旸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50375": { - "content": "縲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50376": { - "content": "뀣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50377": { - "content": "窣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50378": { - "content": "雜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50379": { - "content": "瓦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50380": { - "content": "놣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50381": { - "content": "苍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50382": { - "content": "昒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50383": { - "content": "遥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50384": { - "content": "圌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50385": { - "content": "龁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50386": { - "content": "兲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50387": { - "content": "끇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50388": { - "content": "뾺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50389": { - "content": "镈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50390": { - "content": "銲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50391": { - "content": "搠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50392": { - "content": "긊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50393": { - "content": "칚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50394": { - "content": "嬲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50395": { - "content": "놹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50396": { - "content": "烨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50397": { - "content": "팀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50398": { - "content": "闡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50399": { - "content": "ݲ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50400": { - "content": "嚭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50401": { - "content": "챛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50402": { - "content": "芘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50403": { - "content": "拌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50404": { - "content": "ਮ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50405": { - "content": "덄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50406": { - "content": "汴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50407": { - "content": "嵐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50408": { - "content": "抠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50409": { - "content": "尿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50410": { - "content": "킌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50411": { - "content": "售", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50412": { - "content": "첾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50413": { - "content": "윺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50414": { - "content": "ň", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50415": { - "content": "퓵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50416": { - "content": "ম", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50417": { - "content": "権", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50418": { - "content": "予", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50419": { - "content": "頁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50420": { - "content": "缈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50421": { - "content": "쐋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50422": { - "content": "꺪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50423": { - "content": "뢜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50424": { - "content": "귥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50425": { - "content": "ى", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50426": { - "content": "촠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50427": { - "content": "뷱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50428": { - "content": "馊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50429": { - "content": "开", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50430": { - "content": "ʺ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50431": { - "content": "Ả", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50432": { - "content": "즫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50433": { - "content": "隘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50434": { - "content": "宜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50435": { - "content": "裉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50436": { - "content": "ঁ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50437": { - "content": "鼾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50438": { - "content": "뱁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50439": { - "content": "ǔ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50440": { - "content": "鵞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50441": { - "content": "郾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50442": { - "content": "땋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50443": { - "content": "쬢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50444": { - "content": "쨪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50445": { - "content": "ٶ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50446": { - "content": "Ⅱ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50447": { - "content": "녉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50448": { - "content": "刨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50449": { - "content": "깣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50450": { - "content": "痴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50451": { - "content": "햹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50452": { - "content": "♦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50453": { - "content": "쭱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50454": { - "content": "쩥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50455": { - "content": "趕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50456": { - "content": "联", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50457": { - "content": "蚆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50458": { - "content": "ឮ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50459": { - "content": "剀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50460": { - "content": "푐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50461": { - "content": "탃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50462": { - "content": "椹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50463": { - "content": "곐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50464": { - "content": "砬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50465": { - "content": "맭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50466": { - "content": "锡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50467": { - "content": "以", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50468": { - "content": "衷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50469": { - "content": "ҷ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50470": { - "content": "덱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50471": { - "content": "왩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50472": { - "content": "뇣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50473": { - "content": "絖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50474": { - "content": "翳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50475": { - "content": "껙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50476": { - "content": "뎽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50477": { - "content": "穴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50478": { - "content": "쫚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50479": { - "content": "减", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50480": { - "content": "붓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50481": { - "content": "캸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50482": { - "content": "廖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50483": { - "content": "磹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50484": { - "content": "쫲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50485": { - "content": "킻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50486": { - "content": "잺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50487": { - "content": "ಷ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50488": { - "content": "鱸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50489": { - "content": "헥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50490": { - "content": "궺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50491": { - "content": "攵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50492": { - "content": "쫭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50493": { - "content": "坦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50494": { - "content": "遣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50495": { - "content": "轉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50496": { - "content": "៹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50497": { - "content": "삸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50498": { - "content": "샘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50499": { - "content": "몞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50500": { - "content": "雏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50501": { - "content": "륱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50502": { - "content": "鞄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50503": { - "content": "뱓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50504": { - "content": "̣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50505": { - "content": "ݹ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50506": { - "content": "柁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50507": { - "content": "慥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50508": { - "content": "껢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50509": { - "content": "꾏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50510": { - "content": "ਞ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50511": { - "content": "走", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50512": { - "content": "梵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50513": { - "content": "𨐈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50514": { - "content": "묤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50515": { - "content": "跺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50516": { - "content": "璠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50517": { - "content": "폏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50518": { - "content": "养", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50519": { - "content": "废", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50520": { - "content": "넨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50521": { - "content": "갲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50522": { - "content": "ं", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50523": { - "content": "쎥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50524": { - "content": "搒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50525": { - "content": "嬌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50526": { - "content": "蹟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50527": { - "content": "ಱ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50528": { - "content": "쏡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50529": { - "content": "쪖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50530": { - "content": "油", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50531": { - "content": "疃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50532": { - "content": "酢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50533": { - "content": "뒦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50534": { - "content": "烙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50535": { - "content": "鼱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50536": { - "content": "귔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50537": { - "content": "慢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50538": { - "content": "떑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50539": { - "content": "뵊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50540": { - "content": "릱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50541": { - "content": "喾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50542": { - "content": "冈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50543": { - "content": "뒧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50544": { - "content": "旭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50545": { - "content": "坥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50546": { - "content": "몐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50547": { - "content": "仂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50548": { - "content": "औ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50549": { - "content": "豺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50550": { - "content": "뾨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50551": { - "content": "줄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50552": { - "content": "랫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50553": { - "content": "먳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50554": { - "content": "拗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50555": { - "content": "ฦ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50556": { - "content": "딢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50557": { - "content": "쳩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50558": { - "content": "뭥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50559": { - "content": "っ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50560": { - "content": "퍷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50561": { - "content": "뻊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50562": { - "content": "컵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50563": { - "content": "쀝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50564": { - "content": "풩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50565": { - "content": "範", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50566": { - "content": "껁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50567": { - "content": "饺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50568": { - "content": "絜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50569": { - "content": "𬕂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50570": { - "content": "盱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50571": { - "content": "淄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50572": { - "content": "叕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50573": { - "content": "達", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50574": { - "content": "喹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50575": { - "content": "춇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50576": { - "content": "馕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50577": { - "content": "쯓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50578": { - "content": "濩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50579": { - "content": "텑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50580": { - "content": "礻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50581": { - "content": "젮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50582": { - "content": "魋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50583": { - "content": "쪓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50584": { - "content": "渺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50585": { - "content": "尘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50586": { - "content": "콹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50587": { - "content": "垴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50588": { - "content": "靜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50589": { - "content": "ㄲ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50590": { - "content": "害", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50591": { - "content": "𬭳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50592": { - "content": "셻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50593": { - "content": "웽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50594": { - "content": "譚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50595": { - "content": "飛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50596": { - "content": "솤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50597": { - "content": "턏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50598": { - "content": "忒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50599": { - "content": "湮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50600": { - "content": "敗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50601": { - "content": "랷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50602": { - "content": "읦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50603": { - "content": "풊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50604": { - "content": "줩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50605": { - "content": "쬅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50606": { - "content": "뚛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50607": { - "content": "솵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50608": { - "content": "봖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50609": { - "content": "괱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50610": { - "content": "퉆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50611": { - "content": "졻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50612": { - "content": "밉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50613": { - "content": "뉿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50614": { - "content": "씻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50615": { - "content": "ਧ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50616": { - "content": "졀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50617": { - "content": "囑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50618": { - "content": "谏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50619": { - "content": "봚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50620": { - "content": "뭦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50621": { - "content": "趄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50622": { - "content": "ఐ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50623": { - "content": "튍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50624": { - "content": "绳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50625": { - "content": "猴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50626": { - "content": "踌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50627": { - "content": "且", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50628": { - "content": "Ż", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50629": { - "content": "냙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50630": { - "content": "逦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50631": { - "content": "윗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50632": { - "content": "쥐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50633": { - "content": "콯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50634": { - "content": "晢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50635": { - "content": "溆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50636": { - "content": "培", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50637": { - "content": "融", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50638": { - "content": "儐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50639": { - "content": "냻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50640": { - "content": "ਢ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50641": { - "content": "鄧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50642": { - "content": "鉗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50643": { - "content": "顰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50644": { - "content": "蝙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50645": { - "content": "쓷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50646": { - "content": "兔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50647": { - "content": "琦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50648": { - "content": "き", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50649": { - "content": "砻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50650": { - "content": "뼬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50651": { - "content": "옢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50652": { - "content": "뭎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50653": { - "content": "겖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50654": { - "content": "债", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50655": { - "content": "顎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50656": { - "content": "냷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50657": { - "content": "珀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50658": { - "content": "뛲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50659": { - "content": "眾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50660": { - "content": "둵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50661": { - "content": "讦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50662": { - "content": "牧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50663": { - "content": "쭬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50664": { - "content": "뎊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50665": { - "content": "砕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50666": { - "content": "膺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50667": { - "content": "꼥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50668": { - "content": "땱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50669": { - "content": "줜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50670": { - "content": "袁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50671": { - "content": "西", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50672": { - "content": "ʼ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50673": { - "content": "台", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50674": { - "content": "壞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50675": { - "content": "瀘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50676": { - "content": "馗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50677": { - "content": "殪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50678": { - "content": "뵁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50679": { - "content": "君", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50680": { - "content": "螈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50681": { - "content": "祲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50682": { - "content": "褂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50683": { - "content": "셗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50684": { - "content": "噯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50685": { - "content": "쉤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50686": { - "content": "缥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50687": { - "content": "槠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50688": { - "content": "や", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50689": { - "content": "캢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50690": { - "content": "瑢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50691": { - "content": "퐹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50692": { - "content": "홛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50693": { - "content": "윯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50694": { - "content": "跏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50695": { - "content": "ে", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50696": { - "content": "脫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50697": { - "content": "뜄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50698": { - "content": "饮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50699": { - "content": "受", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50700": { - "content": "镂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50701": { - "content": "닎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50702": { - "content": "炆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50703": { - "content": "뀌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50704": { - "content": "䴘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50705": { - "content": "애", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50706": { - "content": "톍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50707": { - "content": "폭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50708": { - "content": "্", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50709": { - "content": "插", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50710": { - "content": "窠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50711": { - "content": "裎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50712": { - "content": "沾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50713": { - "content": "큆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50714": { - "content": "绿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50715": { - "content": "鹼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50716": { - "content": "슝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50717": { - "content": "룸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50718": { - "content": "뗈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50719": { - "content": "껕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50720": { - "content": "搾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50721": { - "content": "锊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50722": { - "content": "쿋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50723": { - "content": "儒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50724": { - "content": "質", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50725": { - "content": "튦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50726": { - "content": "촴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50727": { - "content": "轔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50728": { - "content": "风", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50729": { - "content": "嫪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50730": { - "content": "弘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50731": { - "content": "⑥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50732": { - "content": "쳹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50733": { - "content": "뫗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50734": { - "content": "比", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50735": { - "content": "먵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50736": { - "content": "븺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50737": { - "content": "甽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50738": { - "content": "렾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50739": { - "content": "焙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50740": { - "content": "튾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50741": { - "content": "븈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50742": { - "content": "끕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50743": { - "content": "뱢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50744": { - "content": "궧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50745": { - "content": "ૃ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50746": { - "content": "톣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50747": { - "content": "扦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50748": { - "content": "鼯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50749": { - "content": "덥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50750": { - "content": "갌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50751": { - "content": "셓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50752": { - "content": "쾅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50753": { - "content": "熵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50754": { - "content": "蕗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50755": { - "content": "嵫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50756": { - "content": "郷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50757": { - "content": "囷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50758": { - "content": "箭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50759": { - "content": "뮫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50760": { - "content": "퇈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50761": { - "content": "닱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50762": { - "content": "س", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50763": { - "content": "冀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50764": { - "content": "ੱ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50765": { - "content": "梶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50766": { - "content": "멄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50767": { - "content": "쟜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50768": { - "content": "绕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50769": { - "content": "뾷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50770": { - "content": "꿀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50771": { - "content": "쟸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50772": { - "content": "缊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50773": { - "content": "뛩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50774": { - "content": "덪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50775": { - "content": "흎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50776": { - "content": "ा", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50777": { - "content": "瑤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50778": { - "content": "뜧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50779": { - "content": "떺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50780": { - "content": "싑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50781": { - "content": "赀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50782": { - "content": "暗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50783": { - "content": "៧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50784": { - "content": "瑱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50785": { - "content": "绅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50786": { - "content": "쨢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50787": { - "content": "靛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50788": { - "content": "慧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50789": { - "content": "읒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50790": { - "content": "뙱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50791": { - "content": "潖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50792": { - "content": "佔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50793": { - "content": "મ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50794": { - "content": "뇺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50795": { - "content": "冯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50796": { - "content": "䴓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50797": { - "content": "溷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50798": { - "content": "耋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50799": { - "content": "膛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50800": { - "content": "잮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50801": { - "content": "네", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50802": { - "content": "围", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50803": { - "content": "胝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50804": { - "content": "鵝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50805": { - "content": "핀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50806": { - "content": "뾞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50807": { - "content": "똄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50808": { - "content": "풙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50809": { - "content": "꼉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50810": { - "content": "鳕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50811": { - "content": "佧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50812": { - "content": "趁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50813": { - "content": "듾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50814": { - "content": "భ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50815": { - "content": "侘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50816": { - "content": "뻦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50817": { - "content": "孵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50818": { - "content": "瑙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50819": { - "content": "谈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50820": { - "content": "煨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50821": { - "content": "構", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50822": { - "content": "廪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50823": { - "content": "欖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50824": { - "content": "眢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50825": { - "content": "答", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50826": { - "content": "풹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50827": { - "content": "흃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50828": { - "content": "졳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50829": { - "content": "떢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50830": { - "content": "避", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50831": { - "content": "♜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50832": { - "content": "酶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50833": { - "content": "縂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50834": { - "content": "餍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50835": { - "content": "ឃ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50836": { - "content": "ポ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50837": { - "content": "礤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50838": { - "content": "邇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50839": { - "content": "쿥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50840": { - "content": "焕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50841": { - "content": "瓿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50842": { - "content": "鋅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50843": { - "content": "వ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50844": { - "content": "퐯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50845": { - "content": "ؐ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50846": { - "content": "卑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50847": { - "content": "畤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50848": { - "content": "뎮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50849": { - "content": "紅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50850": { - "content": "涔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50851": { - "content": "क", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50852": { - "content": "온", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50853": { - "content": "봱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50854": { - "content": "抵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50855": { - "content": "瀝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50856": { - "content": "湜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50857": { - "content": "谁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50858": { - "content": "랁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50859": { - "content": "冉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50860": { - "content": "돟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50861": { - "content": "✺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50862": { - "content": "濒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50863": { - "content": "튶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50864": { - "content": "첰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50865": { - "content": "쾭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50866": { - "content": "퓑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50867": { - "content": "傺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50868": { - "content": "촡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50869": { - "content": "蛻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50870": { - "content": "滾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50871": { - "content": "뽡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50872": { - "content": "ੌ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50873": { - "content": "狉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50874": { - "content": "屮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50875": { - "content": "峽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50876": { - "content": "묷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50877": { - "content": "九", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50878": { - "content": "県", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50879": { - "content": "딭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50880": { - "content": "뱕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50881": { - "content": "줬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50882": { - "content": "毅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50883": { - "content": "쾣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50884": { - "content": "ਈ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50885": { - "content": "瀉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50886": { - "content": "呛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50887": { - "content": "쟦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50888": { - "content": "奏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50889": { - "content": "щ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50890": { - "content": "灤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50891": { - "content": "嫩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50892": { - "content": "쪰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50893": { - "content": "忙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50894": { - "content": "귅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50895": { - "content": "땯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50896": { - "content": "毡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50897": { - "content": "찾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50898": { - "content": "荒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50899": { - "content": "盲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50900": { - "content": "퉺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50901": { - "content": "콅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50902": { - "content": "斑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50903": { - "content": "뎵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50904": { - "content": "엂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50905": { - "content": "껨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50906": { - "content": "契", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50907": { - "content": "왡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50908": { - "content": "웱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50909": { - "content": "节", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50910": { - "content": "싊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50911": { - "content": "ؕ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50912": { - "content": "剡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50913": { - "content": "긮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50914": { - "content": "楛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50915": { - "content": "缺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50916": { - "content": "쥶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50917": { - "content": "下", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50918": { - "content": "련", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50919": { - "content": "좸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50920": { - "content": "䲟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50921": { - "content": "埫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50922": { - "content": "트", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50923": { - "content": "쩲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50924": { - "content": "뿗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50925": { - "content": "鈸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50926": { - "content": "⑨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50927": { - "content": "쫹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50928": { - "content": "靂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50929": { - "content": "手", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50930": { - "content": "呶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50931": { - "content": "繰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50932": { - "content": "鬯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50933": { - "content": "地", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50934": { - "content": "踺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50935": { - "content": "폃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50936": { - "content": "楝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50937": { - "content": "蝿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50938": { - "content": "報", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50939": { - "content": "쏆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50940": { - "content": "誕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50941": { - "content": "倖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50942": { - "content": "啗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50943": { - "content": "솽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50944": { - "content": "셀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50945": { - "content": "낟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50946": { - "content": "뗂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50947": { - "content": "롔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50948": { - "content": "瘕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50949": { - "content": "꿇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50950": { - "content": "栎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50951": { - "content": "녌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50952": { - "content": "煉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50953": { - "content": "곮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50954": { - "content": "꿟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50955": { - "content": "週", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50956": { - "content": "낳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50957": { - "content": "茽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50958": { - "content": "뇁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50959": { - "content": "毐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50960": { - "content": "課", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50961": { - "content": "戰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50962": { - "content": "픈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50963": { - "content": "쌏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50964": { - "content": "ញ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50965": { - "content": "缄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50966": { - "content": "퐼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50967": { - "content": "롸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50968": { - "content": "」", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50969": { - "content": "뺷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50970": { - "content": "뤅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50971": { - "content": "뒾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50972": { - "content": "●", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50973": { - "content": "줏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50974": { - "content": "赟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50975": { - "content": "菸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50976": { - "content": "탄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50977": { - "content": "뚸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50978": { - "content": "穋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50979": { - "content": "癜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50980": { - "content": "춲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50981": { - "content": "뚕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50982": { - "content": "③", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50983": { - "content": "燦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50984": { - "content": "琲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50985": { - "content": "೧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50986": { - "content": "슺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50987": { - "content": "鄣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50988": { - "content": "痛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50989": { - "content": "듫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50990": { - "content": "퉫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50991": { - "content": "틬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50992": { - "content": "혉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50993": { - "content": "秘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50994": { - "content": "捣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50995": { - "content": "꺤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50996": { - "content": "ݻ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50997": { - "content": "啉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50998": { - "content": "럡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "50999": { - "content": "墡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51000": { - "content": "囍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51001": { - "content": "闇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51002": { - "content": "觐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51003": { - "content": "짨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51004": { - "content": "為", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51005": { - "content": "试", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51006": { - "content": "궠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51007": { - "content": "뢹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51008": { - "content": "姍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51009": { - "content": "擋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51010": { - "content": "讵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51011": { - "content": "깡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51012": { - "content": "밹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51013": { - "content": "푝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51014": { - "content": "裹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51015": { - "content": "鄂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51016": { - "content": "し", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51017": { - "content": "潢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51018": { - "content": "蕰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51019": { - "content": "갿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51020": { - "content": "떭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51021": { - "content": "뺞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51022": { - "content": "좶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51023": { - "content": "過", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51024": { - "content": "뼼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51025": { - "content": "웲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51026": { - "content": "掠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51027": { - "content": "妠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51028": { - "content": "ڊ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51029": { - "content": "某", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51030": { - "content": "刁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51031": { - "content": "궍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51032": { - "content": "욿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51033": { - "content": "쓞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51034": { - "content": "몳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51035": { - "content": "鱔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51036": { - "content": "줟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51037": { - "content": "痒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51038": { - "content": "抜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51039": { - "content": "𬺡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51040": { - "content": "챙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51041": { - "content": "齿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51042": { - "content": "뜳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51043": { - "content": "쌕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51044": { - "content": "쵁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51045": { - "content": "ݗ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51046": { - "content": "霁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51047": { - "content": "荓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51048": { - "content": "홿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51049": { - "content": "뛳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51050": { - "content": "쳂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51051": { - "content": "થ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51052": { - "content": "三", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51053": { - "content": "頬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51054": { - "content": "匙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51055": { - "content": "첩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51056": { - "content": "퍰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51057": { - "content": "珂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51058": { - "content": "댝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51059": { - "content": "틮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51060": { - "content": "ഗ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51061": { - "content": "愿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51062": { - "content": "꿴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51063": { - "content": "౽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51064": { - "content": "캁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51065": { - "content": "疍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51066": { - "content": "噎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51067": { - "content": "御", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51068": { - "content": "잭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51069": { - "content": "腑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51070": { - "content": "끗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51071": { - "content": "팺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51072": { - "content": "城", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51073": { - "content": "뀬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51074": { - "content": "唼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51075": { - "content": "韉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51076": { - "content": "컠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51077": { - "content": "됭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51078": { - "content": "垞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51079": { - "content": "펦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51080": { - "content": "廄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51081": { - "content": "程", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51082": { - "content": "鈇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51083": { - "content": "얶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51084": { - "content": "亩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51085": { - "content": "읨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51086": { - "content": "腺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51087": { - "content": "뀘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51088": { - "content": "辟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51089": { - "content": "辈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51090": { - "content": "詣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51091": { - "content": "坬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51092": { - "content": "彦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51093": { - "content": "ঋ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51094": { - "content": "入", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51095": { - "content": "Ớ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51096": { - "content": "즡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51097": { - "content": "壕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51098": { - "content": "塭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51099": { - "content": "雯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51100": { - "content": "糝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51101": { - "content": "샸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51102": { - "content": "괓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51103": { - "content": "檣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51104": { - "content": "엖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51105": { - "content": "욅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51106": { - "content": "헏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51107": { - "content": "뮾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51108": { - "content": "뉩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51109": { - "content": "径", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51110": { - "content": "툗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51111": { - "content": "즮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51112": { - "content": "됢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51113": { - "content": "む", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51114": { - "content": "쥯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51115": { - "content": "溁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51116": { - "content": "띱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51117": { - "content": "몋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51118": { - "content": "倦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51119": { - "content": "뀮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51120": { - "content": "쇌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51121": { - "content": "攙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51122": { - "content": "뤓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51123": { - "content": "௨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51124": { - "content": "뗒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51125": { - "content": "獭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51126": { - "content": "陝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51127": { - "content": "秽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51128": { - "content": "몲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51129": { - "content": "幹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51130": { - "content": "쀷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51131": { - "content": "캳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51132": { - "content": "稑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51133": { - "content": "锿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51134": { - "content": "몶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51135": { - "content": "컳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51136": { - "content": "產", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51137": { - "content": "४", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51138": { - "content": "콤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51139": { - "content": "孙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51140": { - "content": "洫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51141": { - "content": "땊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51142": { - "content": "혌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51143": { - "content": "夯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51144": { - "content": "賬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51145": { - "content": "蚕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51146": { - "content": "볢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51147": { - "content": "驱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51148": { - "content": "탁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51149": { - "content": "缓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51150": { - "content": "묜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51151": { - "content": "쫥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51152": { - "content": "쮿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51153": { - "content": "앦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51154": { - "content": "鹩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51155": { - "content": "겒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51156": { - "content": "衆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51157": { - "content": "콝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51158": { - "content": "퀌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51159": { - "content": "腈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51160": { - "content": "贽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51161": { - "content": "搔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51162": { - "content": "蓂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51163": { - "content": "힘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51164": { - "content": "鳗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51165": { - "content": "芰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51166": { - "content": "悱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51167": { - "content": "뛍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51168": { - "content": "吱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51169": { - "content": "낿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51170": { - "content": "酦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51171": { - "content": "챣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51172": { - "content": "엸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51173": { - "content": "곻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51174": { - "content": "逸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51175": { - "content": "渍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51176": { - "content": "豈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51177": { - "content": "붘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51178": { - "content": "슅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51179": { - "content": "里", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51180": { - "content": "똯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51181": { - "content": "龅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51182": { - "content": "낭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51183": { - "content": "霭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51184": { - "content": "텧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51185": { - "content": "깝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51186": { - "content": "蛐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51187": { - "content": "捌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51188": { - "content": "珝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51189": { - "content": "య", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51190": { - "content": "댠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51191": { - "content": "悆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51192": { - "content": "쩓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51193": { - "content": "꾇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51194": { - "content": "홻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51195": { - "content": "딯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51196": { - "content": "𬸚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51197": { - "content": "籃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51198": { - "content": "漼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51199": { - "content": "졡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51200": { - "content": "욳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51201": { - "content": "兰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51202": { - "content": "尴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51203": { - "content": "룡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51204": { - "content": "簍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51205": { - "content": "묰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51206": { - "content": "壟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51207": { - "content": "빔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51208": { - "content": "릗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51209": { - "content": "뽉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51210": { - "content": "铘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51211": { - "content": "꽐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51212": { - "content": "쀄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51213": { - "content": "浃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51214": { - "content": "삜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51215": { - "content": "뒻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51216": { - "content": "칝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51217": { - "content": "鶯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51218": { - "content": "侣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51219": { - "content": "훻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51220": { - "content": "뚿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51221": { - "content": "症", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51222": { - "content": "ಬ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51223": { - "content": "沍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51224": { - "content": "喝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51225": { - "content": "暵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51226": { - "content": "쇃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51227": { - "content": "줮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51228": { - "content": "ា", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51229": { - "content": "꼽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51230": { - "content": "뚡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51231": { - "content": "돐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51232": { - "content": "씒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51233": { - "content": "১", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51234": { - "content": "併", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51235": { - "content": "쩣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51236": { - "content": "基", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51237": { - "content": "ٷ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51238": { - "content": "뛐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51239": { - "content": "族", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51240": { - "content": "괄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51241": { - "content": "턟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51242": { - "content": "뉱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51243": { - "content": "ំ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51244": { - "content": "宲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51245": { - "content": "骟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51246": { - "content": "溹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51247": { - "content": "稚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51248": { - "content": "௩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51249": { - "content": "筢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51250": { - "content": "贬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51251": { - "content": "错", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51252": { - "content": "尕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51253": { - "content": "쿦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51254": { - "content": "껊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51255": { - "content": "퇺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51256": { - "content": "ุ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51257": { - "content": "쒐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51258": { - "content": "鋏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51259": { - "content": "珲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51260": { - "content": "砷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51261": { - "content": "憨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51262": { - "content": "谀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51263": { - "content": "暖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51264": { - "content": "夭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51265": { - "content": "눌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51266": { - "content": "봌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51267": { - "content": "족", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51268": { - "content": "袱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51269": { - "content": "黩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51270": { - "content": "겣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51271": { - "content": "쒺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51272": { - "content": "뗦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51273": { - "content": "孳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51274": { - "content": "𬭊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51275": { - "content": "쮝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51276": { - "content": "흋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51277": { - "content": "麽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51278": { - "content": "섅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51279": { - "content": "孔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51280": { - "content": "蹄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51281": { - "content": "듦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51282": { - "content": "쒿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51283": { - "content": "즃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51284": { - "content": "䁖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51285": { - "content": "ണ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51286": { - "content": "퇨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51287": { - "content": "乎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51288": { - "content": "ૌ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51289": { - "content": "텃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51290": { - "content": "쨘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51291": { - "content": "亿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51292": { - "content": "徳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51293": { - "content": "깎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51294": { - "content": "썼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51295": { - "content": "ګ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51296": { - "content": "쐜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51297": { - "content": "믠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51298": { - "content": "醢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51299": { - "content": "쩈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51300": { - "content": "榷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51301": { - "content": "멡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51302": { - "content": "斯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51303": { - "content": "翩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51304": { - "content": "셊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51305": { - "content": "寅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51306": { - "content": "悝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51307": { - "content": "璨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51308": { - "content": "ㆍ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51309": { - "content": "숾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51310": { - "content": "蟒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51311": { - "content": "房", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51312": { - "content": "쵭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51313": { - "content": "큙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51314": { - "content": "컙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51315": { - "content": "렻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51316": { - "content": "왏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51317": { - "content": "쪼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51318": { - "content": "숚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51319": { - "content": "콁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51320": { - "content": "룑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51321": { - "content": "譲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51322": { - "content": "휔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51323": { - "content": "팪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51324": { - "content": "交", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51325": { - "content": "쩬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51326": { - "content": "칟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51327": { - "content": "쭅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51328": { - "content": "놓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51329": { - "content": "먔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51330": { - "content": "着", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51331": { - "content": "証", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51332": { - "content": "몝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51333": { - "content": "戶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51334": { - "content": "ٔ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51335": { - "content": "羊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51336": { - "content": "咧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51337": { - "content": "閲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51338": { - "content": "퀶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51339": { - "content": "쵋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51340": { - "content": "켎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51341": { - "content": "媳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51342": { - "content": "䗴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51343": { - "content": "淨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51344": { - "content": "ݼ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51345": { - "content": "渶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51346": { - "content": "춌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51347": { - "content": "뽁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51348": { - "content": "쫎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51349": { - "content": "푮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51350": { - "content": "벜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51351": { - "content": "嬈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51352": { - "content": "겵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51353": { - "content": "縹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51354": { - "content": "查", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51355": { - "content": "쑯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51356": { - "content": "癒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51357": { - "content": "폁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51358": { - "content": "鲑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51359": { - "content": "剟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51360": { - "content": "ٛ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51361": { - "content": "豳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51362": { - "content": "習", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51363": { - "content": "틭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51364": { - "content": "缢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51365": { - "content": "뺬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51366": { - "content": "腱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51367": { - "content": "쉞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51368": { - "content": "꿒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51369": { - "content": "혵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51370": { - "content": "拄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51371": { - "content": "퍉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51372": { - "content": "Ẩ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51373": { - "content": "払", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51374": { - "content": "ړ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51375": { - "content": "뻒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51376": { - "content": "祜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51377": { - "content": "뺺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51378": { - "content": "쾎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51379": { - "content": "쓭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51380": { - "content": "狂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51381": { - "content": "抡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51382": { - "content": "캬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51383": { - "content": "Ο", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51384": { - "content": "貌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51385": { - "content": "쫬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51386": { - "content": "꼗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51387": { - "content": "탂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51388": { - "content": "앑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51389": { - "content": "썰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51390": { - "content": "熹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51391": { - "content": "匼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51392": { - "content": "چ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51393": { - "content": "艘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51394": { - "content": "譎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51395": { - "content": "꿻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51396": { - "content": "귫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51397": { - "content": "뺄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51398": { - "content": "▼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51399": { - "content": "믞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51400": { - "content": "됈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51401": { - "content": "됤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51402": { - "content": "蚤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51403": { - "content": "آ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51404": { - "content": "횋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51405": { - "content": "苸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51406": { - "content": "珸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51407": { - "content": "ヘ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51408": { - "content": "쀰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51409": { - "content": "衾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51410": { - "content": "蜞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51411": { - "content": "熟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51412": { - "content": "隈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51413": { - "content": "쫕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51414": { - "content": "黏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51415": { - "content": "윁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51416": { - "content": "观", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51417": { - "content": "ō", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51418": { - "content": "됋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51419": { - "content": "典", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51420": { - "content": "玺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51421": { - "content": "쐆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51422": { - "content": "푲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51423": { - "content": "鲺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51424": { - "content": "ㅤ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51425": { - "content": "졵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51426": { - "content": "楂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51427": { - "content": "폞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51428": { - "content": "込", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51429": { - "content": "嘟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51430": { - "content": "ਗ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51431": { - "content": "蓇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51432": { - "content": "ൺ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51433": { - "content": "쨎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51434": { - "content": "턡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51435": { - "content": "址", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51436": { - "content": "쥧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51437": { - "content": "煳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51438": { - "content": "냃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51439": { - "content": "쌉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51440": { - "content": "쿯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51441": { - "content": "쫜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51442": { - "content": "팜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51443": { - "content": "뷶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51444": { - "content": "子", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51445": { - "content": "됼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51446": { - "content": "耨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51447": { - "content": "뢈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51448": { - "content": "쑊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51449": { - "content": "轷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51450": { - "content": "页", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51451": { - "content": "Ẹ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51452": { - "content": "뿝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51453": { - "content": "牙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51454": { - "content": "头", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51455": { - "content": "툇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51456": { - "content": "擾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51457": { - "content": "轢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51458": { - "content": "딃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51459": { - "content": "푛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51460": { - "content": "瑂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51461": { - "content": "室", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51462": { - "content": "愚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51463": { - "content": "動", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51464": { - "content": "큿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51465": { - "content": "릐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51466": { - "content": "냸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51467": { - "content": "铝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51468": { - "content": "죊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51469": { - "content": "씢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51470": { - "content": "詠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51471": { - "content": "퀷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51472": { - "content": "箓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51473": { - "content": "Ÿ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51474": { - "content": "큀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51475": { - "content": "脉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51476": { - "content": "ㅮ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51477": { - "content": "관", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51478": { - "content": "蘗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51479": { - "content": "莴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51480": { - "content": "뛒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51481": { - "content": "阴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51482": { - "content": "ி", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51483": { - "content": "퉜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51484": { - "content": "뚀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51485": { - "content": "쇇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51486": { - "content": "釈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51487": { - "content": "ۉ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51488": { - "content": "й", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51489": { - "content": "얪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51490": { - "content": "삡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51491": { - "content": "翁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51492": { - "content": "춪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51493": { - "content": "헆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51494": { - "content": "澶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51495": { - "content": "귧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51496": { - "content": "킴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51497": { - "content": "緑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51498": { - "content": "쎽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51499": { - "content": "紂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51500": { - "content": "犁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51501": { - "content": "豢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51502": { - "content": "荞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51503": { - "content": "韓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51504": { - "content": "쨂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51505": { - "content": "遐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51506": { - "content": "◯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51507": { - "content": "輩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51508": { - "content": "팶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51509": { - "content": "弹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51510": { - "content": "웨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51511": { - "content": "奡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51512": { - "content": "渠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51513": { - "content": "ㅯ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51514": { - "content": "訂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51515": { - "content": "퉾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51516": { - "content": "묳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51517": { - "content": "敛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51518": { - "content": "音", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51519": { - "content": "잩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51520": { - "content": "缔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51521": { - "content": "턽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51522": { - "content": "陳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51523": { - "content": "姊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51524": { - "content": "뾄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51525": { - "content": "巅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51526": { - "content": "핻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51527": { - "content": "撚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51528": { - "content": "苫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51529": { - "content": "굁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51530": { - "content": "엃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51531": { - "content": "죅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51532": { - "content": "냈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51533": { - "content": "険", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51534": { - "content": "咫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51535": { - "content": "푖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51536": { - "content": "뜻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51537": { - "content": "棐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51538": { - "content": "붖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51539": { - "content": "윧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51540": { - "content": "鹣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51541": { - "content": "埓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51542": { - "content": "斌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51543": { - "content": "晅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51544": { - "content": "긙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51545": { - "content": "땺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51546": { - "content": "忳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51547": { - "content": "評", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51548": { - "content": "톹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51549": { - "content": "퀼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51550": { - "content": "컷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51551": { - "content": "铣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51552": { - "content": "먹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51553": { - "content": "걣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51554": { - "content": "춑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51555": { - "content": "뢶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51556": { - "content": "៳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51557": { - "content": "묩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51558": { - "content": "۾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51559": { - "content": "슴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51560": { - "content": "羯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51561": { - "content": "븙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51562": { - "content": "띵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51563": { - "content": "咴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51564": { - "content": "褊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51565": { - "content": "릟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51566": { - "content": "혙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51567": { - "content": "洿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51568": { - "content": "퉥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51569": { - "content": "徂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51570": { - "content": "蠹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51571": { - "content": "늜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51572": { - "content": "듻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51573": { - "content": "춮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51574": { - "content": "익", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51575": { - "content": "섉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51576": { - "content": "퓤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51577": { - "content": "삩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51578": { - "content": "렄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51579": { - "content": "魑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51580": { - "content": "뻭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51581": { - "content": "닾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51582": { - "content": "玟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51583": { - "content": "휤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51584": { - "content": "喷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51585": { - "content": "덐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51586": { - "content": "퉭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51587": { - "content": "쳺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51588": { - "content": "蜈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51589": { - "content": "莓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51590": { - "content": "줓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51591": { - "content": "쪷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51592": { - "content": "쫝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51593": { - "content": "馀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51594": { - "content": "슞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51595": { - "content": "ഘ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51596": { - "content": "𬺗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51597": { - "content": "뢥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51598": { - "content": "䣘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51599": { - "content": "뵀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51600": { - "content": "푥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51601": { - "content": "耒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51602": { - "content": "깍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51603": { - "content": "ρ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51604": { - "content": "뺟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51605": { - "content": "票", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51606": { - "content": "엎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51607": { - "content": "몍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51608": { - "content": "믱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51609": { - "content": "쁃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51610": { - "content": "脍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51611": { - "content": "黝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51612": { - "content": "겔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51613": { - "content": "妇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51614": { - "content": "铥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51615": { - "content": "즉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51616": { - "content": "쟚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51617": { - "content": "ằ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51618": { - "content": "뉐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51619": { - "content": "꺡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51620": { - "content": "顓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51621": { - "content": "땖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51622": { - "content": "备", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51623": { - "content": "釣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51624": { - "content": "먲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51625": { - "content": "깤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51626": { - "content": "띗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51627": { - "content": "룒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51628": { - "content": "僮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51629": { - "content": "댟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51630": { - "content": "펛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51631": { - "content": "Қ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51632": { - "content": "뙵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51633": { - "content": "额", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51634": { - "content": "誤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51635": { - "content": "쬔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51636": { - "content": "펒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51637": { - "content": "밁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51638": { - "content": "珥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51639": { - "content": "듀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51640": { - "content": "핇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51641": { - "content": "哂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51642": { - "content": "៉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51643": { - "content": "靴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51644": { - "content": "경", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51645": { - "content": "確", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51646": { - "content": "욠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51647": { - "content": "響", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51648": { - "content": "邙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51649": { - "content": "錶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51650": { - "content": "蝗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51651": { - "content": "딉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51652": { - "content": "摽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51653": { - "content": "퍣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51654": { - "content": "렝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51655": { - "content": "品", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51656": { - "content": "篛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51657": { - "content": "켩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51658": { - "content": "屓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51659": { - "content": "멬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51660": { - "content": "째", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51661": { - "content": "훰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51662": { - "content": "뵶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51663": { - "content": "戤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51664": { - "content": "쁰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51665": { - "content": "蔀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51666": { - "content": "팓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51667": { - "content": "빨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51668": { - "content": "劣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51669": { - "content": "젷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51670": { - "content": "趿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51671": { - "content": "즥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51672": { - "content": "앢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51673": { - "content": "襤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51674": { - "content": "硔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51675": { - "content": "뫭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51676": { - "content": "颠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51677": { - "content": "燭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51678": { - "content": "呟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51679": { - "content": "瀋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51680": { - "content": "긴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51681": { - "content": "칎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51682": { - "content": "檜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51683": { - "content": "컃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51684": { - "content": "휊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51685": { - "content": "먊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51686": { - "content": "౬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51687": { - "content": "를", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51688": { - "content": "껈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51689": { - "content": "먭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51690": { - "content": "嵬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51691": { - "content": "亘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51692": { - "content": "奁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51693": { - "content": "능", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51694": { - "content": "ㇽ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51695": { - "content": "贡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51696": { - "content": "똃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51697": { - "content": "쬩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51698": { - "content": "𬬸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51699": { - "content": "웎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51700": { - "content": "뉢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51701": { - "content": "曄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51702": { - "content": "蓮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51703": { - "content": "굩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51704": { - "content": "춀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51705": { - "content": "閘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51706": { - "content": "ஔ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51707": { - "content": "뙰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51708": { - "content": "왬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51709": { - "content": "审", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51710": { - "content": "몦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51711": { - "content": "곜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51712": { - "content": "랃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51713": { - "content": "𬸦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51714": { - "content": "छ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51715": { - "content": "깭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51716": { - "content": "꽥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51717": { - "content": "峗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51718": { - "content": "냢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51719": { - "content": "드", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51720": { - "content": "갳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51721": { - "content": "긌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51722": { - "content": "뷀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51723": { - "content": "제", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51724": { - "content": "犂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51725": { - "content": "ಠ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51726": { - "content": "疡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51727": { - "content": "誊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51728": { - "content": "チ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51729": { - "content": "촰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51730": { - "content": "貼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51731": { - "content": "谴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51732": { - "content": "궞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51733": { - "content": "훡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51734": { - "content": "쏑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51735": { - "content": "틤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51736": { - "content": "왈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51737": { - "content": "髯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51738": { - "content": "뼽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51739": { - "content": "썩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51740": { - "content": "댛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51741": { - "content": "涐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51742": { - "content": "럽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51743": { - "content": "촙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51744": { - "content": "儿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51745": { - "content": "锚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51746": { - "content": "뽩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51747": { - "content": "걒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51748": { - "content": "띓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51749": { - "content": "柯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51750": { - "content": "듶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51751": { - "content": "풝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51752": { - "content": "商", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51753": { - "content": "꾥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51754": { - "content": "맏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51755": { - "content": "贫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51756": { - "content": "걕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51757": { - "content": "囵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51758": { - "content": "酡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51759": { - "content": "胺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51760": { - "content": "ݧ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51761": { - "content": "侏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51762": { - "content": "쑜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51763": { - "content": "잟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51764": { - "content": "뱵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51765": { - "content": "뎜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51766": { - "content": "舴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51767": { - "content": "챝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51768": { - "content": "僖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51769": { - "content": "膚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51770": { - "content": "礼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51771": { - "content": "蠲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51772": { - "content": "𬙊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51773": { - "content": "셯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51774": { - "content": "ơ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51775": { - "content": "똍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51776": { - "content": "봔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51777": { - "content": "钙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51778": { - "content": "返", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51779": { - "content": "睄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51780": { - "content": "땾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51781": { - "content": "춋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51782": { - "content": "쐥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51783": { - "content": "衅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51784": { - "content": "놬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51785": { - "content": "满", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51786": { - "content": "읚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51787": { - "content": "冪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51788": { - "content": "精", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51789": { - "content": "짎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51790": { - "content": "૪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51791": { - "content": "鼩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51792": { - "content": "ഢ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51793": { - "content": "杕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51794": { - "content": "腽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51795": { - "content": "刹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51796": { - "content": "底", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51797": { - "content": "잒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51798": { - "content": "앏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51799": { - "content": "헗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51800": { - "content": "昈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51801": { - "content": "뮭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51802": { - "content": "騒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51803": { - "content": "敕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51804": { - "content": "酃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51805": { - "content": "꾧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51806": { - "content": "𫍯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51807": { - "content": "꼁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51808": { - "content": "健", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51809": { - "content": "먝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51810": { - "content": "퉲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51811": { - "content": "漦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51812": { - "content": "艟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51813": { - "content": "꽤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51814": { - "content": "洧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51815": { - "content": "좒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51816": { - "content": "𬶟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51817": { - "content": "翻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51818": { - "content": "个", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51819": { - "content": "혃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51820": { - "content": "끿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51821": { - "content": "펯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51822": { - "content": "轩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51823": { - "content": "낙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51824": { - "content": "핁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51825": { - "content": "법", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51826": { - "content": "壤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51827": { - "content": "桷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51828": { - "content": "段", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51829": { - "content": "戯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51830": { - "content": "껑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51831": { - "content": "꺇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51832": { - "content": "캛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51833": { - "content": "鸺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51834": { - "content": "০", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51835": { - "content": "砀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51836": { - "content": "霤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51837": { - "content": "河", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51838": { - "content": "퍢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51839": { - "content": "픜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51840": { - "content": "뗰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51841": { - "content": "挓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51842": { - "content": "魔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51843": { - "content": "춚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51844": { - "content": "핾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51845": { - "content": "ڰ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51846": { - "content": "ㅔ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51847": { - "content": "哓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51848": { - "content": "祉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51849": { - "content": "绉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51850": { - "content": "푌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51851": { - "content": "柞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51852": { - "content": "엛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51853": { - "content": "缐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51854": { - "content": "钏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51855": { - "content": "읙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51856": { - "content": "౭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51857": { - "content": "ٕ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51858": { - "content": "뵩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51859": { - "content": "꿶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51860": { - "content": "곖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51861": { - "content": "緣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51862": { - "content": "酲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51863": { - "content": "툹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51864": { - "content": "翀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51865": { - "content": "蜀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51866": { - "content": "엦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51867": { - "content": "폊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51868": { - "content": "钶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51869": { - "content": "젃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51870": { - "content": "鼬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51871": { - "content": "醋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51872": { - "content": "孫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51873": { - "content": "੮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51874": { - "content": "嚥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51875": { - "content": "퀐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51876": { - "content": "Ệ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51877": { - "content": "煥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51878": { - "content": "懂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51879": { - "content": "𬘩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51880": { - "content": "넾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51881": { - "content": "錙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51882": { - "content": "膿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51883": { - "content": "맼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51884": { - "content": "髁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51885": { - "content": "定", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51886": { - "content": "둾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51887": { - "content": "繙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51888": { - "content": "퍿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51889": { - "content": "뛧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51890": { - "content": "벴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51891": { - "content": "妖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51892": { - "content": "垣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51893": { - "content": "赍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51894": { - "content": "髟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51895": { - "content": "鬧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51896": { - "content": "칤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51897": { - "content": "ۥ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51898": { - "content": "轂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51899": { - "content": "둗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51900": { - "content": "많", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51901": { - "content": "摁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51902": { - "content": "范", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51903": { - "content": "嗜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51904": { - "content": "갯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51905": { - "content": "겆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51906": { - "content": "뒊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51907": { - "content": "ۜ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51908": { - "content": "둏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51909": { - "content": "글", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51910": { - "content": "姝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51911": { - "content": "쁻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51912": { - "content": "簝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51913": { - "content": "긼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51914": { - "content": "矣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51915": { - "content": "世", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51916": { - "content": "嫔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51917": { - "content": "짯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51918": { - "content": "꾐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51919": { - "content": "削", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51920": { - "content": "湍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51921": { - "content": "慰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51922": { - "content": "藉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51923": { - "content": "槛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51924": { - "content": "쀩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51925": { - "content": "閊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51926": { - "content": "샦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51927": { - "content": "굈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51928": { - "content": "묡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51929": { - "content": "貂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51930": { - "content": "쨾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51931": { - "content": "뭹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51932": { - "content": "勻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51933": { - "content": "늩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51934": { - "content": "걘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51935": { - "content": "臨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51936": { - "content": "晾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51937": { - "content": "枅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51938": { - "content": "첫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51939": { - "content": "믑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51940": { - "content": "킊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51941": { - "content": "ٿ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51942": { - "content": "효", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51943": { - "content": "쨼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51944": { - "content": "脣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51945": { - "content": "퓁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51946": { - "content": "꿐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51947": { - "content": "鸼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51948": { - "content": "뿚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51949": { - "content": "绀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51950": { - "content": "ك", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51951": { - "content": "游", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51952": { - "content": "펍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51953": { - "content": "粲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51954": { - "content": "芮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51955": { - "content": "២", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51956": { - "content": "檑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51957": { - "content": "佤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51958": { - "content": "둉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51959": { - "content": "켐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51960": { - "content": "뫵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51961": { - "content": "而", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51962": { - "content": "濕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51963": { - "content": "웞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51964": { - "content": "링", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51965": { - "content": "횸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51966": { - "content": "ী", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51967": { - "content": "띑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51968": { - "content": "괷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51969": { - "content": "ś", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51970": { - "content": "鬍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51971": { - "content": "멫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51972": { - "content": "杨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51973": { - "content": "Π", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51974": { - "content": "ढ़", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51975": { - "content": "꺥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51976": { - "content": "渎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51977": { - "content": "덕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51978": { - "content": "덻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51979": { - "content": "즞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51980": { - "content": "뾃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51981": { - "content": "쬾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51982": { - "content": "짂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51983": { - "content": "𬭯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51984": { - "content": "瓣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51985": { - "content": "눛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51986": { - "content": "ㅧ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51987": { - "content": "劊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51988": { - "content": "倓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51989": { - "content": "벚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51990": { - "content": "レ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51991": { - "content": "घ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51992": { - "content": "拖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51993": { - "content": "츅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51994": { - "content": "舔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51995": { - "content": "뤙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51996": { - "content": "쾐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51997": { - "content": "身", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51998": { - "content": "葑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "51999": { - "content": "趙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52000": { - "content": "𫞩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52001": { - "content": "杯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52002": { - "content": "학", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52003": { - "content": "帙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52004": { - "content": "읾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52005": { - "content": "鷂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52006": { - "content": "룠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52007": { - "content": "菩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52008": { - "content": "闯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52009": { - "content": "쓬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52010": { - "content": "Ẓ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52011": { - "content": "舁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52012": { - "content": "졯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52013": { - "content": "灿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52014": { - "content": "뱲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52015": { - "content": "끃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52016": { - "content": "빤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52017": { - "content": "쫰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52018": { - "content": "棲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52019": { - "content": "맯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52020": { - "content": "癌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52021": { - "content": "跼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52022": { - "content": "纡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52023": { - "content": "☓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52024": { - "content": "췪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52025": { - "content": "완", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52026": { - "content": "쭞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52027": { - "content": "ー", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52028": { - "content": "헮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52029": { - "content": "졌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52030": { - "content": "폌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52031": { - "content": "툙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52032": { - "content": "恓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52033": { - "content": "撾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52034": { - "content": "诂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52035": { - "content": "暢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52036": { - "content": "肜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52037": { - "content": "뇸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52038": { - "content": "牥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52039": { - "content": "뼸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52040": { - "content": "美", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52041": { - "content": "差", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52042": { - "content": "껾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52043": { - "content": "쾬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52044": { - "content": "়", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52045": { - "content": "먱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52046": { - "content": "찯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52047": { - "content": "虼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52048": { - "content": "눆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52049": { - "content": "颤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52050": { - "content": "녷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52051": { - "content": "警", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52052": { - "content": "쁣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52053": { - "content": "懷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52054": { - "content": "ू", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52055": { - "content": "嘴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52056": { - "content": "沈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52057": { - "content": "뗌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52058": { - "content": "代", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52059": { - "content": "茣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52060": { - "content": "돆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52061": { - "content": "멸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52062": { - "content": "둍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52063": { - "content": "뀦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52064": { - "content": "꼴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52065": { - "content": "鳍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52066": { - "content": "橥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52067": { - "content": "亮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52068": { - "content": "瘵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52069": { - "content": "钕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52070": { - "content": "잫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52071": { - "content": "鬢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52072": { - "content": "瑞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52073": { - "content": "繞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52074": { - "content": "め", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52075": { - "content": "拆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52076": { - "content": "赡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52077": { - "content": "犄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52078": { - "content": "幪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52079": { - "content": "퉐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52080": { - "content": "찝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52081": { - "content": "↔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52082": { - "content": "剜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52083": { - "content": "亠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52084": { - "content": "쀸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52085": { - "content": "但", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52086": { - "content": "驾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52087": { - "content": "軀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52088": { - "content": "먉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52089": { - "content": "춶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52090": { - "content": "숇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52091": { - "content": "굱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52092": { - "content": "艴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52093": { - "content": "绸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52094": { - "content": "撢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52095": { - "content": "녨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52096": { - "content": "닇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52097": { - "content": "뉂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52098": { - "content": "떍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52099": { - "content": "𫚕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52100": { - "content": "턚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52101": { - "content": "挎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52102": { - "content": "둻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52103": { - "content": "彪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52104": { - "content": "饶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52105": { - "content": "こ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52106": { - "content": "嶝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52107": { - "content": "闵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52108": { - "content": "◔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52109": { - "content": "۫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52110": { - "content": "먟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52111": { - "content": "롱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52112": { - "content": "뷄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52113": { - "content": "ﻡ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52114": { - "content": "숫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52115": { - "content": "讓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52116": { - "content": "誦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52117": { - "content": "務", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52118": { - "content": "谰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52119": { - "content": "ณ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52120": { - "content": "◆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52121": { - "content": "缛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52122": { - "content": "燥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52123": { - "content": "六", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52124": { - "content": "ค", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52125": { - "content": "竫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52126": { - "content": "퍼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52127": { - "content": "븕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52128": { - "content": "淜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52129": { - "content": "딿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52130": { - "content": "楣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52131": { - "content": "昀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52132": { - "content": "裥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52133": { - "content": "臼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52134": { - "content": "핆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52135": { - "content": "쵠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52136": { - "content": "캮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52137": { - "content": "싴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52138": { - "content": "턀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52139": { - "content": "쫌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52140": { - "content": "큟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52141": { - "content": "堧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52142": { - "content": "롕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52143": { - "content": "괸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52144": { - "content": "맗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52145": { - "content": "휥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52146": { - "content": "쭩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52147": { - "content": "该", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52148": { - "content": "圉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52149": { - "content": "볣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52150": { - "content": "솯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52151": { - "content": "투", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52152": { - "content": "倻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52153": { - "content": "钸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52154": { - "content": "쌥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52155": { - "content": "勁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52156": { - "content": "桡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52157": { - "content": "臌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52158": { - "content": "쐚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52159": { - "content": "惆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52160": { - "content": "씂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52161": { - "content": "퓧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52162": { - "content": "្", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52163": { - "content": "뺨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52164": { - "content": "펏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52165": { - "content": "뺸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52166": { - "content": "십", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52167": { - "content": "뗞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52168": { - "content": "뒰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52169": { - "content": "둽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52170": { - "content": "숰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52171": { - "content": "흛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52172": { - "content": "곕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52173": { - "content": "싅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52174": { - "content": "뿈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52175": { - "content": "퍾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52176": { - "content": "컧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52177": { - "content": "ờ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52178": { - "content": "켛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52179": { - "content": "ច", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52180": { - "content": "젦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52181": { - "content": "晫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52182": { - "content": "涿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52183": { - "content": "뎶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52184": { - "content": "붼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52185": { - "content": "쨬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52186": { - "content": "支", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52187": { - "content": "貸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52188": { - "content": "쌭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52189": { - "content": "閉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52190": { - "content": "祟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52191": { - "content": "灭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52192": { - "content": "濞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52193": { - "content": "똒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52194": { - "content": "蜊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52195": { - "content": "欽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52196": { - "content": "춝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52197": { - "content": "굸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52198": { - "content": "籽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52199": { - "content": "쐕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52200": { - "content": "诌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52201": { - "content": "뤲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52202": { - "content": "쎬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52203": { - "content": "쮛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52204": { - "content": "짩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52205": { - "content": "臍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52206": { - "content": "쬄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52207": { - "content": "款", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52208": { - "content": "綜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52209": { - "content": "趨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52210": { - "content": "瓊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52211": { - "content": "咒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52212": { - "content": "魎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52213": { - "content": "ూ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52214": { - "content": "똑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52215": { - "content": "垚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52216": { - "content": "훑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52217": { - "content": "여", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52218": { - "content": "ಖ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52219": { - "content": "縐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52220": { - "content": "킲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52221": { - "content": "浹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52222": { - "content": "瞳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52223": { - "content": "炖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52224": { - "content": "缎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52225": { - "content": "놠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52226": { - "content": "ㅣ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52227": { - "content": "茺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52228": { - "content": "菊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52229": { - "content": "紉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52230": { - "content": "냹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52231": { - "content": "徴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52232": { - "content": "攀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52233": { - "content": "镵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52234": { - "content": "苟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52235": { - "content": "債", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52236": { - "content": "섈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52237": { - "content": "캈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52238": { - "content": "焉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52239": { - "content": "憶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52240": { - "content": "뤘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52241": { - "content": "霄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52242": { - "content": "汈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52243": { - "content": "빡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52244": { - "content": "췷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52245": { - "content": "羹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52246": { - "content": "吩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52247": { - "content": "취", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52248": { - "content": "귾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52249": { - "content": "얝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52250": { - "content": "त", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52251": { - "content": "①", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52252": { - "content": "딙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52253": { - "content": "维", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52254": { - "content": "∽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52255": { - "content": "俐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52256": { - "content": "뤞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52257": { - "content": "칰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52258": { - "content": "铆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52259": { - "content": "圧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52260": { - "content": "鼽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52261": { - "content": "궅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52262": { - "content": "킞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52263": { - "content": "옡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52264": { - "content": "啓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52265": { - "content": "喵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52266": { - "content": "퍐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52267": { - "content": "溲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52268": { - "content": "퐦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52269": { - "content": "퍒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52270": { - "content": "쐿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52271": { - "content": "Ž", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52272": { - "content": "惊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52273": { - "content": "뷒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52274": { - "content": "舯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52275": { - "content": "뢐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52276": { - "content": "혖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52277": { - "content": "ㅝ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52278": { - "content": "紮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52279": { - "content": "郁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52280": { - "content": "뮦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52281": { - "content": "鼐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52282": { - "content": "床", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52283": { - "content": "移", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52284": { - "content": "퍊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52285": { - "content": "圯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52286": { - "content": "咙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52287": { - "content": "消", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52288": { - "content": "莪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52289": { - "content": "퍴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52290": { - "content": "癩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52291": { - "content": "ઓ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52292": { - "content": "맇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52293": { - "content": "察", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52294": { - "content": "싹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52295": { - "content": "؞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52296": { - "content": "뭸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52297": { - "content": "持", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52298": { - "content": "솞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52299": { - "content": "オ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52300": { - "content": "먦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52301": { - "content": "芗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52302": { - "content": "혍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52303": { - "content": "霪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52304": { - "content": "픣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52305": { - "content": "밞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52306": { - "content": "甫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52307": { - "content": "륞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52308": { - "content": "韵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52309": { - "content": "糈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52310": { - "content": "鲪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52311": { - "content": "풑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52312": { - "content": "뉨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52313": { - "content": "킚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52314": { - "content": "駑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52315": { - "content": "内", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52316": { - "content": "븶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52317": { - "content": "特", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52318": { - "content": "辖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52319": { - "content": "弋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52320": { - "content": "瑑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52321": { - "content": "벍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52322": { - "content": "뿳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52323": { - "content": "棺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52324": { - "content": "꽖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52325": { - "content": "ヱ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52326": { - "content": "碑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52327": { - "content": "麵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52328": { - "content": "맜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52329": { - "content": "灾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52330": { - "content": "園", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52331": { - "content": "쫮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52332": { - "content": "扺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52333": { - "content": "숦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52334": { - "content": "뭤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52335": { - "content": "줼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52336": { - "content": "ω", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52337": { - "content": "唁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52338": { - "content": "泅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52339": { - "content": "純", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52340": { - "content": "袆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52341": { - "content": "쭛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52342": { - "content": "폗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52343": { - "content": "꾰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52344": { - "content": "됇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52345": { - "content": "쩻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52346": { - "content": "랂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52347": { - "content": "헸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52348": { - "content": "凝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52349": { - "content": "鸵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52350": { - "content": "㮾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52351": { - "content": "锩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52352": { - "content": "뎝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52353": { - "content": "뀒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52354": { - "content": "샐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52355": { - "content": "冠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52356": { - "content": "訑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52357": { - "content": "쾮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52358": { - "content": "퐂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52359": { - "content": "筇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52360": { - "content": "뚴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52361": { - "content": "雄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52362": { - "content": "粪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52363": { - "content": "锲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52364": { - "content": "췿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52365": { - "content": "拜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52366": { - "content": "聆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52367": { - "content": "ಃ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52368": { - "content": "鲍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52369": { - "content": "垸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52370": { - "content": "秧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52371": { - "content": "搶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52372": { - "content": "瓒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52373": { - "content": "笱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52374": { - "content": "缌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52375": { - "content": "쩎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52376": { - "content": "듁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52377": { - "content": "佴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52378": { - "content": "낫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52379": { - "content": "짅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52380": { - "content": "쇓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52381": { - "content": "햽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52382": { - "content": "辜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52383": { - "content": "놙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52384": { - "content": "尥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52385": { - "content": "덋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52386": { - "content": "穆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52387": { - "content": "௪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52388": { - "content": "闰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52389": { - "content": "痙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52390": { - "content": "弈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52391": { - "content": "氆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52392": { - "content": "溅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52393": { - "content": "문", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52394": { - "content": "둲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52395": { - "content": "崶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52396": { - "content": "륐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52397": { - "content": "붑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52398": { - "content": "펫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52399": { - "content": "៴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52400": { - "content": "괗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52401": { - "content": "؈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52402": { - "content": "方", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52403": { - "content": "閎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52404": { - "content": "凄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52405": { - "content": "诓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52406": { - "content": "쪊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52407": { - "content": "왶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52408": { - "content": "剣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52409": { - "content": "송", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52410": { - "content": "と", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52411": { - "content": "밊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52412": { - "content": "酾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52413": { - "content": "護", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52414": { - "content": "앺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52415": { - "content": "틪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52416": { - "content": "췐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52417": { - "content": "र", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52418": { - "content": "턉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52419": { - "content": "劂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52420": { - "content": "낑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52421": { - "content": "擎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52422": { - "content": "옆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52423": { - "content": "죖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52424": { - "content": "뮩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52425": { - "content": "؟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52426": { - "content": "뮰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52427": { - "content": "鷹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52428": { - "content": "潵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52429": { - "content": "쳱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52430": { - "content": "鑫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52431": { - "content": "浜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52432": { - "content": "搴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52433": { - "content": "鹍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52434": { - "content": "宏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52435": { - "content": "루", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52436": { - "content": "쿙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52437": { - "content": "ゼ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52438": { - "content": "睫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52439": { - "content": "깢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52440": { - "content": "헒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52441": { - "content": "갬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52442": { - "content": "쏧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52443": { - "content": "쟪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52444": { - "content": "랼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52445": { - "content": "쟵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52446": { - "content": "鹤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52447": { - "content": "″", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52448": { - "content": "쇶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52449": { - "content": "툁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52450": { - "content": "枇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52451": { - "content": "丹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52452": { - "content": "룇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52453": { - "content": "ൄ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52454": { - "content": "쬎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52455": { - "content": "릭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52456": { - "content": "巒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52457": { - "content": "귄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52458": { - "content": "쀁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52459": { - "content": "혩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52460": { - "content": "캔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52461": { - "content": "먠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52462": { - "content": "竄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52463": { - "content": "빽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52464": { - "content": "뫝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52465": { - "content": "쇉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52466": { - "content": "ギ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52467": { - "content": "胠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52468": { - "content": "퇿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52469": { - "content": "員", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52470": { - "content": "쮦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52471": { - "content": "쐵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52472": { - "content": "奭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52473": { - "content": "ॉ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52474": { - "content": "항", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52475": { - "content": "곒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52476": { - "content": "抃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52477": { - "content": "쵴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52478": { - "content": "쓪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52479": { - "content": "쫐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52480": { - "content": "涤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52481": { - "content": "洢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52482": { - "content": "耄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52483": { - "content": "錐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52484": { - "content": "큋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52485": { - "content": "踦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52486": { - "content": "盾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52487": { - "content": "껿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52488": { - "content": "铹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52489": { - "content": "栩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52490": { - "content": "에", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52491": { - "content": "湃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52492": { - "content": "率", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52493": { - "content": "됖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52494": { - "content": "픎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52495": { - "content": "뵧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52496": { - "content": "쏎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52497": { - "content": "껀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52498": { - "content": "깖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52499": { - "content": "逕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52500": { - "content": "挈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52501": { - "content": "瀣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52502": { - "content": "쐒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52503": { - "content": "鹮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52504": { - "content": "働", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52505": { - "content": "咩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52506": { - "content": "悠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52507": { - "content": "뜒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52508": { - "content": "য", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52509": { - "content": "롆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52510": { - "content": "耏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52511": { - "content": "霖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52512": { - "content": "涯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52513": { - "content": "চ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52514": { - "content": "猬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52515": { - "content": "걃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52516": { - "content": "锒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52517": { - "content": "芽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52518": { - "content": "溟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52519": { - "content": "偵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52520": { - "content": "梌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52521": { - "content": "찏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52522": { - "content": "濑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52523": { - "content": "揩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52524": { - "content": "젠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52525": { - "content": "莱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52526": { - "content": "判", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52527": { - "content": "발", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52528": { - "content": "夥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52529": { - "content": "첍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52530": { - "content": "؜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52531": { - "content": "隽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52532": { - "content": "친", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52533": { - "content": "쓰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52534": { - "content": "魄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52535": { - "content": "븏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52536": { - "content": "뽅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52537": { - "content": "녫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52538": { - "content": "呓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52539": { - "content": "맲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52540": { - "content": "껌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52541": { - "content": "똗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52542": { - "content": "꺋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52543": { - "content": "०", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52544": { - "content": "쏶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52545": { - "content": "뽗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52546": { - "content": "頃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52547": { - "content": "헙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52548": { - "content": "₱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52549": { - "content": "ઑ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52550": { - "content": "쵈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52551": { - "content": "찌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52552": { - "content": "좝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52553": { - "content": "젯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52554": { - "content": "荨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52555": { - "content": "횗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52556": { - "content": "짔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52557": { - "content": "𬭚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52558": { - "content": "輝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52559": { - "content": "킎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52560": { - "content": "뗣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52561": { - "content": "妹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52562": { - "content": "斐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52563": { - "content": "낪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52564": { - "content": "듵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52565": { - "content": "抗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52566": { - "content": "鴿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52567": { - "content": "새", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52568": { - "content": "赤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52569": { - "content": "퀓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52570": { - "content": "枞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52571": { - "content": "퇘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52572": { - "content": "횬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52573": { - "content": "찙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52574": { - "content": "뗿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52575": { - "content": "楮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52576": { - "content": "𬺝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52577": { - "content": "놋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52578": { - "content": "읤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52579": { - "content": "싿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52580": { - "content": "퉌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52581": { - "content": "鱖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52582": { - "content": "涣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52583": { - "content": "컑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52584": { - "content": "곘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52585": { - "content": "팍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52586": { - "content": "皆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52587": { - "content": "쨋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52588": { - "content": "틘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52589": { - "content": "뽯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52590": { - "content": "렆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52591": { - "content": "睬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52592": { - "content": "希", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52593": { - "content": "낣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52594": { - "content": "켘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52595": { - "content": "爾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52596": { - "content": "쌣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52597": { - "content": "쫨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52598": { - "content": "鎬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52599": { - "content": "뀭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52600": { - "content": "쓝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52601": { - "content": "쿭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52602": { - "content": "뮶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52603": { - "content": "セ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52604": { - "content": "민", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52605": { - "content": "逾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52606": { - "content": "쿝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52607": { - "content": "੫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52608": { - "content": "흐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52609": { - "content": "췡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52610": { - "content": "뗘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52611": { - "content": "孅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52612": { - "content": "稿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52613": { - "content": "띟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52614": { - "content": "丰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52615": { - "content": "虤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52616": { - "content": "퉬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52617": { - "content": "됂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52618": { - "content": "롳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52619": { - "content": "멊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52620": { - "content": "뒀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52621": { - "content": "텴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52622": { - "content": "註", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52623": { - "content": "컽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52624": { - "content": "걩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52625": { - "content": "運", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52626": { - "content": "솧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52627": { - "content": "潏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52628": { - "content": "啧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52629": { - "content": "쪚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52630": { - "content": "뗎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52631": { - "content": "땶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52632": { - "content": "奪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52633": { - "content": "얾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52634": { - "content": "칪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52635": { - "content": "們", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52636": { - "content": "낄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52637": { - "content": "텱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52638": { - "content": "췮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52639": { - "content": "ۿ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52640": { - "content": "몟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52641": { - "content": "쾩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52642": { - "content": "瀼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52643": { - "content": "テ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52644": { - "content": "뒞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52645": { - "content": "ژ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52646": { - "content": "썹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52647": { - "content": "깨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52648": { - "content": "껥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52649": { - "content": "□", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52650": { - "content": "댳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52651": { - "content": "播", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52652": { - "content": "맊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52653": { - "content": "桧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52654": { - "content": "䘳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52655": { - "content": "챌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52656": { - "content": "쀋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52657": { - "content": "뉈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52658": { - "content": "靨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52659": { - "content": "뤍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52660": { - "content": "녋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52661": { - "content": "횲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52662": { - "content": "辨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52663": { - "content": "彼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52664": { - "content": "捗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52665": { - "content": "갫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52666": { - "content": "撹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52667": { - "content": "뜿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52668": { - "content": "撺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52669": { - "content": "쓻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52670": { - "content": "С", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52671": { - "content": "퍀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52672": { - "content": "彙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52673": { - "content": "栽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52674": { - "content": "澉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52675": { - "content": "枷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52676": { - "content": "宇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52677": { - "content": "頗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52678": { - "content": "쨯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52679": { - "content": "楨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52680": { - "content": "텢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52681": { - "content": "랙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52682": { - "content": "䅟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52683": { - "content": "Ũ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52684": { - "content": "蜐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52685": { - "content": "뢦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52686": { - "content": "뛺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52687": { - "content": "힂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52688": { - "content": "눸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52689": { - "content": "앇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52690": { - "content": "밵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52691": { - "content": "涧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52692": { - "content": "ी", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52693": { - "content": "楽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52694": { - "content": "柄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52695": { - "content": "倬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52696": { - "content": "伴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52697": { - "content": "첧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52698": { - "content": "ڃ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52699": { - "content": "숔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52700": { - "content": "烃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52701": { - "content": "껓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52702": { - "content": "이", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52703": { - "content": "旆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52704": { - "content": "벸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52705": { - "content": "뱇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52706": { - "content": "壓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52707": { - "content": "皿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52708": { - "content": "耗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52709": { - "content": "啖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52710": { - "content": "琉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52711": { - "content": "뼠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52712": { - "content": "犖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52713": { - "content": "渴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52714": { - "content": "枭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52715": { - "content": "决", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52716": { - "content": "竑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52717": { - "content": "욗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52718": { - "content": "頤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52719": { - "content": "椆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52720": { - "content": "捫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52721": { - "content": "둮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52722": { - "content": "봋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52723": { - "content": "줺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52724": { - "content": "숻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52725": { - "content": "턗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52726": { - "content": "툔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52727": { - "content": "쬂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52728": { - "content": "젻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52729": { - "content": "뤠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52730": { - "content": "紐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52731": { - "content": "걪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52732": { - "content": "뤽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52733": { - "content": "누", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52734": { - "content": "헚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52735": { - "content": "绯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52736": { - "content": "츩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52737": { - "content": "꺗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52738": { - "content": "쾥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52739": { - "content": "石", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52740": { - "content": "給", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52741": { - "content": "ஓ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52742": { - "content": "롌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52743": { - "content": "嗬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52744": { - "content": "水", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52745": { - "content": "횳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52746": { - "content": "躋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52747": { - "content": "쯞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52748": { - "content": "孓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52749": { - "content": "퐛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52750": { - "content": "ឹ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52751": { - "content": "믒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52752": { - "content": "짘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52753": { - "content": "ộ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52754": { - "content": "뵻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52755": { - "content": "찡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52756": { - "content": "呻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52757": { - "content": "媄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52758": { - "content": "扔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52759": { - "content": "獾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52760": { - "content": "립", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52761": { - "content": "쐀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52762": { - "content": "恪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52763": { - "content": "ぐ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52764": { - "content": "転", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52765": { - "content": "嶓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52766": { - "content": "펥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52767": { - "content": "撩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52768": { - "content": "啟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52769": { - "content": "랅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52770": { - "content": "纼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52771": { - "content": "ঝ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52772": { - "content": "쳦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52773": { - "content": "쥭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52774": { - "content": "닷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52775": { - "content": "欅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52776": { - "content": "喇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52777": { - "content": "ಛ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52778": { - "content": "텝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52779": { - "content": "碴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52780": { - "content": "质", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52781": { - "content": "莽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52782": { - "content": "톸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52783": { - "content": "빞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52784": { - "content": "쐅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52785": { - "content": "냊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52786": { - "content": "괤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52787": { - "content": "喬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52788": { - "content": "薔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52789": { - "content": "쳣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52790": { - "content": "嘧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52791": { - "content": "枳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52792": { - "content": "鋳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52793": { - "content": "륹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52794": { - "content": "徙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52795": { - "content": "梠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52796": { - "content": "폽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52797": { - "content": "암", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52798": { - "content": "弩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52799": { - "content": "வ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52800": { - "content": "劬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52801": { - "content": "쳨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52802": { - "content": "돈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52803": { - "content": "濘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52804": { - "content": "枓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52805": { - "content": "噬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52806": { - "content": "哀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52807": { - "content": "減", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52808": { - "content": "峡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52809": { - "content": "蘘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52810": { - "content": "튰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52811": { - "content": "谥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52812": { - "content": "媛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52813": { - "content": "캾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52814": { - "content": "똭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52815": { - "content": "쓳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52816": { - "content": "뒪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52817": { - "content": "苷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52818": { - "content": "桓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52819": { - "content": "룿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52820": { - "content": "朗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52821": { - "content": "稌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52822": { - "content": "붬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52823": { - "content": "뢼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52824": { - "content": "힔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52825": { - "content": "嶦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52826": { - "content": "雪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52827": { - "content": "듮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52828": { - "content": "륧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52829": { - "content": "덏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52830": { - "content": "梅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52831": { - "content": "렴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52832": { - "content": "퀢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52833": { - "content": "炱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52834": { - "content": "뗐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52835": { - "content": "使", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52836": { - "content": "묞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52837": { - "content": "뮷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52838": { - "content": "幌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52839": { - "content": "儋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52840": { - "content": "햀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52841": { - "content": "뗤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52842": { - "content": "镖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52843": { - "content": "딆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52844": { - "content": "穙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52845": { - "content": "똵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52846": { - "content": "캧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52847": { - "content": "쉲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52848": { - "content": "碃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52849": { - "content": "跃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52850": { - "content": "倾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52851": { - "content": "륀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52852": { - "content": "썚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52853": { - "content": "믺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52854": { - "content": "닒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52855": { - "content": "姓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52856": { - "content": "茱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52857": { - "content": "팥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52858": { - "content": "婼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52859": { - "content": "伢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52860": { - "content": "껺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52861": { - "content": "塝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52862": { - "content": "섁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52863": { - "content": "郧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52864": { - "content": "쯙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52865": { - "content": "욥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52866": { - "content": "舍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52867": { - "content": "ね", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52868": { - "content": "鼹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52869": { - "content": "找", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52870": { - "content": "죰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52871": { - "content": "芈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52872": { - "content": "ợ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52873": { - "content": "讀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52874": { - "content": "뉚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52875": { - "content": "폀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52876": { - "content": "阅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52877": { - "content": "呤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52878": { - "content": "ौ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52879": { - "content": "宮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52880": { - "content": "뼈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52881": { - "content": "븾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52882": { - "content": "뭲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52883": { - "content": "쪠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52884": { - "content": "議", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52885": { - "content": "퇇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52886": { - "content": "疐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52887": { - "content": "똜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52888": { - "content": "崴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52889": { - "content": "増", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52890": { - "content": "귙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52891": { - "content": "팊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52892": { - "content": "荇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52893": { - "content": "솓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52894": { - "content": "갪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52895": { - "content": "됎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52896": { - "content": "뺂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52897": { - "content": "ㆁ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52898": { - "content": "欺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52899": { - "content": "𫠆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52900": { - "content": "녏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52901": { - "content": "μ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52902": { - "content": "덈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52903": { - "content": "객", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52904": { - "content": "碶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52905": { - "content": "퉈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52906": { - "content": "숭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52907": { - "content": "뵿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52908": { - "content": "듿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52909": { - "content": "晪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52910": { - "content": "팣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52911": { - "content": "믉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52912": { - "content": "𫘪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52913": { - "content": "杈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52914": { - "content": "룭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52915": { - "content": "窗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52916": { - "content": "ぉ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52917": { - "content": "뽇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52918": { - "content": "穹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52919": { - "content": "뤏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52920": { - "content": "捭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52921": { - "content": "딺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52922": { - "content": "띰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52923": { - "content": "걤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52924": { - "content": "롖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52925": { - "content": "덗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52926": { - "content": "Μ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52927": { - "content": "蟏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52928": { - "content": "놕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52929": { - "content": "睞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52930": { - "content": "엽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52931": { - "content": "몤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52932": { - "content": "뱣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52933": { - "content": "낗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52934": { - "content": "궼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52935": { - "content": "잯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52936": { - "content": "跪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52937": { - "content": "좪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52938": { - "content": "묨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52939": { - "content": "꾷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52940": { - "content": "艇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52941": { - "content": "禘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52942": { - "content": "窃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52943": { - "content": "紆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52944": { - "content": "妄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52945": { - "content": "蠍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52946": { - "content": "楠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52947": { - "content": "蛱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52948": { - "content": "핯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52949": { - "content": "뷧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52950": { - "content": "赔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52951": { - "content": "룘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52952": { - "content": "般", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52953": { - "content": "홰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52954": { - "content": "놿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52955": { - "content": "稜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52956": { - "content": "띏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52957": { - "content": "쇥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52958": { - "content": "꼆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52959": { - "content": "蔡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52960": { - "content": "慝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52961": { - "content": "墙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52962": { - "content": "틇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52963": { - "content": "铳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52964": { - "content": "틉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52965": { - "content": "륟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52966": { - "content": "됔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52967": { - "content": "绠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52968": { - "content": "兑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52969": { - "content": "绱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52970": { - "content": "箇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52971": { - "content": "곿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52972": { - "content": "핂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52973": { - "content": "恊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52974": { - "content": "윇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52975": { - "content": "핱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52976": { - "content": "Ộ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52977": { - "content": "뀔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52978": { - "content": "쀚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52979": { - "content": "퍎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52980": { - "content": "笮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52981": { - "content": "뾒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52982": { - "content": "鯽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52983": { - "content": "빦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52984": { - "content": "萑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52985": { - "content": "퇼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52986": { - "content": "겳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52987": { - "content": "蟮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52988": { - "content": "張", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52989": { - "content": "쫞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52990": { - "content": "퉗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52991": { - "content": "뙳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52992": { - "content": "딤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52993": { - "content": "ﺯ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52994": { - "content": "忖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52995": { - "content": "쁴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52996": { - "content": "忪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52997": { - "content": "龈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52998": { - "content": "稣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "52999": { - "content": "뚥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53000": { - "content": "육", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53001": { - "content": "鼢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53002": { - "content": "ネ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53003": { - "content": "낍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53004": { - "content": "ڨ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53005": { - "content": "赠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53006": { - "content": "퉑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53007": { - "content": "谷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53008": { - "content": "쳬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53009": { - "content": "𬶮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53010": { - "content": "哄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53011": { - "content": "眚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53012": { - "content": "굅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53013": { - "content": "祥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53014": { - "content": "掳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53015": { - "content": "폺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53016": { - "content": "硬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53017": { - "content": "仓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53018": { - "content": "呢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53019": { - "content": "뤹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53020": { - "content": "飕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53021": { - "content": "툪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53022": { - "content": "긇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53023": { - "content": "쁆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53024": { - "content": "탦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53025": { - "content": "걄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53026": { - "content": "긐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53027": { - "content": "쬻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53028": { - "content": "챭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53029": { - "content": "鳣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53030": { - "content": "싱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53031": { - "content": "做", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53032": { - "content": "帷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53033": { - "content": "흀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53034": { - "content": "เ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53035": { - "content": "虑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53036": { - "content": "ỷ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53037": { - "content": "슧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53038": { - "content": "粱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53039": { - "content": "喺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53040": { - "content": "랓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53041": { - "content": "럚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53042": { - "content": "傾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53043": { - "content": "궡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53044": { - "content": "邳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53045": { - "content": "묲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53046": { - "content": "쐺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53047": { - "content": "嗍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53048": { - "content": "ڑ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53049": { - "content": "띲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53050": { - "content": "芾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53051": { - "content": "座", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53052": { - "content": "뀑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53053": { - "content": "휢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53054": { - "content": "癆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53055": { - "content": "裕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53056": { - "content": "憲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53057": { - "content": "繹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53058": { - "content": "见", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53059": { - "content": "熛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53060": { - "content": "掖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53061": { - "content": "腙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53062": { - "content": "镡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53063": { - "content": "죣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53064": { - "content": "꾑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53065": { - "content": "븵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53066": { - "content": "殁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53067": { - "content": "ഏ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53068": { - "content": "訟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53069": { - "content": "䃎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53070": { - "content": "잃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53071": { - "content": "滢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53072": { - "content": "қ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53073": { - "content": "試", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53074": { - "content": "혡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53075": { - "content": "ﺍ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53076": { - "content": "侄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53077": { - "content": "萋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53078": { - "content": "뜩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53079": { - "content": "暑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53080": { - "content": "蝋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53081": { - "content": "撸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53082": { - "content": "믘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53083": { - "content": "۸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53084": { - "content": "릋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53085": { - "content": "풐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53086": { - "content": "븸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53087": { - "content": "쿁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53088": { - "content": "죯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53089": { - "content": "矿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53090": { - "content": "ﺥ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53091": { - "content": "負", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53092": { - "content": "솴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53093": { - "content": "뻕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53094": { - "content": "ư", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53095": { - "content": "坝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53096": { - "content": "핍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53097": { - "content": "ਝ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53098": { - "content": "査", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53099": { - "content": "麦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53100": { - "content": "닓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53101": { - "content": "邋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53102": { - "content": "멗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53103": { - "content": "귇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53104": { - "content": "먡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53105": { - "content": "쓡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53106": { - "content": "햆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53107": { - "content": "樞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53108": { - "content": "𬺕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53109": { - "content": "맽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53110": { - "content": "鑿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53111": { - "content": "怙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53112": { - "content": "늌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53113": { - "content": "銜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53114": { - "content": "淏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53115": { - "content": "퓏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53116": { - "content": "묽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53117": { - "content": "캦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53118": { - "content": "匈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53119": { - "content": "첼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53120": { - "content": "鲻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53121": { - "content": "側", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53122": { - "content": "π", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53123": { - "content": "甦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53124": { - "content": "栟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53125": { - "content": "洇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53126": { - "content": "择", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53127": { - "content": "涞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53128": { - "content": "責", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53129": { - "content": "꼞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53130": { - "content": "젼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53131": { - "content": "륁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53132": { - "content": "份", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53133": { - "content": "嵯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53134": { - "content": "惮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53135": { - "content": "쥀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53136": { - "content": "텗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53137": { - "content": "홨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53138": { - "content": "蘸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53139": { - "content": "鸽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53140": { - "content": "ة", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53141": { - "content": "賡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53142": { - "content": "렫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53143": { - "content": "볫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53144": { - "content": "臉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53145": { - "content": "볰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53146": { - "content": "嶲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53147": { - "content": "败", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53148": { - "content": "涼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53149": { - "content": "龇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53150": { - "content": "绥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53151": { - "content": "킠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53152": { - "content": "쾋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53153": { - "content": "점", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53154": { - "content": "萼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53155": { - "content": "戡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53156": { - "content": "뎛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53157": { - "content": "폍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53158": { - "content": "퀟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53159": { - "content": "랞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53160": { - "content": "𫐓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53161": { - "content": "갉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53162": { - "content": "륍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53163": { - "content": "腰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53164": { - "content": "晶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53165": { - "content": "砫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53166": { - "content": "芹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53167": { - "content": "톢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53168": { - "content": "갍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53169": { - "content": "顿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53170": { - "content": "覇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53171": { - "content": "阢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53172": { - "content": "뀐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53173": { - "content": "듨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53174": { - "content": "쀕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53175": { - "content": "郿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53176": { - "content": "涨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53177": { - "content": "憬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53178": { - "content": "砼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53179": { - "content": "쯫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53180": { - "content": "𬣞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53181": { - "content": "郐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53182": { - "content": "윔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53183": { - "content": "갟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53184": { - "content": "殒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53185": { - "content": "싉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53186": { - "content": "瑓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53187": { - "content": "荘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53188": { - "content": "箅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53189": { - "content": "黾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53190": { - "content": "렡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53191": { - "content": "ઊ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53192": { - "content": "涘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53193": { - "content": "鹢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53194": { - "content": "퐭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53195": { - "content": "蕴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53196": { - "content": "렘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53197": { - "content": "骢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53198": { - "content": "泳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53199": { - "content": "—", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53200": { - "content": "擲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53201": { - "content": "燸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53202": { - "content": "嶍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53203": { - "content": "뿖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53204": { - "content": "悍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53205": { - "content": "浉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53206": { - "content": "浦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53207": { - "content": "몉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53208": { - "content": "튀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53209": { - "content": "枥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53210": { - "content": "츄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53211": { - "content": "嫵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53212": { - "content": "샫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53213": { - "content": "풆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53214": { - "content": "﹍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53215": { - "content": "ऋ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53216": { - "content": "怄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53217": { - "content": "깓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53218": { - "content": "揺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53219": { - "content": "敖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53220": { - "content": "簧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53221": { - "content": "쁦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53222": { - "content": "댁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53223": { - "content": "띘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53224": { - "content": "悒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53225": { - "content": "ಅ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53226": { - "content": "샩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53227": { - "content": "뚼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53228": { - "content": "뢸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53229": { - "content": "꿲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53230": { - "content": "枲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53231": { - "content": "燚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53232": { - "content": "頜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53233": { - "content": "챂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53234": { - "content": "そ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53235": { - "content": "첂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53236": { - "content": "邸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53237": { - "content": "싵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53238": { - "content": "飚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53239": { - "content": "얨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53240": { - "content": "Ι", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53241": { - "content": "염", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53242": { - "content": "𬤇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53243": { - "content": "铊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53244": { - "content": "뫢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53245": { - "content": "𬺜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53246": { - "content": "뚳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53247": { - "content": "귚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53248": { - "content": "췶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53249": { - "content": "氇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53250": { - "content": "쑿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53251": { - "content": "윲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53252": { - "content": "륖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53253": { - "content": "뫔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53254": { - "content": "어", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53255": { - "content": "톃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53256": { - "content": "둛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53257": { - "content": "多", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53258": { - "content": "惠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53259": { - "content": "谫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53260": { - "content": "ۗ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53261": { - "content": "髎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53262": { - "content": "如", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53263": { - "content": "坛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53264": { - "content": "明", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53265": { - "content": "功", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53266": { - "content": "숝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53267": { - "content": "乍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53268": { - "content": "歙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53269": { - "content": "鍚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53270": { - "content": "筦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53271": { - "content": "珏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53272": { - "content": "啊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53273": { - "content": "矸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53274": { - "content": "뽹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53275": { - "content": "𡐓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53276": { - "content": "扪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53277": { - "content": "燕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53278": { - "content": "쏼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53279": { - "content": "媾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53280": { - "content": "쬭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53281": { - "content": "鹀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53282": { - "content": "톩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53283": { - "content": "觜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53284": { - "content": "뺪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53285": { - "content": "撅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53286": { - "content": "윦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53287": { - "content": "쥑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53288": { - "content": "먕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53289": { - "content": "쇦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53290": { - "content": "铐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53291": { - "content": "搜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53292": { - "content": "왖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53293": { - "content": "派", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53294": { - "content": "퀪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53295": { - "content": "韨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53296": { - "content": "는", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53297": { - "content": "嬝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53298": { - "content": "뺧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53299": { - "content": "詼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53300": { - "content": "霏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53301": { - "content": "띭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53302": { - "content": "쥊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53303": { - "content": "鲬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53304": { - "content": "젅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53305": { - "content": "롦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53306": { - "content": "禋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53307": { - "content": "賂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53308": { - "content": "馃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53309": { - "content": "훁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53310": { - "content": "펱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53311": { - "content": "빚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53312": { - "content": "뻑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53313": { - "content": "볾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53314": { - "content": "됉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53315": { - "content": "휙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53316": { - "content": "鎮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53317": { - "content": "浔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53318": { - "content": "텕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53319": { - "content": "봩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53320": { - "content": "뎄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53321": { - "content": "븘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53322": { - "content": "팤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53323": { - "content": "继", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53324": { - "content": "鎌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53325": { - "content": "뙝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53326": { - "content": "颔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53327": { - "content": "麟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53328": { - "content": "ݛ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53329": { - "content": "꽆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53330": { - "content": "鯈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53331": { - "content": "팟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53332": { - "content": "좨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53333": { - "content": "菁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53334": { - "content": "ई", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53335": { - "content": "맨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53336": { - "content": "뫜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53337": { - "content": "뿏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53338": { - "content": "兩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53339": { - "content": "؄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53340": { - "content": "黄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53341": { - "content": "补", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53342": { - "content": "픝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53343": { - "content": "껐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53344": { - "content": "达", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53345": { - "content": "뵑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53346": { - "content": "很", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53347": { - "content": "霹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53348": { - "content": "굚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53349": { - "content": "障", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53350": { - "content": "핮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53351": { - "content": "햗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53352": { - "content": "횀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53353": { - "content": "셒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53354": { - "content": "淡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53355": { - "content": "亶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53356": { - "content": "厝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53357": { - "content": "靈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53358": { - "content": "卖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53359": { - "content": "녃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53360": { - "content": "쌩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53361": { - "content": "짪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53362": { - "content": "뽄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53363": { - "content": "휧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53364": { - "content": "킥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53365": { - "content": "싨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53366": { - "content": "妗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53367": { - "content": "깄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53368": { - "content": "沿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53369": { - "content": "雍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53370": { - "content": "响", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53371": { - "content": "ş", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53372": { - "content": "纟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53373": { - "content": "筠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53374": { - "content": "際", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53375": { - "content": "괈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53376": { - "content": "旒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53377": { - "content": "杄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53378": { - "content": "蒲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53379": { - "content": "혎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53380": { - "content": "섙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53381": { - "content": "칍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53382": { - "content": "觟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53383": { - "content": "낶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53384": { - "content": "轅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53385": { - "content": "뿽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53386": { - "content": "د", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53387": { - "content": "ൌ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53388": { - "content": "팅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53389": { - "content": "镎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53390": { - "content": "삽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53391": { - "content": "꽰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53392": { - "content": "羰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53393": { - "content": "新", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53394": { - "content": "뼥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53395": { - "content": "쮍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53396": { - "content": "酽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53397": { - "content": "梭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53398": { - "content": "똞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53399": { - "content": "깻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53400": { - "content": "싧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53401": { - "content": "걋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53402": { - "content": "爐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53403": { - "content": "쓔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53404": { - "content": "枸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53405": { - "content": "쒢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53406": { - "content": "秭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53407": { - "content": "鼍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53408": { - "content": "遂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53409": { - "content": "旁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53410": { - "content": "븊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53411": { - "content": "蛩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53412": { - "content": "⑤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53413": { - "content": "蹒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53414": { - "content": "鎗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53415": { - "content": "뵺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53416": { - "content": "鴆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53417": { - "content": "좈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53418": { - "content": "뀵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53419": { - "content": "캂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53420": { - "content": "𬬻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53421": { - "content": "쵃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53422": { - "content": "顥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53423": { - "content": "吣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53424": { - "content": "퐝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53425": { - "content": "ㄘ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53426": { - "content": "灬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53427": { - "content": "욋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53428": { - "content": "ట", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53429": { - "content": "쁏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53430": { - "content": "늝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53431": { - "content": "ム", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53432": { - "content": "썎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53433": { - "content": "쮻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53434": { - "content": "替", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53435": { - "content": "캓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53436": { - "content": "縮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53437": { - "content": "칆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53438": { - "content": "둋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53439": { - "content": "뚰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53440": { - "content": "얳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53441": { - "content": "牟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53442": { - "content": "뵤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53443": { - "content": "豭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53444": { - "content": "쯭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53445": { - "content": "쾪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53446": { - "content": "뗍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53447": { - "content": "町", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53448": { - "content": "戣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53449": { - "content": "쳲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53450": { - "content": "顛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53451": { - "content": "淝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53452": { - "content": "证", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53453": { - "content": "첉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53454": { - "content": "콥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53455": { - "content": "𬙂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53456": { - "content": "襜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53457": { - "content": "븖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53458": { - "content": "橢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53459": { - "content": "馭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53460": { - "content": "骆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53461": { - "content": "ں", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53462": { - "content": "졊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53463": { - "content": "둝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53464": { - "content": "ү", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53465": { - "content": "酣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53466": { - "content": "첞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53467": { - "content": "惻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53468": { - "content": "섌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53469": { - "content": "쎧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53470": { - "content": "斡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53471": { - "content": "庭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53472": { - "content": "ភ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53473": { - "content": "뾍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53474": { - "content": "걯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53475": { - "content": "푦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53476": { - "content": "돀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53477": { - "content": "탉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53478": { - "content": "䓨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53479": { - "content": "앙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53480": { - "content": "쯯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53481": { - "content": "𫔍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53482": { - "content": "瓀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53483": { - "content": "萹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53484": { - "content": "䓖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53485": { - "content": "됕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53486": { - "content": "俳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53487": { - "content": "镴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53488": { - "content": "쇜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53489": { - "content": "싯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53490": { - "content": "훊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53491": { - "content": "ৃ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53492": { - "content": "ಹ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53493": { - "content": "힜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53494": { - "content": "쉕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53495": { - "content": "읜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53496": { - "content": "焌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53497": { - "content": "캷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53498": { - "content": "뼴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53499": { - "content": "柷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53500": { - "content": "崔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53501": { - "content": "嗇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53502": { - "content": "郓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53503": { - "content": "꺁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53504": { - "content": "渤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53505": { - "content": "न", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53506": { - "content": "祢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53507": { - "content": "켂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53508": { - "content": "⑩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53509": { - "content": "뿒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53510": { - "content": "쫃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53511": { - "content": "杪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53512": { - "content": "땢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53513": { - "content": "豪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53514": { - "content": "既", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53515": { - "content": "庫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53516": { - "content": "𫟦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53517": { - "content": "哃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53518": { - "content": "웡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53519": { - "content": "쁋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53520": { - "content": "댷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53521": { - "content": "嚢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53522": { - "content": "毪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53523": { - "content": "皚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53524": { - "content": "碨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53525": { - "content": "쌷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53526": { - "content": "튭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53527": { - "content": "骠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53528": { - "content": "쀧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53529": { - "content": "單", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53530": { - "content": "홠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53531": { - "content": "鑣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53532": { - "content": "巩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53533": { - "content": "햤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53534": { - "content": "酐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53535": { - "content": "媸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53536": { - "content": "녱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53537": { - "content": "펈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53538": { - "content": "뢅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53539": { - "content": "첇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53540": { - "content": "孽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53541": { - "content": "翯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53542": { - "content": "룽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53543": { - "content": "믨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53544": { - "content": "퍇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53545": { - "content": "廷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53546": { - "content": "卢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53547": { - "content": "埭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53548": { - "content": "딵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53549": { - "content": "ڭ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53550": { - "content": "쎪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53551": { - "content": "卮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53552": { - "content": "Ś", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53553": { - "content": "玩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53554": { - "content": "륻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53555": { - "content": "줿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53556": { - "content": "팭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53557": { - "content": "ய", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53558": { - "content": "藷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53559": { - "content": "钆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53560": { - "content": "艱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53561": { - "content": "퉍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53562": { - "content": "𠳐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53563": { - "content": "立", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53564": { - "content": "羚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53565": { - "content": "苛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53566": { - "content": "탯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53567": { - "content": "굤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53568": { - "content": "튗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53569": { - "content": "沌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53570": { - "content": "꼧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53571": { - "content": "뤡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53572": { - "content": "ខ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53573": { - "content": "志", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53574": { - "content": "成", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53575": { - "content": "즼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53576": { - "content": "掇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53577": { - "content": "梁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53578": { - "content": "暹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53579": { - "content": "귮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53580": { - "content": "쪂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53581": { - "content": "뗙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53582": { - "content": "퐳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53583": { - "content": "톾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53584": { - "content": "𬺟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53585": { - "content": "締", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53586": { - "content": "钩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53587": { - "content": "봉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53588": { - "content": "꿦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53589": { - "content": "껸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53590": { - "content": "铋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53591": { - "content": "뷭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53592": { - "content": "۔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53593": { - "content": "惦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53594": { - "content": "벽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53595": { - "content": "훐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53596": { - "content": "땓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53597": { - "content": "쩧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53598": { - "content": "떎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53599": { - "content": "胆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53600": { - "content": "묾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53601": { - "content": "琊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53602": { - "content": "펙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53603": { - "content": "쑁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53604": { - "content": "唯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53605": { - "content": "있", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53606": { - "content": "Ų", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53607": { - "content": "햦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53608": { - "content": "훢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53609": { - "content": "먩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53610": { - "content": "函", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53611": { - "content": "씷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53612": { - "content": "沇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53613": { - "content": "掘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53614": { - "content": "俚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53615": { - "content": "튢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53616": { - "content": "衃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53617": { - "content": "쏄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53618": { - "content": "텉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53619": { - "content": "붤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53620": { - "content": "婳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53621": { - "content": "设", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53622": { - "content": "钺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53623": { - "content": "엠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53624": { - "content": "攏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53625": { - "content": "皋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53626": { - "content": "퐉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53627": { - "content": "첓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53628": { - "content": "쏣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53629": { - "content": "꺾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53630": { - "content": "궆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53631": { - "content": "ਿ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53632": { - "content": "튣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53633": { - "content": "搋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53634": { - "content": "췸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53635": { - "content": "훳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53636": { - "content": "걆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53637": { - "content": "떗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53638": { - "content": "쟡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53639": { - "content": "嚨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53640": { - "content": "挙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53641": { - "content": "딝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53642": { - "content": "ઐ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53643": { - "content": "唵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53644": { - "content": "青", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53645": { - "content": "价", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53646": { - "content": "鏤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53647": { - "content": "뺥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53648": { - "content": "蚧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53649": { - "content": "터", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53650": { - "content": "뢁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53651": { - "content": "囫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53652": { - "content": "쉵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53653": { - "content": "盼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53654": { - "content": "큎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53655": { - "content": "氐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53656": { - "content": "۠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53657": { - "content": "꿰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53658": { - "content": "쮑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53659": { - "content": "槔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53660": { - "content": "ભ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53661": { - "content": "봂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53662": { - "content": "ө", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53663": { - "content": "韶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53664": { - "content": "쑕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53665": { - "content": "藏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53666": { - "content": "즋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53667": { - "content": "쟾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53668": { - "content": "퓒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53669": { - "content": "스", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53670": { - "content": "鍾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53671": { - "content": "틷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53672": { - "content": "孟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53673": { - "content": "概", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53674": { - "content": "赑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53675": { - "content": "뜁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53676": { - "content": "燃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53677": { - "content": "목", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53678": { - "content": "箦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53679": { - "content": "跄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53680": { - "content": "埒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53681": { - "content": "뛊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53682": { - "content": "뿬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53683": { - "content": "폳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53684": { - "content": "醨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53685": { - "content": "鏜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53686": { - "content": "撼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53687": { - "content": "준", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53688": { - "content": "氤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53689": { - "content": "镫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53690": { - "content": "었", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53691": { - "content": "棽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53692": { - "content": "굇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53693": { - "content": "깷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53694": { - "content": "뾀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53695": { - "content": "땈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53696": { - "content": "帯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53697": { - "content": "识", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53698": { - "content": "讴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53699": { - "content": "Ұ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53700": { - "content": "瞠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53701": { - "content": "쓠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53702": { - "content": "镣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53703": { - "content": "ぁ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53704": { - "content": "쉭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53705": { - "content": "뤁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53706": { - "content": "畸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53707": { - "content": "웦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53708": { - "content": "眄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53709": { - "content": "繚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53710": { - "content": "쓏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53711": { - "content": "Ю", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53712": { - "content": "謫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53713": { - "content": "味", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53714": { - "content": "퍞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53715": { - "content": "鎧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53716": { - "content": "죞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53717": { - "content": "쟘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53718": { - "content": "쳁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53719": { - "content": "놷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53720": { - "content": "뫼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53721": { - "content": "迁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53722": { - "content": "耜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53723": { - "content": "裘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53724": { - "content": "섴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53725": { - "content": "থ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53726": { - "content": "罢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53727": { - "content": "얕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53728": { - "content": "َ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53729": { - "content": "刘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53730": { - "content": "猄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53731": { - "content": "푯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53732": { - "content": "뉕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53733": { - "content": "뼉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53734": { - "content": "书", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53735": { - "content": "없", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53736": { - "content": "틿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53737": { - "content": "계", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53738": { - "content": "桥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53739": { - "content": "뙙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53740": { - "content": "슌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53741": { - "content": "쯖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53742": { - "content": "軽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53743": { - "content": "茭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53744": { - "content": "穠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53745": { - "content": "項", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53746": { - "content": "わ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53747": { - "content": "彟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53748": { - "content": "扣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53749": { - "content": "샮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53750": { - "content": "뢒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53751": { - "content": "슘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53752": { - "content": "퇛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53753": { - "content": "땰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53754": { - "content": "룃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53755": { - "content": "꽱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53756": { - "content": "郝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53757": { - "content": "蹊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53758": { - "content": "忻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53759": { - "content": "ি", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53760": { - "content": "낐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53761": { - "content": "奢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53762": { - "content": "騰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53763": { - "content": "얘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53764": { - "content": "앚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53765": { - "content": "쇭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53766": { - "content": "瘰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53767": { - "content": "등", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53768": { - "content": "텥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53769": { - "content": "픢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53770": { - "content": "ظ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53771": { - "content": "뺾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53772": { - "content": "쳗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53773": { - "content": "传", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53774": { - "content": "绌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53775": { - "content": "놫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53776": { - "content": "쉆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53777": { - "content": "뱛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53778": { - "content": "੯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53779": { - "content": "訚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53780": { - "content": "톷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53781": { - "content": "熳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53782": { - "content": "碈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53783": { - "content": "温", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53784": { - "content": "뱯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53785": { - "content": "詭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53786": { - "content": "셝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53787": { - "content": "썲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53788": { - "content": "梢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53789": { - "content": "굳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53790": { - "content": "悰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53791": { - "content": "곥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53792": { - "content": "ػ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53793": { - "content": "蕩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53794": { - "content": "궗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53795": { - "content": "暘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53796": { - "content": "疁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53797": { - "content": "뜤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53798": { - "content": "퐌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53799": { - "content": "祈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53800": { - "content": "ฐ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53801": { - "content": "뇝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53802": { - "content": "㴔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53803": { - "content": "벣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53804": { - "content": "휐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53805": { - "content": "댌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53806": { - "content": "棱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53807": { - "content": "登", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53808": { - "content": "莠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53809": { - "content": "潯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53810": { - "content": "蹈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53811": { - "content": "뾑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53812": { - "content": "樊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53813": { - "content": "≤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53814": { - "content": "략", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53815": { - "content": "씶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53816": { - "content": "켊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53817": { - "content": "돓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53818": { - "content": "枋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53819": { - "content": "큧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53820": { - "content": "脳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53821": { - "content": "傯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53822": { - "content": "豫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53823": { - "content": "젚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53824": { - "content": "馇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53825": { - "content": "彈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53826": { - "content": "为", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53827": { - "content": "뀧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53828": { - "content": "쎱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53829": { - "content": "붒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53830": { - "content": "Б", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53831": { - "content": "滿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53832": { - "content": "危", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53833": { - "content": "쎝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53834": { - "content": "깑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53835": { - "content": "饅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53836": { - "content": "넂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53837": { - "content": "짦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53838": { - "content": "秾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53839": { - "content": "邮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53840": { - "content": "銷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53841": { - "content": "횮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53842": { - "content": "泗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53843": { - "content": "ത", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53844": { - "content": "緇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53845": { - "content": "뀿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53846": { - "content": "榫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53847": { - "content": "縯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53848": { - "content": "봈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53849": { - "content": "뭧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53850": { - "content": "昪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53851": { - "content": "偯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53852": { - "content": "쳢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53853": { - "content": "놜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53854": { - "content": "퇌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53855": { - "content": "玤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53856": { - "content": "鳃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53857": { - "content": "軒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53858": { - "content": "톨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53859": { - "content": "똹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53860": { - "content": "茵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53861": { - "content": "꿋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53862": { - "content": "뵸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53863": { - "content": "戾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53864": { - "content": "侩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53865": { - "content": "퐷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53866": { - "content": "뽠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53867": { - "content": "쩊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53868": { - "content": "횠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53869": { - "content": "빊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53870": { - "content": "痣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53871": { - "content": "л", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53872": { - "content": "군", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53873": { - "content": "땐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53874": { - "content": "鍰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53875": { - "content": "쯅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53876": { - "content": "잷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53877": { - "content": "竿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53878": { - "content": "兎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53879": { - "content": "즏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53880": { - "content": "罵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53881": { - "content": "똕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53882": { - "content": "됽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53883": { - "content": "뿷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53884": { - "content": "텩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53885": { - "content": "桐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53886": { - "content": "힖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53887": { - "content": "鰭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53888": { - "content": "ڥ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53889": { - "content": "橾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53890": { - "content": "첽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53891": { - "content": "腊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53892": { - "content": "孬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53893": { - "content": "椅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53894": { - "content": "삕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53895": { - "content": "矚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53896": { - "content": "鳎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53897": { - "content": "鏡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53898": { - "content": "琯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53899": { - "content": "嗦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53900": { - "content": "薯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53901": { - "content": "酊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53902": { - "content": "筶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53903": { - "content": "퍔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53904": { - "content": "㕮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53905": { - "content": "鞭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53906": { - "content": "陲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53907": { - "content": "媲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53908": { - "content": "追", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53909": { - "content": "邠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53910": { - "content": "挡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53911": { - "content": "븥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53912": { - "content": "뻻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53913": { - "content": "端", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53914": { - "content": "뤱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53915": { - "content": "覧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53916": { - "content": "癖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53917": { - "content": "导", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53918": { - "content": "햠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53919": { - "content": "힚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53920": { - "content": "糅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53921": { - "content": "쪺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53922": { - "content": "캑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53923": { - "content": "け", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53924": { - "content": "끩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53925": { - "content": "뎥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53926": { - "content": "哦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53927": { - "content": "伕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53928": { - "content": "鲝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53929": { - "content": "짽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53930": { - "content": "鸸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53931": { - "content": "疊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53932": { - "content": "녮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53933": { - "content": "叩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53934": { - "content": "늿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53935": { - "content": "쇏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53936": { - "content": "Š", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53937": { - "content": "ъ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53938": { - "content": "磬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53939": { - "content": "릸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53940": { - "content": "悲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53941": { - "content": "境", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53942": { - "content": "碼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53943": { - "content": "탍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53944": { - "content": "풓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53945": { - "content": "蒿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53946": { - "content": "죫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53947": { - "content": "灌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53948": { - "content": "엔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53949": { - "content": "鋲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53950": { - "content": "챲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53951": { - "content": "켧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53952": { - "content": "亢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53953": { - "content": "垎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53954": { - "content": "퓱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53955": { - "content": "춙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53956": { - "content": "퓥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53957": { - "content": "霜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53958": { - "content": "屘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53959": { - "content": "뢚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53960": { - "content": "稠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53961": { - "content": "薄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53962": { - "content": "귒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53963": { - "content": "蹬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53964": { - "content": "혺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53965": { - "content": "繫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53966": { - "content": "쉗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53967": { - "content": "郑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53968": { - "content": "Ζ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53969": { - "content": "啦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53970": { - "content": "读", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53971": { - "content": "伍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53972": { - "content": "숞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53973": { - "content": "조", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53974": { - "content": "쐴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53975": { - "content": "囪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53976": { - "content": "泻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53977": { - "content": "酎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53978": { - "content": "少", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53979": { - "content": "竺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53980": { - "content": "먒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53981": { - "content": "咚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53982": { - "content": "쟥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53983": { - "content": "劐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53984": { - "content": "ュ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53985": { - "content": "線", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53986": { - "content": "钯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53987": { - "content": "枘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53988": { - "content": "깔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53989": { - "content": "攜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53990": { - "content": "懵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53991": { - "content": "顕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53992": { - "content": "縿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53993": { - "content": "王", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53994": { - "content": "쓉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53995": { - "content": "舀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53996": { - "content": "缅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53997": { - "content": "錬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53998": { - "content": "撥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "53999": { - "content": "羓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54000": { - "content": "轟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54001": { - "content": "ផ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54002": { - "content": "衠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54003": { - "content": "料", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54004": { - "content": "趵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54005": { - "content": "泐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54006": { - "content": "閏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54007": { - "content": "蝉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54008": { - "content": "븼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54009": { - "content": "봏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54010": { - "content": "建", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54011": { - "content": "폱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54012": { - "content": "渾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54013": { - "content": "탎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54014": { - "content": "状", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54015": { - "content": "ാ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54016": { - "content": "쾗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54017": { - "content": "服", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54018": { - "content": "횱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54019": { - "content": "泺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54020": { - "content": "팋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54021": { - "content": "삻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54022": { - "content": "큵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54023": { - "content": "存", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54024": { - "content": "갻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54025": { - "content": "峴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54026": { - "content": "켗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54027": { - "content": "튜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54028": { - "content": "疴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54029": { - "content": "컶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54030": { - "content": "㺄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54031": { - "content": "밽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54032": { - "content": "곲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54033": { - "content": "撈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54034": { - "content": "傃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54035": { - "content": "盖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54036": { - "content": "슲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54037": { - "content": "囱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54038": { - "content": "윞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54039": { - "content": "칮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54040": { - "content": "챔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54041": { - "content": "훥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54042": { - "content": "唆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54043": { - "content": "螞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54044": { - "content": "홤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54045": { - "content": "裝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54046": { - "content": "禳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54047": { - "content": "틠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54048": { - "content": "肃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54049": { - "content": "쩖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54050": { - "content": "遺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54051": { - "content": "룩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54052": { - "content": "벫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54053": { - "content": "뉥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54054": { - "content": "썌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54055": { - "content": "酺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54056": { - "content": "굪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54057": { - "content": "鄘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54058": { - "content": "罩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54059": { - "content": "ใ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54060": { - "content": "쌓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54061": { - "content": "霊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54062": { - "content": "뾚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54063": { - "content": "뒏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54064": { - "content": "풱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54065": { - "content": "了", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54066": { - "content": "◀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54067": { - "content": "둭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54068": { - "content": "矛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54069": { - "content": "헲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54070": { - "content": "뎟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54071": { - "content": "잋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54072": { - "content": "훒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54073": { - "content": "긆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54074": { - "content": "愆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54075": { - "content": "썮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54076": { - "content": "污", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54077": { - "content": "軛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54078": { - "content": "뉇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54079": { - "content": "刽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54080": { - "content": "웄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54081": { - "content": "켲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54082": { - "content": "뚷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54083": { - "content": "줴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54084": { - "content": "龌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54085": { - "content": "뾲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54086": { - "content": "휝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54087": { - "content": "ڙ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54088": { - "content": "纫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54089": { - "content": "쩀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54090": { - "content": "첈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54091": { - "content": "衍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54092": { - "content": "끻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54093": { - "content": "险", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54094": { - "content": "벳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54095": { - "content": "쨲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54096": { - "content": "탊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54097": { - "content": "嵖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54098": { - "content": "떋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54099": { - "content": "쁗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54100": { - "content": "횎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54101": { - "content": "뒍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54102": { - "content": "陆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54103": { - "content": "쳵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54104": { - "content": "𫰛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54105": { - "content": "컻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54106": { - "content": "뻀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54107": { - "content": "𫟹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54108": { - "content": "赶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54109": { - "content": "뢌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54110": { - "content": "絔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54111": { - "content": "큣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54112": { - "content": "铽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54113": { - "content": "밂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54114": { - "content": "뻣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54115": { - "content": "뷼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54116": { - "content": "牚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54117": { - "content": "괦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54118": { - "content": "郫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54119": { - "content": "떯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54120": { - "content": "웧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54121": { - "content": "ឬ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54122": { - "content": "亂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54123": { - "content": "酵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54124": { - "content": "햴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54125": { - "content": "챦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54126": { - "content": "э", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54127": { - "content": "酬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54128": { - "content": "೦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54129": { - "content": "ٵ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54130": { - "content": "锐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54131": { - "content": "뫍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54132": { - "content": "츞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54133": { - "content": "꺔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54134": { - "content": "毒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54135": { - "content": "躯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54136": { - "content": "킡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54137": { - "content": "쥙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54138": { - "content": "퓰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54139": { - "content": "磔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54140": { - "content": "烟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54141": { - "content": "窟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54142": { - "content": "瞒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54143": { - "content": "犰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54144": { - "content": "悟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54145": { - "content": "슭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54146": { - "content": "뉟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54147": { - "content": "祃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54148": { - "content": "ە", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54149": { - "content": "ส", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54150": { - "content": "큌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54151": { - "content": "벆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54152": { - "content": "핟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54153": { - "content": "獸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54154": { - "content": "뷡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54155": { - "content": "칐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54156": { - "content": "咺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54157": { - "content": "‐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54158": { - "content": "弑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54159": { - "content": "इ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54160": { - "content": "剋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54161": { - "content": "”", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54162": { - "content": "阖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54163": { - "content": "瘫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54164": { - "content": "뫹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54165": { - "content": "까", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54166": { - "content": "댫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54167": { - "content": "碌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54168": { - "content": "샒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54169": { - "content": "톚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54170": { - "content": "Ṛ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54171": { - "content": "컥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54172": { - "content": "ต", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54173": { - "content": "淒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54174": { - "content": "惑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54175": { - "content": "땳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54176": { - "content": "꾗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54177": { - "content": "릓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54178": { - "content": "躂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54179": { - "content": "謬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54180": { - "content": "긜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54181": { - "content": "툥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54182": { - "content": "啫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54183": { - "content": "棣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54184": { - "content": "ݾ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54185": { - "content": "ỗ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54186": { - "content": "あ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54187": { - "content": "专", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54188": { - "content": "麗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54189": { - "content": "넧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54190": { - "content": "꾌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54191": { - "content": "룛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54192": { - "content": "줠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54193": { - "content": "뚎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54194": { - "content": "曠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54195": { - "content": "舸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54196": { - "content": "뵌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54197": { - "content": "졜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54198": { - "content": "辎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54199": { - "content": "嬤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54200": { - "content": "擞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54201": { - "content": "龉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54202": { - "content": "岛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54203": { - "content": "뮺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54204": { - "content": "혼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54205": { - "content": "娴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54206": { - "content": "켹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54207": { - "content": "꾈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54208": { - "content": "臚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54209": { - "content": "뵈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54210": { - "content": "狄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54211": { - "content": "ల", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54212": { - "content": "諷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54213": { - "content": "즎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54214": { - "content": "뻖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54215": { - "content": "頡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54216": { - "content": "纔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54217": { - "content": "걼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54218": { - "content": "풠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54219": { - "content": "뢀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54220": { - "content": "쟃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54221": { - "content": "붕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54222": { - "content": "찈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54223": { - "content": "숺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54224": { - "content": "栐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54225": { - "content": "괪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54226": { - "content": "젇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54227": { - "content": "뒬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54228": { - "content": "펑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54229": { - "content": "룗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54230": { - "content": "饥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54231": { - "content": "딼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54232": { - "content": "ヒ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54233": { - "content": "윫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54234": { - "content": "쏻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54235": { - "content": "ಓ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54236": { - "content": "햌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54237": { - "content": "膏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54238": { - "content": "딜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54239": { - "content": "첬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54240": { - "content": "ې", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54241": { - "content": "쉡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54242": { - "content": "冮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54243": { - "content": "蓰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54244": { - "content": "쉺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54245": { - "content": "뉌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54246": { - "content": "뵴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54247": { - "content": "쐔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54248": { - "content": "뗴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54249": { - "content": "罐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54250": { - "content": "化", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54251": { - "content": "吶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54252": { - "content": "잹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54253": { - "content": "쯆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54254": { - "content": "圲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54255": { - "content": "뚐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54256": { - "content": "푈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54257": { - "content": "歇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54258": { - "content": "燉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54259": { - "content": "낮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54260": { - "content": "羑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54261": { - "content": "华", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54262": { - "content": "임", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54263": { - "content": "炊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54264": { - "content": "躔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54265": { - "content": "쯹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54266": { - "content": "儚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54267": { - "content": "坂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54268": { - "content": "涅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54269": { - "content": "ઉ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54270": { - "content": "뿑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54271": { - "content": "湖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54272": { - "content": "躅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54273": { - "content": "舌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54274": { - "content": "ಥ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54275": { - "content": "뉠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54276": { - "content": "윊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54277": { - "content": "짉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54278": { - "content": "ݭ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54279": { - "content": "澛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54280": { - "content": "뙘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54281": { - "content": "쇧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54282": { - "content": "覓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54283": { - "content": "嵘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54284": { - "content": "틽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54285": { - "content": "舱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54286": { - "content": "厌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54287": { - "content": "组", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54288": { - "content": "ڔ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54289": { - "content": "욨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54290": { - "content": "혗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54291": { - "content": "擤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54292": { - "content": "꺎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54293": { - "content": "낲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54294": { - "content": "쎢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54295": { - "content": "緋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54296": { - "content": "떔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54297": { - "content": "螢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54298": { - "content": "烂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54299": { - "content": "攪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54300": { - "content": "쳶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54301": { - "content": "悉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54302": { - "content": "켢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54303": { - "content": "蒄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54304": { - "content": "솃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54305": { - "content": "妳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54306": { - "content": "퀾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54307": { - "content": "닥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54308": { - "content": "貝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54309": { - "content": "烝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54310": { - "content": "买", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54311": { - "content": "绔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54312": { - "content": "쓃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54313": { - "content": "嶙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54314": { - "content": "潾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54315": { - "content": "톡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54316": { - "content": "Ự", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54317": { - "content": "東", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54318": { - "content": "볮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54319": { - "content": "웝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54320": { - "content": "蛏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54321": { - "content": "Э", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54322": { - "content": "썘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54323": { - "content": "姱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54324": { - "content": "릻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54325": { - "content": "쌳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54326": { - "content": "멿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54327": { - "content": "다", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54328": { - "content": "강", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54329": { - "content": "覬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54330": { - "content": "묪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54331": { - "content": "꺒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54332": { - "content": "潩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54333": { - "content": "軋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54334": { - "content": "죉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54335": { - "content": "퓍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54336": { - "content": "楹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54337": { - "content": "퓢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54338": { - "content": "苏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54339": { - "content": "쮚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54340": { - "content": "촳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54341": { - "content": "模", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54342": { - "content": "몚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54343": { - "content": "杠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54344": { - "content": "穫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54345": { - "content": "꺫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54346": { - "content": "薫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54347": { - "content": "쮢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54348": { - "content": "ヤ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54349": { - "content": "걸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54350": { - "content": "덌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54351": { - "content": "퉃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54352": { - "content": "쳰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54353": { - "content": "胧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54354": { - "content": "ㅃ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54355": { - "content": "皭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54356": { - "content": "鬓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54357": { - "content": "뇦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54358": { - "content": "裢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54359": { - "content": "砣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54360": { - "content": "ݨ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54361": { - "content": "똺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54362": { - "content": "쬇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54363": { - "content": "閹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54364": { - "content": "腥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54365": { - "content": "쉋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54366": { - "content": "勇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54367": { - "content": "岬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54368": { - "content": "渖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54369": { - "content": "香", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54370": { - "content": "빅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54371": { - "content": "扶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54372": { - "content": "륰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54373": { - "content": "ž", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54374": { - "content": "쾿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54375": { - "content": "鍼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54376": { - "content": "킀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54377": { - "content": "य़", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54378": { - "content": "퇮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54379": { - "content": "孖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54380": { - "content": "江", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54381": { - "content": "榦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54382": { - "content": "믴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54383": { - "content": "朔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54384": { - "content": "壙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54385": { - "content": "즚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54386": { - "content": "簣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54387": { - "content": "省", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54388": { - "content": "냒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54389": { - "content": "쨶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54390": { - "content": "셍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54391": { - "content": "즗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54392": { - "content": "峁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54393": { - "content": "忽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54394": { - "content": "룄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54395": { - "content": "㤘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54396": { - "content": "殛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54397": { - "content": "醺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54398": { - "content": "象", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54399": { - "content": "닁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54400": { - "content": "훯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54401": { - "content": "迪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54402": { - "content": "帝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54403": { - "content": "썽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54404": { - "content": "띫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54405": { - "content": "锻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54406": { - "content": "픏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54407": { - "content": "Ň", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54408": { - "content": "킨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54409": { - "content": "陨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54410": { - "content": "掲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54411": { - "content": "玫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54412": { - "content": "퓋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54413": { - "content": "霾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54414": { - "content": "垠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54415": { - "content": "疙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54416": { - "content": "鞬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54417": { - "content": "簉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54418": { - "content": "뷽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54419": { - "content": "췠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54420": { - "content": "杧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54421": { - "content": "莰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54422": { - "content": "복", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54423": { - "content": "榴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54424": { - "content": "榛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54425": { - "content": "व", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54426": { - "content": "簑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54427": { - "content": "횙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54428": { - "content": "暫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54429": { - "content": "纭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54430": { - "content": "쐗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54431": { - "content": "屐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54432": { - "content": "启", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54433": { - "content": "뮸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54434": { - "content": "骒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54435": { - "content": "촾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54436": { - "content": "聲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54437": { - "content": "燠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54438": { - "content": "魈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54439": { - "content": "뎕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54440": { - "content": "떇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54441": { - "content": "ǘ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54442": { - "content": "ટ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54443": { - "content": "宙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54444": { - "content": "柴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54445": { - "content": "运", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54446": { - "content": "읫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54447": { - "content": "黑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54448": { - "content": "뗩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54449": { - "content": "戸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54450": { - "content": "撤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54451": { - "content": "た", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54452": { - "content": "썫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54453": { - "content": "꽌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54454": { - "content": "蟆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54455": { - "content": "牵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54456": { - "content": "젥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54457": { - "content": "縦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54458": { - "content": "흽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54459": { - "content": "骄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54460": { - "content": "ㅐ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54461": { - "content": "晩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54462": { - "content": "챩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54463": { - "content": "뢑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54464": { - "content": "Ц", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54465": { - "content": "鲯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54466": { - "content": "钜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54467": { - "content": "素", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54468": { - "content": "邕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54469": { - "content": "𫄸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54470": { - "content": "鶉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54471": { - "content": "읟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54472": { - "content": "历", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54473": { - "content": "ศ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54474": { - "content": "훤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54475": { - "content": "츾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54476": { - "content": "촥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54477": { - "content": "摞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54478": { - "content": "뒈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54479": { - "content": "룣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54480": { - "content": "星", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54481": { - "content": "햒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54482": { - "content": "諉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54483": { - "content": "쮃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54484": { - "content": "츌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54485": { - "content": "셑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54486": { - "content": "잊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54487": { - "content": "璐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54488": { - "content": "믔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54489": { - "content": "촂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54490": { - "content": "એ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54491": { - "content": "볅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54492": { - "content": "榅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54493": { - "content": "濱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54494": { - "content": "운", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54495": { - "content": "볽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54496": { - "content": "努", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54497": { - "content": "즢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54498": { - "content": "믻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54499": { - "content": "葯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54500": { - "content": "랽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54501": { - "content": "婷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54502": { - "content": "镇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54503": { - "content": "넀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54504": { - "content": "耰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54505": { - "content": "룹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54506": { - "content": "껦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54507": { - "content": "ഴ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54508": { - "content": "敌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54509": { - "content": "챿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54510": { - "content": "瘃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54511": { - "content": "悵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54512": { - "content": "쨮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54513": { - "content": "붉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54514": { - "content": "供", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54515": { - "content": "퐇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54516": { - "content": "抄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54517": { - "content": "귩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54518": { - "content": "缩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54519": { - "content": "횃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54520": { - "content": "皙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54521": { - "content": "嘛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54522": { - "content": "薁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54523": { - "content": "聞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54524": { - "content": "早", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54525": { - "content": "済", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54526": { - "content": "풂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54527": { - "content": "ヴ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54528": { - "content": "恭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54529": { - "content": "잡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54530": { - "content": "記", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54531": { - "content": "津", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54532": { - "content": "봐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54533": { - "content": "뀼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54534": { - "content": "꺯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54535": { - "content": "힆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54536": { - "content": "뙂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54537": { - "content": "メ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54538": { - "content": "킂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54539": { - "content": "嗉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54540": { - "content": "띡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54541": { - "content": "営", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54542": { - "content": "沣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54543": { - "content": "젟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54544": { - "content": "ண", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54545": { - "content": "풔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54546": { - "content": "贶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54547": { - "content": "쒶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54548": { - "content": "줻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54549": { - "content": "핫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54550": { - "content": "袪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54551": { - "content": "뽫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54552": { - "content": "앾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54553": { - "content": "휼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54554": { - "content": "듸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54555": { - "content": "帡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54556": { - "content": "퐽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54557": { - "content": "캵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54558": { - "content": "뗨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54559": { - "content": "ū", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54560": { - "content": "谦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54561": { - "content": "៖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54562": { - "content": "潞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54563": { - "content": "帰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54564": { - "content": "됑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54565": { - "content": "꽝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54566": { - "content": "ภ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54567": { - "content": "짵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54568": { - "content": "佖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54569": { - "content": "렧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54570": { - "content": "瞧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54571": { - "content": "쾢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54572": { - "content": "뵯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54573": { - "content": "痃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54574": { - "content": "架", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54575": { - "content": "貿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54576": { - "content": "匦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54577": { - "content": "褙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54578": { - "content": "巣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54579": { - "content": "ூ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54580": { - "content": "쨇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54581": { - "content": "ॊ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54582": { - "content": "薬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54583": { - "content": "愣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54584": { - "content": "욃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54585": { - "content": "嗌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54586": { - "content": "ូ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54587": { - "content": "퍆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54588": { - "content": "滂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54589": { - "content": "룅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54590": { - "content": "뼙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54591": { - "content": "𬭸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54592": { - "content": "캞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54593": { - "content": "벝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54594": { - "content": "榀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54595": { - "content": "茚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54596": { - "content": "幄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54597": { - "content": "흹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54598": { - "content": "뉔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54599": { - "content": "𬹼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54600": { - "content": "좡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54601": { - "content": "꽍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54602": { - "content": "먬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54603": { - "content": "岠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54604": { - "content": "샭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54605": { - "content": "꺢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54606": { - "content": "弆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54607": { - "content": "鰻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54608": { - "content": "筤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54609": { - "content": "踹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54610": { - "content": "٢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54611": { - "content": "蜍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54612": { - "content": "즬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54613": { - "content": "섯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54614": { - "content": "劄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54615": { - "content": "䢺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54616": { - "content": "齋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54617": { - "content": "𬺓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54618": { - "content": "翹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54619": { - "content": "嗝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54620": { - "content": "覦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54621": { - "content": "此", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54622": { - "content": "ォ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54623": { - "content": "仔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54624": { - "content": "쮩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54625": { - "content": "솈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54626": { - "content": "郗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54627": { - "content": "旖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54628": { - "content": "笸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54629": { - "content": "泓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54630": { - "content": "駆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54631": { - "content": "緝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54632": { - "content": "갵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54633": { - "content": "콬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54634": { - "content": "상", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54635": { - "content": "댯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54636": { - "content": "荤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54637": { - "content": "떻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54638": { - "content": "崚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54639": { - "content": "纏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54640": { - "content": "뱍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54641": { - "content": "誰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54642": { - "content": "읽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54643": { - "content": "拇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54644": { - "content": "ﻭ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54645": { - "content": "ガ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54646": { - "content": "풅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54647": { - "content": "睚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54648": { - "content": "繈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54649": { - "content": "텒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54650": { - "content": "쑾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54651": { - "content": "譙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54652": { - "content": "릎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54653": { - "content": "醜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54654": { - "content": "觏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54655": { - "content": "본", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54656": { - "content": "묀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54657": { - "content": "ឺ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54658": { - "content": "쇄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54659": { - "content": "岔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54660": { - "content": "뀶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54661": { - "content": "쑟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54662": { - "content": "햪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54663": { - "content": "윋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54664": { - "content": "ડ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54665": { - "content": "튟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54666": { - "content": "띳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54667": { - "content": "풢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54668": { - "content": "锂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54669": { - "content": "괇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54670": { - "content": "啄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54671": { - "content": "盜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54672": { - "content": "홾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54673": { - "content": "끪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54674": { - "content": "젵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54675": { - "content": "봴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54676": { - "content": "깹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54677": { - "content": "뗭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54678": { - "content": "聪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54679": { - "content": "對", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54680": { - "content": "ゥ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54681": { - "content": "ণ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54682": { - "content": "等", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54683": { - "content": "霨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54684": { - "content": "酪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54685": { - "content": "중", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54686": { - "content": "篼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54687": { - "content": "先", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54688": { - "content": "뢰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54689": { - "content": "쀺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54690": { - "content": "뼋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54691": { - "content": "测", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54692": { - "content": "죧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54693": { - "content": "蜮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54694": { - "content": "뎲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54695": { - "content": "ٻ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54696": { - "content": "峭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54697": { - "content": "禎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54698": { - "content": "忐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54699": { - "content": "检", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54700": { - "content": "냉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54701": { - "content": "컣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54702": { - "content": "葉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54703": { - "content": "釘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54704": { - "content": "퀲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54705": { - "content": "湾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54706": { - "content": "柚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54707": { - "content": "疝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54708": { - "content": "졂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54709": { - "content": "븝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54710": { - "content": "쏴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54711": { - "content": "뢬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54712": { - "content": "뛾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54713": { - "content": "埇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54714": { - "content": "쉥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54715": { - "content": "敏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54716": { - "content": "沩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54717": { - "content": "펐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54718": { - "content": "芭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54719": { - "content": "姻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54720": { - "content": "眞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54721": { - "content": "흦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54722": { - "content": "憔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54723": { - "content": "뻛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54724": { - "content": "ㄵ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54725": { - "content": "巧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54726": { - "content": "쬮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54727": { - "content": "킛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54728": { - "content": "藓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54729": { - "content": "標", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54730": { - "content": "疹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54731": { - "content": "澜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54732": { - "content": "秈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54733": { - "content": "뱽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54734": { - "content": "蕨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54735": { - "content": "쀤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54736": { - "content": "宁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54737": { - "content": "헋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54738": { - "content": "思", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54739": { - "content": "뙧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54740": { - "content": "걖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54741": { - "content": "絕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54742": { - "content": "山", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54743": { - "content": "뙬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54744": { - "content": "硯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54745": { - "content": "팾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54746": { - "content": "獲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54747": { - "content": "改", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54748": { - "content": "リ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54749": { - "content": "衙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54750": { - "content": "돾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54751": { - "content": "呋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54752": { - "content": "뺘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54753": { - "content": "좞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54754": { - "content": "턠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54755": { - "content": "擘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54756": { - "content": "车", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54757": { - "content": "锾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54758": { - "content": "냵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54759": { - "content": "믖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54760": { - "content": "뛀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54761": { - "content": "詐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54762": { - "content": "隋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54763": { - "content": "徑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54764": { - "content": "卉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54765": { - "content": "窊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54766": { - "content": "힇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54767": { - "content": "胂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54768": { - "content": "婫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54769": { - "content": "쨑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54770": { - "content": "똶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54771": { - "content": "彧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54772": { - "content": "陀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54773": { - "content": "큅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54774": { - "content": "、", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54775": { - "content": "긽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54776": { - "content": "旮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54777": { - "content": "视", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54778": { - "content": "믯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54779": { - "content": "啣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54780": { - "content": "蛾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54781": { - "content": "エ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54782": { - "content": "첕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54783": { - "content": "潋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54784": { - "content": "肖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54785": { - "content": "口", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54786": { - "content": "恺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54787": { - "content": "笛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54788": { - "content": "愉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54789": { - "content": "濾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54790": { - "content": "귛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54791": { - "content": "턯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54792": { - "content": "뎡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54793": { - "content": "쥃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54794": { - "content": "눒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54795": { - "content": "룰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54796": { - "content": "켏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54797": { - "content": "陥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54798": { - "content": "쯛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54799": { - "content": "봭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54800": { - "content": "뷛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54801": { - "content": "娛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54802": { - "content": "獴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54803": { - "content": "蘆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54804": { - "content": "덉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54805": { - "content": "앳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54806": { - "content": "鼻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54807": { - "content": "먥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54808": { - "content": "댸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54809": { - "content": "坰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54810": { - "content": "뒗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54811": { - "content": "핬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54812": { - "content": "仃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54813": { - "content": "胭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54814": { - "content": "첥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54815": { - "content": "骧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54816": { - "content": "蜜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54817": { - "content": "៕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54818": { - "content": "쪡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54819": { - "content": "銀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54820": { - "content": "츎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54821": { - "content": "쒡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54822": { - "content": "턑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54823": { - "content": "쟳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54824": { - "content": "詟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54825": { - "content": "쟩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54826": { - "content": "쬑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54827": { - "content": "ै", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54828": { - "content": "殆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54829": { - "content": "갹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54830": { - "content": "崤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54831": { - "content": "촛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54832": { - "content": "整", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54833": { - "content": "륤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54834": { - "content": "竪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54835": { - "content": "ਙ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54836": { - "content": "捎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54837": { - "content": "핥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54838": { - "content": "椐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54839": { - "content": "౧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54840": { - "content": "둓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54841": { - "content": "릁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54842": { - "content": "울", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54843": { - "content": "咛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54844": { - "content": "겮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54845": { - "content": "板", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54846": { - "content": "칫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54847": { - "content": "珕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54848": { - "content": "麴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54849": { - "content": "긫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54850": { - "content": "പ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54851": { - "content": "쑃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54852": { - "content": "秆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54853": { - "content": "刀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54854": { - "content": "肋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54855": { - "content": "錨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54856": { - "content": "ㅿ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54857": { - "content": "垦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54858": { - "content": "韭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54859": { - "content": "콉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54860": { - "content": "籴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54861": { - "content": "原", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54862": { - "content": "എ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54863": { - "content": "瑜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54864": { - "content": "짜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54865": { - "content": "苺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54866": { - "content": "흠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54867": { - "content": "좺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54868": { - "content": "똤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54869": { - "content": "槽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54870": { - "content": "뙆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54871": { - "content": "刖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54872": { - "content": "灸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54873": { - "content": "匾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54874": { - "content": "넔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54875": { - "content": "찫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54876": { - "content": "鈐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54877": { - "content": "爵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54878": { - "content": "蓉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54879": { - "content": "䴙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54880": { - "content": "씞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54881": { - "content": "崖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54882": { - "content": "둞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54883": { - "content": "찲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54884": { - "content": "꽳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54885": { - "content": "絛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54886": { - "content": "퍹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54887": { - "content": "烬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54888": { - "content": "쒎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54889": { - "content": "脶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54890": { - "content": "뮋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54891": { - "content": "꽻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54892": { - "content": "쮵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54893": { - "content": "庵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54894": { - "content": "텭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54895": { - "content": "쨱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54896": { - "content": "饒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54897": { - "content": "ő", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54898": { - "content": "핌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54899": { - "content": "쬶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54900": { - "content": "蜷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54901": { - "content": "쒷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54902": { - "content": "黍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54903": { - "content": "핦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54904": { - "content": "쌴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54905": { - "content": "왐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54906": { - "content": "嶟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54907": { - "content": "ڲ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54908": { - "content": "ള", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54909": { - "content": "뭪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54910": { - "content": "談", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54911": { - "content": "譁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54912": { - "content": "飗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54913": { - "content": "𬭁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54914": { - "content": "惟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54915": { - "content": "뼧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54916": { - "content": "괋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54917": { - "content": "佟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54918": { - "content": "坑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54919": { - "content": "몭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54920": { - "content": "棉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54921": { - "content": "宴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54922": { - "content": "保", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54923": { - "content": "野", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54924": { - "content": "뙷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54925": { - "content": "둅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54926": { - "content": "둧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54927": { - "content": "至", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54928": { - "content": "尔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54929": { - "content": "賺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54930": { - "content": "싄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54931": { - "content": "읅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54932": { - "content": "윩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54933": { - "content": "긂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54934": { - "content": "쯂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54935": { - "content": "섶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54936": { - "content": "鉈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54937": { - "content": "겴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54938": { - "content": "킑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54939": { - "content": "任", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54940": { - "content": "讚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54941": { - "content": "宧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54942": { - "content": "뜛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54943": { - "content": "侔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54944": { - "content": "쎼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54945": { - "content": "៨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54946": { - "content": "蔸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54947": { - "content": "얥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54948": { - "content": "挽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54949": { - "content": "딟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54950": { - "content": "삤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54951": { - "content": "ٟ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54952": { - "content": "ㇵ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54953": { - "content": "黔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54954": { - "content": "步", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54955": { - "content": "솖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54956": { - "content": "옒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54957": { - "content": "툜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54958": { - "content": "藩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54959": { - "content": "뵕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54960": { - "content": "𫶇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54961": { - "content": "븑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54962": { - "content": "药", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54963": { - "content": "됺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54964": { - "content": "섋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54965": { - "content": "뤶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54966": { - "content": "텤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54967": { - "content": "链", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54968": { - "content": "昤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54969": { - "content": "១", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54970": { - "content": "𬮱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54971": { - "content": "戍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54972": { - "content": "찓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54973": { - "content": "쉚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54974": { - "content": "岷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54975": { - "content": "졟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54976": { - "content": "홎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54977": { - "content": "赋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54978": { - "content": "扁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54979": { - "content": "哏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54980": { - "content": "퉧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54981": { - "content": "챹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54982": { - "content": "趾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54983": { - "content": "肟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54984": { - "content": "侃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54985": { - "content": "뫸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54986": { - "content": "发", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54987": { - "content": "铎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54988": { - "content": "늰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54989": { - "content": "奂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54990": { - "content": "灯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54991": { - "content": "玲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54992": { - "content": "囁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54993": { - "content": "쁄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54994": { - "content": "昡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54995": { - "content": "鸛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54996": { - "content": "樺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54997": { - "content": "좳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54998": { - "content": "쇠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "54999": { - "content": "璈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55000": { - "content": "扰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55001": { - "content": "쁹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55002": { - "content": "堑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55003": { - "content": "笃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55004": { - "content": "먰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55005": { - "content": "뿟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55006": { - "content": "뽾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55007": { - "content": "릧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55008": { - "content": "碡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55009": { - "content": "쨵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55010": { - "content": "핒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55011": { - "content": "尹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55012": { - "content": "앮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55013": { - "content": "졽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55014": { - "content": "하", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55015": { - "content": "胲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55016": { - "content": "걞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55017": { - "content": "薺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55018": { - "content": "‘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55019": { - "content": "붨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55020": { - "content": "浣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55021": { - "content": "짓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55022": { - "content": "왾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55023": { - "content": "뜴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55024": { - "content": "魉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55025": { - "content": "朱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55026": { - "content": "垈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55027": { - "content": "吻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55028": { - "content": "碜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55029": { - "content": "ఓ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55030": { - "content": "府", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55031": { - "content": "踔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55032": { - "content": "둙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55033": { - "content": "鹇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55034": { - "content": "黃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55035": { - "content": "龠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55036": { - "content": "곞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55037": { - "content": "龂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55038": { - "content": "ự", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55039": { - "content": "费", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55040": { - "content": "瀍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55041": { - "content": "슷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55042": { - "content": "굦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55043": { - "content": "셁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55044": { - "content": "땟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55045": { - "content": "搀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55046": { - "content": "쨩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55047": { - "content": "涊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55048": { - "content": "讶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55049": { - "content": "蛇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55050": { - "content": "껬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55051": { - "content": "铧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55052": { - "content": "鶏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55053": { - "content": "楔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55054": { - "content": "픭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55055": { - "content": "걮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55056": { - "content": "垺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55057": { - "content": "럠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55058": { - "content": "퐁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55059": { - "content": "塔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55060": { - "content": "칺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55061": { - "content": "琟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55062": { - "content": "啾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55063": { - "content": "信", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55064": { - "content": "츆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55065": { - "content": "컨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55066": { - "content": "얅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55067": { - "content": "೬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55068": { - "content": "藟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55069": { - "content": "혯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55070": { - "content": "눐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55071": { - "content": "렂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55072": { - "content": "쀖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55073": { - "content": "璀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55074": { - "content": "另", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55075": { - "content": "钎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55076": { - "content": "굾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55077": { - "content": "潼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55078": { - "content": "뎫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55079": { - "content": "옮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55080": { - "content": "憐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55081": { - "content": "짺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55082": { - "content": "괼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55083": { - "content": "뺓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55084": { - "content": "쑼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55085": { - "content": "瑔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55086": { - "content": "쥺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55087": { - "content": "ﺝ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55088": { - "content": "샔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55089": { - "content": "뤾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55090": { - "content": "숓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55091": { - "content": "鹾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55092": { - "content": "뙈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55093": { - "content": "잇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55094": { - "content": "𬣙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55095": { - "content": "딣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55096": { - "content": "嘎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55097": { - "content": "獻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55098": { - "content": "쀈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55099": { - "content": "헁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55100": { - "content": "끽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55101": { - "content": "떒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55102": { - "content": "눮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55103": { - "content": "쥹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55104": { - "content": "掊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55105": { - "content": "죷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55106": { - "content": "虏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55107": { - "content": "冖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55108": { - "content": "嶸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55109": { - "content": "癱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55110": { - "content": "쒚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55111": { - "content": "亟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55112": { - "content": "绋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55113": { - "content": "匐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55114": { - "content": "恍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55115": { - "content": "靡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55116": { - "content": "뺊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55117": { - "content": "Ầ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55118": { - "content": "澳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55119": { - "content": "𬬭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55120": { - "content": "扃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55121": { - "content": "봬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55122": { - "content": "ௐ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55123": { - "content": "靼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55124": { - "content": "뉛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55125": { - "content": "랒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55126": { - "content": "뤇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55127": { - "content": "봽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55128": { - "content": "ろ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55129": { - "content": "졬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55130": { - "content": "禤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55131": { - "content": "둕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55132": { - "content": "돩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55133": { - "content": "౪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55134": { - "content": "뚗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55135": { - "content": "辊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55136": { - "content": "鳄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55137": { - "content": "뀙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55138": { - "content": "炳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55139": { - "content": "剿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55140": { - "content": "铺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55141": { - "content": "符", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55142": { - "content": "遏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55143": { - "content": "뮊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55144": { - "content": "젔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55145": { - "content": "汎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55146": { - "content": "躁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55147": { - "content": "忍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55148": { - "content": "嘞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55149": { - "content": "弭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55150": { - "content": "𬴊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55151": { - "content": "씑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55152": { - "content": "锉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55153": { - "content": "拍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55154": { - "content": "쌶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55155": { - "content": "땑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55156": { - "content": "纱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55157": { - "content": "墻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55158": { - "content": "얟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55159": { - "content": "廆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55160": { - "content": "脔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55161": { - "content": "귭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55162": { - "content": "罅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55163": { - "content": "ビ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55164": { - "content": "췢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55165": { - "content": "ప", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55166": { - "content": "塑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55167": { - "content": "窸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55168": { - "content": "鹧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55169": { - "content": "ឧ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55170": { - "content": "♪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55171": { - "content": "샅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55172": { - "content": "맷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55173": { - "content": "嘻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55174": { - "content": "봲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55175": { - "content": "먇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55176": { - "content": "掂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55177": { - "content": "끴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55178": { - "content": "튙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55179": { - "content": "횫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55180": { - "content": "썳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55181": { - "content": "뺳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55182": { - "content": "둔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55183": { - "content": "斗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55184": { - "content": "캣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55185": { - "content": "휛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55186": { - "content": "踯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55187": { - "content": "했", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55188": { - "content": "缱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55189": { - "content": "퀛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55190": { - "content": "课", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55191": { - "content": "紼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55192": { - "content": "郎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55193": { - "content": "鳥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55194": { - "content": "혴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55195": { - "content": "뚌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55196": { - "content": "輥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55197": { - "content": "ミ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55198": { - "content": "ۭ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55199": { - "content": "墉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55200": { - "content": "瑣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55201": { - "content": "瑠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55202": { - "content": "뮻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55203": { - "content": "ម", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55204": { - "content": "쮫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55205": { - "content": "棰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55206": { - "content": "谑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55207": { - "content": "묗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55208": { - "content": "꿑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55209": { - "content": "콲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55210": { - "content": "体", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55211": { - "content": "맚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55212": { - "content": "ﻉ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55213": { - "content": "劲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55214": { - "content": "臺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55215": { - "content": "額", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55216": { - "content": "샯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55217": { - "content": "섒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55218": { - "content": "矇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55219": { - "content": "흥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55220": { - "content": "屋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55221": { - "content": "솕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55222": { - "content": "聽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55223": { - "content": "킅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55224": { - "content": "쒳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55225": { - "content": "굺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55226": { - "content": "𬘫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55227": { - "content": "냤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55228": { - "content": "듉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55229": { - "content": "檀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55230": { - "content": "叟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55231": { - "content": "ʹ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55232": { - "content": "ӈ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55233": { - "content": "쌇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55234": { - "content": "몔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55235": { - "content": "藨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55236": { - "content": "숨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55237": { - "content": "慟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55238": { - "content": "粼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55239": { - "content": "냮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55240": { - "content": "췥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55241": { - "content": "簠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55242": { - "content": "먺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55243": { - "content": "녝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55244": { - "content": "禒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55245": { - "content": "릙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55246": { - "content": "蔥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55247": { - "content": "펀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55248": { - "content": "옊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55249": { - "content": "彖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55250": { - "content": "汝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55251": { - "content": "吒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55252": { - "content": "졔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55253": { - "content": "隶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55254": { - "content": "녕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55255": { - "content": "묱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55256": { - "content": "ۡ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55257": { - "content": "侷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55258": { - "content": "숏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55259": { - "content": "뱀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55260": { - "content": "頑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55261": { - "content": "윶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55262": { - "content": "彌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55263": { - "content": "된", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55264": { - "content": "歩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55265": { - "content": "퍘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55266": { - "content": "薛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55267": { - "content": "绢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55268": { - "content": "垯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55269": { - "content": "읎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55270": { - "content": "镶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55271": { - "content": "筐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55272": { - "content": "獍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55273": { - "content": "렁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55274": { - "content": "力", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55275": { - "content": "농", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55276": { - "content": "貍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55277": { - "content": "덹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55278": { - "content": "젒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55279": { - "content": "뵏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55280": { - "content": "짠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55281": { - "content": "뵰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55282": { - "content": "쏥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55283": { - "content": "锭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55284": { - "content": "쇒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55285": { - "content": "띣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55286": { - "content": "骖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55287": { - "content": "鞍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55288": { - "content": "픡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55289": { - "content": "飐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55290": { - "content": "韦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55291": { - "content": "孚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55292": { - "content": "텹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55293": { - "content": "햙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55294": { - "content": "റ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55295": { - "content": "期", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55296": { - "content": "锏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55297": { - "content": "藝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55298": { - "content": "绤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55299": { - "content": "쪪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55300": { - "content": "쇺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55301": { - "content": "즆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55302": { - "content": "爚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55303": { - "content": "酸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55304": { - "content": "젿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55305": { - "content": "譯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55306": { - "content": "켿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55307": { - "content": "돫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55308": { - "content": "쑹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55309": { - "content": "湲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55310": { - "content": "璣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55311": { - "content": "숿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55312": { - "content": "奎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55313": { - "content": "뺠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55314": { - "content": "ẻ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55315": { - "content": "繡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55316": { - "content": "鲳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55317": { - "content": "ঐ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55318": { - "content": "醮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55319": { - "content": "鞡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55320": { - "content": "놳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55321": { - "content": "乩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55322": { - "content": "딓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55323": { - "content": "曼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55324": { - "content": "ஊ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55325": { - "content": "却", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55326": { - "content": "誣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55327": { - "content": "ฆ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55328": { - "content": "処", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55329": { - "content": "㭎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55330": { - "content": "琭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55331": { - "content": "식", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55332": { - "content": "룞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55333": { - "content": "쉅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55334": { - "content": "弓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55335": { - "content": "풄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55336": { - "content": "厾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55337": { - "content": "叭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55338": { - "content": "렛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55339": { - "content": "앒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55340": { - "content": "㻬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55341": { - "content": "ㅻ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55342": { - "content": "뎍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55343": { - "content": "辏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55344": { - "content": "퀽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55345": { - "content": "啡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55346": { - "content": "뱎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55347": { - "content": "욮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55348": { - "content": "꿅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55349": { - "content": "芏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55350": { - "content": "빒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55351": { - "content": "陣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55352": { - "content": "잕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55353": { - "content": "赂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55354": { - "content": "룧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55355": { - "content": "礅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55356": { - "content": "生", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55357": { - "content": "滃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55358": { - "content": "耆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55359": { - "content": "蒱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55360": { - "content": "띒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55361": { - "content": "쳪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55362": { - "content": "붿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55363": { - "content": "ਡ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55364": { - "content": "쬁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55365": { - "content": "讱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55366": { - "content": "塩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55367": { - "content": "噫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55368": { - "content": "瞽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55369": { - "content": "퓦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55370": { - "content": "р", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55371": { - "content": "权", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55372": { - "content": "뉑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55373": { - "content": "뼪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55374": { - "content": "냜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55375": { - "content": "씫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55376": { - "content": "墦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55377": { - "content": "つ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55378": { - "content": "︳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55379": { - "content": "袄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55380": { - "content": "팗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55381": { - "content": "썄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55382": { - "content": "콠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55383": { - "content": "陷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55384": { - "content": "뉏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55385": { - "content": "蝻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55386": { - "content": "왻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55387": { - "content": "嫽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55388": { - "content": "莧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55389": { - "content": "참", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55390": { - "content": "闋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55391": { - "content": "慑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55392": { - "content": "춊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55393": { - "content": "믦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55394": { - "content": "뭯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55395": { - "content": "滘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55396": { - "content": "쫯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55397": { - "content": "욼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55398": { - "content": "쵆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55399": { - "content": "■", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55400": { - "content": "뤫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55401": { - "content": "힡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55402": { - "content": "锼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55403": { - "content": "탢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55404": { - "content": "끹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55405": { - "content": "囮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55406": { - "content": "衫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55407": { - "content": "긒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55408": { - "content": "鹋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55409": { - "content": "옐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55410": { - "content": "≯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55411": { - "content": "鞣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55412": { - "content": "嫲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55413": { - "content": "鲉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55414": { - "content": "紊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55415": { - "content": "簃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55416": { - "content": "茎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55417": { - "content": "盡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55418": { - "content": "늡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55419": { - "content": "ਸ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55420": { - "content": "酏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55421": { - "content": "勖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55422": { - "content": "狙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55423": { - "content": "琼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55424": { - "content": "씍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55425": { - "content": "厂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55426": { - "content": "嚚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55427": { - "content": "닠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55428": { - "content": "審", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55429": { - "content": "躪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55430": { - "content": "シ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55431": { - "content": "닐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55432": { - "content": "𬊤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55433": { - "content": "齉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55434": { - "content": "叇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55435": { - "content": "纩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55436": { - "content": "缪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55437": { - "content": "칬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55438": { - "content": "缚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55439": { - "content": "붂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55440": { - "content": "뤎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55441": { - "content": "픙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55442": { - "content": "뒟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55443": { - "content": "來", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55444": { - "content": "홬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55445": { - "content": "諳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55446": { - "content": "똉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55447": { - "content": "컏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55448": { - "content": "쌻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55449": { - "content": "悦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55450": { - "content": "뿦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55451": { - "content": "跶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55452": { - "content": "へ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55453": { - "content": "욢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55454": { - "content": "嘲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55455": { - "content": "쇮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55456": { - "content": "ವ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55457": { - "content": "쐊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55458": { - "content": "剥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55459": { - "content": "樽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55460": { - "content": "跤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55461": { - "content": "뺯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55462": { - "content": "鵪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55463": { - "content": "뜎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55464": { - "content": "尻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55465": { - "content": "턼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55466": { - "content": "臘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55467": { - "content": "锣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55468": { - "content": "卷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55469": { - "content": "걺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55470": { - "content": "敞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55471": { - "content": "磲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55472": { - "content": "퓷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55473": { - "content": "䥽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55474": { - "content": "葡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55475": { - "content": "薸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55476": { - "content": "绣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55477": { - "content": "뺢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55478": { - "content": "훪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55479": { - "content": "薿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55480": { - "content": "샑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55481": { - "content": "禱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55482": { - "content": "处", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55483": { - "content": "咻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55484": { - "content": "妭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55485": { - "content": "洁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55486": { - "content": "䎖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55487": { - "content": "门", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55488": { - "content": "쓋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55489": { - "content": "禮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55490": { - "content": "퇓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55491": { - "content": "긍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55492": { - "content": "홖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55493": { - "content": "散", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55494": { - "content": "窒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55495": { - "content": "渼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55496": { - "content": "뚘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55497": { - "content": "촨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55498": { - "content": "챈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55499": { - "content": "촗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55500": { - "content": "胰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55501": { - "content": "쭙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55502": { - "content": "댧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55503": { - "content": "镲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55504": { - "content": "럙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55505": { - "content": "咀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55506": { - "content": "땮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55507": { - "content": "猖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55508": { - "content": "몁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55509": { - "content": "簡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55510": { - "content": "⁇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55511": { - "content": "돃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55512": { - "content": "췝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55513": { - "content": "첮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55514": { - "content": "烽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55515": { - "content": "挹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55516": { - "content": "锵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55517": { - "content": "阃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55518": { - "content": "햞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55519": { - "content": "띦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55520": { - "content": "꼒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55521": { - "content": "鿎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55522": { - "content": "舶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55523": { - "content": "뿪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55524": { - "content": "’", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55525": { - "content": "ఝ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55526": { - "content": "湿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55527": { - "content": "荜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55528": { - "content": "榰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55529": { - "content": "얺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55530": { - "content": "폷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55531": { - "content": "倶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55532": { - "content": "懑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55533": { - "content": "옗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55534": { - "content": "䜣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55535": { - "content": "홥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55536": { - "content": "腯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55537": { - "content": "껒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55538": { - "content": "ụ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55539": { - "content": "慚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55540": { - "content": "麻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55541": { - "content": "绘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55542": { - "content": "锨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55543": { - "content": "睇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55544": { - "content": "릃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55545": { - "content": "ζ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55546": { - "content": "技", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55547": { - "content": "쿊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55548": { - "content": "滗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55549": { - "content": "黠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55550": { - "content": "淞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55551": { - "content": "쐮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55552": { - "content": "갘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55553": { - "content": "淯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55554": { - "content": "꺭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55555": { - "content": "쭭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55556": { - "content": "럿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55557": { - "content": "玕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55558": { - "content": "囈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55559": { - "content": "Х", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55560": { - "content": "진", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55561": { - "content": "먅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55562": { - "content": "М", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55563": { - "content": "땤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55564": { - "content": "뜇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55565": { - "content": "픍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55566": { - "content": "拦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55567": { - "content": "駁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55568": { - "content": "삫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55569": { - "content": "ુ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55570": { - "content": "퍅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55571": { - "content": "奔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55572": { - "content": "밄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55573": { - "content": "쟲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55574": { - "content": "芜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55575": { - "content": "랔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55576": { - "content": "쿎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55577": { - "content": "첯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55578": { - "content": "뢙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55579": { - "content": "稼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55580": { - "content": "疒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55581": { - "content": "젺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55582": { - "content": "嫘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55583": { - "content": "폦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55584": { - "content": "戕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55585": { - "content": "洓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55586": { - "content": "뇧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55587": { - "content": "잔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55588": { - "content": "택", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55589": { - "content": "僬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55590": { - "content": "叱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55591": { - "content": "稀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55592": { - "content": "닶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55593": { - "content": "쵳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55594": { - "content": "킧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55595": { - "content": "ㆌ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55596": { - "content": "뽴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55597": { - "content": "闌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55598": { - "content": "頒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55599": { - "content": "굨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55600": { - "content": "쳙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55601": { - "content": "彷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55602": { - "content": "셡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55603": { - "content": "숀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55604": { - "content": "됣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55605": { - "content": "뎰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55606": { - "content": "솿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55607": { - "content": "곦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55608": { - "content": "곅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55609": { - "content": "얀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55610": { - "content": "免", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55611": { - "content": "ㅲ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55612": { - "content": "菍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55613": { - "content": "수", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55614": { - "content": "辗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55615": { - "content": "縄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55616": { - "content": "涟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55617": { - "content": "剧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55618": { - "content": "褓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55619": { - "content": "ౣ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55620": { - "content": "蘚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55621": { - "content": "혫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55622": { - "content": "夹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55623": { - "content": "嬗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55624": { - "content": "刳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55625": { - "content": "宾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55626": { - "content": "锦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55627": { - "content": "뜃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55628": { - "content": "힏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55629": { - "content": "즲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55630": { - "content": "辺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55631": { - "content": "괃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55632": { - "content": "츽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55633": { - "content": "뫣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55634": { - "content": "笈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55635": { - "content": "럯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55636": { - "content": "ワ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55637": { - "content": "浞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55638": { - "content": "藠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55639": { - "content": "쎾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55640": { - "content": "適", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55641": { - "content": "뽔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55642": { - "content": "츐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55643": { - "content": "뷔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55644": { - "content": "껷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55645": { - "content": "矜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55646": { - "content": "逗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55647": { - "content": "뿱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55648": { - "content": "삗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55649": { - "content": "젓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55650": { - "content": "斉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55651": { - "content": "璒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55652": { - "content": "銬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55653": { - "content": "삀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55654": { - "content": "흣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55655": { - "content": "허", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55656": { - "content": "듅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55657": { - "content": "델", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55658": { - "content": "に", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55659": { - "content": "믹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55660": { - "content": "扬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55661": { - "content": "羖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55662": { - "content": "쨟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55663": { - "content": "앝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55664": { - "content": "𫘬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55665": { - "content": "芍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55666": { - "content": "ฅ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55667": { - "content": "쵯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55668": { - "content": "濫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55669": { - "content": "눰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55670": { - "content": "죏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55671": { - "content": "鴛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55672": { - "content": "쥏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55673": { - "content": "港", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55674": { - "content": "巽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55675": { - "content": "굍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55676": { - "content": "蔓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55677": { - "content": "뇷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55678": { - "content": "띾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55679": { - "content": "먁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55680": { - "content": "맄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55681": { - "content": "貰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55682": { - "content": "鼕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55683": { - "content": "팉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55684": { - "content": "먋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55685": { - "content": "旳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55686": { - "content": "롈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55687": { - "content": "쮱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55688": { - "content": "倮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55689": { - "content": "級", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55690": { - "content": "迢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55691": { - "content": "旧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55692": { - "content": "뜹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55693": { - "content": "妓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55694": { - "content": "틐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55695": { - "content": "莆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55696": { - "content": "횦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55697": { - "content": "३", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55698": { - "content": "랗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55699": { - "content": "垱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55700": { - "content": "펿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55701": { - "content": "Ỡ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55702": { - "content": "│", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55703": { - "content": "畑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55704": { - "content": "슽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55705": { - "content": "轰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55706": { - "content": "뻓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55707": { - "content": "퇻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55708": { - "content": "슶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55709": { - "content": "흌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55710": { - "content": "歅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55711": { - "content": "흡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55712": { - "content": "깊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55713": { - "content": "디", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55714": { - "content": "。", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55715": { - "content": "饹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55716": { - "content": "죚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55717": { - "content": "쵦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55718": { - "content": "꽭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55719": { - "content": "췾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55720": { - "content": "멯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55721": { - "content": "썭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55722": { - "content": "Ӣ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55723": { - "content": "ㄱ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55724": { - "content": "獵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55725": { - "content": "헷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55726": { - "content": "녻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55727": { - "content": "辻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55728": { - "content": "죹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55729": { - "content": "쐁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55730": { - "content": "ۧ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55731": { - "content": "낖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55732": { - "content": "졉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55733": { - "content": "笏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55734": { - "content": "猗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55735": { - "content": "겓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55736": { - "content": "辍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55737": { - "content": "瓻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55738": { - "content": "뼂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55739": { - "content": "뚪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55740": { - "content": "쉦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55741": { - "content": "죿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55742": { - "content": "稅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55743": { - "content": "晏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55744": { - "content": "焔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55745": { - "content": "낯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55746": { - "content": "뷜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55747": { - "content": "똎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55748": { - "content": "౫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55749": { - "content": "땵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55750": { - "content": "됅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55751": { - "content": "茋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55752": { - "content": "硪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55753": { - "content": "뭰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55754": { - "content": "횘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55755": { - "content": "絷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55756": { - "content": "₽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55757": { - "content": "얋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55758": { - "content": "ﺭ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55759": { - "content": "貶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55760": { - "content": "괉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55761": { - "content": "キ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55762": { - "content": "윕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55763": { - "content": "仿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55764": { - "content": "౿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55765": { - "content": "덣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55766": { - "content": "細", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55767": { - "content": "尬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55768": { - "content": "缮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55769": { - "content": "𬯀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55770": { - "content": "蔹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55771": { - "content": "踝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55772": { - "content": "ぎ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55773": { - "content": "끋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55774": { - "content": "ㅀ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55775": { - "content": "죕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55776": { - "content": "说", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55777": { - "content": "삖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55778": { - "content": "矼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55779": { - "content": "飙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55780": { - "content": "뢛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55781": { - "content": "骝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55782": { - "content": "ఘ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55783": { - "content": "褸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55784": { - "content": "툷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55785": { - "content": "뉭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55786": { - "content": "棍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55787": { - "content": "烫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55788": { - "content": "觸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55789": { - "content": "쾘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55790": { - "content": "墘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55791": { - "content": "葆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55792": { - "content": "坨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55793": { - "content": "嫚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55794": { - "content": "镝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55795": { - "content": "钻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55796": { - "content": "强", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55797": { - "content": "𬒈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55798": { - "content": "엡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55799": { - "content": "ឡ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55800": { - "content": "뚠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55801": { - "content": "輒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55802": { - "content": "펤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55803": { - "content": "겄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55804": { - "content": "꾵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55805": { - "content": "娀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55806": { - "content": "俎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55807": { - "content": "鴨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55808": { - "content": "얐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55809": { - "content": "활", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55810": { - "content": "뗇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55811": { - "content": "夬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55812": { - "content": "钵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55813": { - "content": "铁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55814": { - "content": "꺐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55815": { - "content": "挲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55816": { - "content": "먐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55817": { - "content": "키", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55818": { - "content": "几", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55819": { - "content": "栊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55820": { - "content": "쟒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55821": { - "content": "뷸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55822": { - "content": "椟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55823": { - "content": "씱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55824": { - "content": "끦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55825": { - "content": "샄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55826": { - "content": "攴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55827": { - "content": "۶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55828": { - "content": "죟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55829": { - "content": "鲾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55830": { - "content": "妩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55831": { - "content": "嘗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55832": { - "content": "몄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55833": { - "content": "嗖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55834": { - "content": "頸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55835": { - "content": "돌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55836": { - "content": "ฤ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55837": { - "content": "俱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55838": { - "content": "酝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55839": { - "content": "퀀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55840": { - "content": "绺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55841": { - "content": "遡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55842": { - "content": "鲛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55843": { - "content": "뤬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55844": { - "content": "矽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55845": { - "content": "積", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55846": { - "content": "缁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55847": { - "content": "쁚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55848": { - "content": "멥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55849": { - "content": "爻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55850": { - "content": "짌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55851": { - "content": "썯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55852": { - "content": "墟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55853": { - "content": "٨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55854": { - "content": "큊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55855": { - "content": "婌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55856": { - "content": "劾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55857": { - "content": "ហ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55858": { - "content": "녶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55859": { - "content": "맙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55860": { - "content": "遗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55861": { - "content": "闿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55862": { - "content": "뽋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55863": { - "content": "綽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55864": { - "content": "ై", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55865": { - "content": "收", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55866": { - "content": "븍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55867": { - "content": "给", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55868": { - "content": "鏍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55869": { - "content": "톥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55870": { - "content": "죘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55871": { - "content": "깥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55872": { - "content": "預", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55873": { - "content": "퓬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55874": { - "content": "첅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55875": { - "content": "瑰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55876": { - "content": "벊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55877": { - "content": "眇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55878": { - "content": "皑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55879": { - "content": "桎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55880": { - "content": "졍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55881": { - "content": "튛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55882": { - "content": "갴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55883": { - "content": "떮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55884": { - "content": "팷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55885": { - "content": "핊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55886": { - "content": "鲮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55887": { - "content": "較", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55888": { - "content": "밇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55889": { - "content": "됫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55890": { - "content": "雛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55891": { - "content": "甩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55892": { - "content": "驳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55893": { - "content": "飯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55894": { - "content": "뚵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55895": { - "content": "챾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55896": { - "content": "禁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55897": { - "content": "쯚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55898": { - "content": "뎞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55899": { - "content": "౮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55900": { - "content": "캀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55901": { - "content": "궹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55902": { - "content": "룴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55903": { - "content": "켅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55904": { - "content": "蹺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55905": { - "content": "쁒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55906": { - "content": "珇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55907": { - "content": "뽲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55908": { - "content": "캆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55909": { - "content": "뮒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55910": { - "content": "볿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55911": { - "content": "拡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55912": { - "content": "汭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55913": { - "content": "꿥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55914": { - "content": "뻡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55915": { - "content": "퇊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55916": { - "content": "储", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55917": { - "content": "雕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55918": { - "content": "퍬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55919": { - "content": "昧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55920": { - "content": "谗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55921": { - "content": "껳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55922": { - "content": "괜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55923": { - "content": "뽑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55924": { - "content": "蔃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55925": { - "content": "塌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55926": { - "content": "̄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55927": { - "content": "윻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55928": { - "content": "迨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55929": { - "content": "폓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55930": { - "content": "냔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55931": { - "content": "牆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55932": { - "content": "갠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55933": { - "content": "땆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55934": { - "content": "긱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55935": { - "content": "Ề", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55936": { - "content": "埼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55937": { - "content": "꼦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55938": { - "content": "“", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55939": { - "content": "튖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55940": { - "content": "鹚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55941": { - "content": "廨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55942": { - "content": "₫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55943": { - "content": "耱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55944": { - "content": "唉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55945": { - "content": "찃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55946": { - "content": "乙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55947": { - "content": "독", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55948": { - "content": "若", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55949": { - "content": "랻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55950": { - "content": "朽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55951": { - "content": "읩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55952": { - "content": "뤳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55953": { - "content": "箢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55954": { - "content": "엉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55955": { - "content": "똈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55956": { - "content": "쎘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55957": { - "content": "뙢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55958": { - "content": "럃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55959": { - "content": "栉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55960": { - "content": "镐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55961": { - "content": "橹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55962": { - "content": "翔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55963": { - "content": "늭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55964": { - "content": "ো", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55965": { - "content": "玎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55966": { - "content": "阵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55967": { - "content": "잼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55968": { - "content": "战", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55969": { - "content": "릹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55970": { - "content": "낆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55971": { - "content": "膙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55972": { - "content": "ઈ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55973": { - "content": "괧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55974": { - "content": "컡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55975": { - "content": "蓋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55976": { - "content": "덖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55977": { - "content": "迅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55978": { - "content": "캰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55979": { - "content": "햭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55980": { - "content": "熻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55981": { - "content": "턦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55982": { - "content": "뛶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55983": { - "content": "폠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55984": { - "content": "披", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55985": { - "content": "聊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55986": { - "content": "컀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55987": { - "content": "锖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55988": { - "content": "醱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55989": { - "content": "밖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55990": { - "content": "勾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55991": { - "content": "悈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55992": { - "content": "隄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55993": { - "content": "鞫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55994": { - "content": "텍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55995": { - "content": "쀿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55996": { - "content": "ុ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55997": { - "content": "깵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55998": { - "content": "푏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "55999": { - "content": "揖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56000": { - "content": "뺡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56001": { - "content": "붟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56002": { - "content": "𫟅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56003": { - "content": "춿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56004": { - "content": "엋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56005": { - "content": "ݪ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56006": { - "content": "〕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56007": { - "content": "禍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56008": { - "content": "낼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56009": { - "content": "뼆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56010": { - "content": "炯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56011": { - "content": "赴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56012": { - "content": "잛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56013": { - "content": "픞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56014": { - "content": "੶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56015": { - "content": "솮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56016": { - "content": "ݠ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56017": { - "content": "淋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56018": { - "content": "춂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56019": { - "content": "電", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56020": { - "content": "쒀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56021": { - "content": "虜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56022": { - "content": "냝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56023": { - "content": "我", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56024": { - "content": "擀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56025": { - "content": "챍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56026": { - "content": "콩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56027": { - "content": "勔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56028": { - "content": "呙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56029": { - "content": "쇝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56030": { - "content": "궛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56031": { - "content": "쵿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56032": { - "content": "套", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56033": { - "content": "踫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56034": { - "content": "핪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56035": { - "content": "볚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56036": { - "content": "휵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56037": { - "content": "厦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56038": { - "content": "寶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56039": { - "content": "释", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56040": { - "content": "녆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56041": { - "content": "벉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56042": { - "content": "渑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56043": { - "content": "뾘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56044": { - "content": "羈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56045": { - "content": "씴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56046": { - "content": "품", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56047": { - "content": "谯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56048": { - "content": "栌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56049": { - "content": "뻵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56050": { - "content": "ږ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56051": { - "content": "헅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56052": { - "content": "뮍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56053": { - "content": "혨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56054": { - "content": "쐣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56055": { - "content": "쫩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56056": { - "content": "洼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56057": { - "content": "눡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56058": { - "content": "섔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56059": { - "content": "앛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56060": { - "content": "煋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56061": { - "content": "쥮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56062": { - "content": "⇒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56063": { - "content": "砮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56064": { - "content": "玳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56065": { - "content": "锶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56066": { - "content": "ۚ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56067": { - "content": "퓞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56068": { - "content": "虽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56069": { - "content": "층", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56070": { - "content": "닡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56071": { - "content": "춯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56072": { - "content": "哿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56073": { - "content": "퍕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56074": { - "content": "遼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56075": { - "content": "퇠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56076": { - "content": "複", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56077": { - "content": "퇏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56078": { - "content": "늴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56079": { - "content": "洈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56080": { - "content": "滆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56081": { - "content": "竅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56082": { - "content": "蝇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56083": { - "content": "쌡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56084": { - "content": "뷬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56085": { - "content": "죶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56086": { - "content": "ャ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56087": { - "content": "멤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56088": { - "content": "餮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56089": { - "content": "퓾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56090": { - "content": "赏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56091": { - "content": "园", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56092": { - "content": "뛰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56093": { - "content": "몀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56094": { - "content": "쉾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56095": { - "content": "媂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56096": { - "content": "댇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56097": { - "content": "𬺢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56098": { - "content": "힍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56099": { - "content": "ц", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56100": { - "content": "蟻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56101": { - "content": "𬨂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56102": { - "content": "鎖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56103": { - "content": "蓍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56104": { - "content": "쪿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56105": { - "content": "豕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56106": { - "content": "鑼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56107": { - "content": "홃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56108": { - "content": "껩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56109": { - "content": "븆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56110": { - "content": "틲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56111": { - "content": "솎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56112": { - "content": "꼢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56113": { - "content": "삚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56114": { - "content": "쒃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56115": { - "content": "츱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56116": { - "content": "絵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56117": { - "content": "콒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56118": { - "content": "끂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56119": { - "content": "浊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56120": { - "content": "微", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56121": { - "content": "鳘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56122": { - "content": "춵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56123": { - "content": "禺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56124": { - "content": "쵪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56125": { - "content": "넙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56126": { - "content": "퍪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56127": { - "content": "ㅼ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56128": { - "content": "푂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56129": { - "content": "쳉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56130": { - "content": "뎇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56131": { - "content": "썤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56132": { - "content": "領", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56133": { - "content": "櫥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56134": { - "content": "访", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56135": { - "content": "웰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56136": { - "content": "霰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56137": { - "content": "聰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56138": { - "content": "盦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56139": { - "content": "쒉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56140": { - "content": "월", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56141": { - "content": "눂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56142": { - "content": "埗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56143": { - "content": "庇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56144": { - "content": "桃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56145": { - "content": "ㄼ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56146": { - "content": "颯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56147": { - "content": "볟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56148": { - "content": "橘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56149": { - "content": "땚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56150": { - "content": "왱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56151": { - "content": "聘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56152": { - "content": "馴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56153": { - "content": "즄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56154": { - "content": "螽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56155": { - "content": "吠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56156": { - "content": "첹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56157": { - "content": "冲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56158": { - "content": "諱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56159": { - "content": "씮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56160": { - "content": "뗥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56161": { - "content": "밮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56162": { - "content": "듲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56163": { - "content": "틥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56164": { - "content": "祼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56165": { - "content": "販", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56166": { - "content": "鋁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56167": { - "content": "퀂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56168": { - "content": "ﻕ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56169": { - "content": "੨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56170": { - "content": "似", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56171": { - "content": "犴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56172": { - "content": "骉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56173": { - "content": "ㅉ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56174": { - "content": "啃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56175": { - "content": "ঢ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56176": { - "content": "右", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56177": { - "content": "穩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56178": { - "content": "죐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56179": { - "content": "쾯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56180": { - "content": "뱬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56181": { - "content": "쮜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56182": { - "content": "涌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56183": { - "content": "龊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56184": { - "content": "맖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56185": { - "content": "멵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56186": { - "content": "攉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56187": { - "content": "踏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56188": { - "content": "ů", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56189": { - "content": "똰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56190": { - "content": "큼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56191": { - "content": "퍠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56192": { - "content": "큉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56193": { - "content": "뻞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56194": { - "content": "栓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56195": { - "content": "뵪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56196": { - "content": "牌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56197": { - "content": "焗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56198": { - "content": "췯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56199": { - "content": "彎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56200": { - "content": "椋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56201": { - "content": "竭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56202": { - "content": "镀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56203": { - "content": "쁾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56204": { - "content": "у", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56205": { - "content": "箏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56206": { - "content": "뮴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56207": { - "content": "瑅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56208": { - "content": "눎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56209": { - "content": "갂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56210": { - "content": "洞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56211": { - "content": "빺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56212": { - "content": "귣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56213": { - "content": "黧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56214": { - "content": "뗏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56215": { - "content": "쐛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56216": { - "content": "뜊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56217": { - "content": "タ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56218": { - "content": "阈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56219": { - "content": "쑌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56220": { - "content": "浓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56221": { - "content": "숈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56222": { - "content": "우", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56223": { - "content": "剐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56224": { - "content": "헭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56225": { - "content": "п", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56226": { - "content": "뼗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56227": { - "content": "쬴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56228": { - "content": "诧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56229": { - "content": "蹕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56230": { - "content": "綁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56231": { - "content": "剞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56232": { - "content": "獐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56233": { - "content": "풶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56234": { - "content": "쎲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56235": { - "content": "쿖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56236": { - "content": "봶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56237": { - "content": "崢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56238": { - "content": "䏡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56239": { - "content": "雾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56240": { - "content": "컹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56241": { - "content": "僇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56242": { - "content": "窍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56243": { - "content": "쓫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56244": { - "content": "絃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56245": { - "content": "픿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56246": { - "content": "쿳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56247": { - "content": "缧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56248": { - "content": "퇶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56249": { - "content": "犊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56250": { - "content": "蚶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56251": { - "content": "옲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56252": { - "content": "贴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56253": { - "content": "뎱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56254": { - "content": "크", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56255": { - "content": "콚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56256": { - "content": "悛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56257": { - "content": "뛣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56258": { - "content": "쨹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56259": { - "content": "梳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56260": { - "content": "챱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56261": { - "content": "琫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56262": { - "content": "惧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56263": { - "content": "줧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56264": { - "content": "预", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56265": { - "content": "爬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56266": { - "content": "샛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56267": { - "content": "앶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56268": { - "content": "오", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56269": { - "content": "햐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56270": { - "content": "詻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56271": { - "content": "日", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56272": { - "content": "볘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56273": { - "content": "伛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56274": { - "content": "뵣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56275": { - "content": "뗠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56276": { - "content": "뎓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56277": { - "content": "仁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56278": { - "content": "ভ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56279": { - "content": "泸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56280": { - "content": "쀠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56281": { - "content": "헑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56282": { - "content": "뤚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56283": { - "content": "렍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56284": { - "content": "泉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56285": { - "content": "อ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56286": { - "content": "鷗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56287": { - "content": "쬰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56288": { - "content": "땗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56289": { - "content": "뿿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56290": { - "content": "쮋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56291": { - "content": "连", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56292": { - "content": "뫀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56293": { - "content": "쑏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56294": { - "content": "挚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56295": { - "content": "톓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56296": { - "content": "猥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56297": { - "content": "븜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56298": { - "content": "凑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56299": { - "content": "馓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56300": { - "content": "旻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56301": { - "content": "칥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56302": { - "content": "寢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56303": { - "content": "瀟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56304": { - "content": "룢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56305": { - "content": "迕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56306": { - "content": "쳃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56307": { - "content": "睁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56308": { - "content": "떤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56309": { - "content": "編", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56310": { - "content": "튌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56311": { - "content": "얄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56312": { - "content": "앹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56313": { - "content": "잙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56314": { - "content": "梟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56315": { - "content": "쩭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56316": { - "content": "谂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56317": { - "content": "뿜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56318": { - "content": "삹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56319": { - "content": "Ố", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56320": { - "content": "젢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56321": { - "content": "풘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56322": { - "content": "헣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56323": { - "content": "뾸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56324": { - "content": "蝣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56325": { - "content": "矞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56326": { - "content": "텊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56327": { - "content": "倫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56328": { - "content": "먃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56329": { - "content": "룆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56330": { - "content": "뭋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56331": { - "content": "畅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56332": { - "content": "韻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56333": { - "content": "햑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56334": { - "content": "븱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56335": { - "content": "븉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56336": { - "content": "샆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56337": { - "content": "쿂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56338": { - "content": "ỹ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56339": { - "content": "걡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56340": { - "content": "筱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56341": { - "content": "؆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56342": { - "content": "탌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56343": { - "content": "값", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56344": { - "content": "ج", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56345": { - "content": "烦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56346": { - "content": "О", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56347": { - "content": "쏽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56348": { - "content": "핖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56349": { - "content": "崂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56350": { - "content": "塵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56351": { - "content": "а", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56352": { - "content": "쩟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56353": { - "content": "蠕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56354": { - "content": "쩙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56355": { - "content": "ー", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56356": { - "content": "듘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56357": { - "content": "힅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56358": { - "content": "쐄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56359": { - "content": "냠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56360": { - "content": "탰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56361": { - "content": "エ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56362": { - "content": "폔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56363": { - "content": "쟱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56364": { - "content": "盧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56365": { - "content": "天", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56366": { - "content": "챜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56367": { - "content": "䗖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56368": { - "content": "秤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56369": { - "content": "Т", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56370": { - "content": "肱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56371": { - "content": "论", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56372": { - "content": "댕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56373": { - "content": "敩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56374": { - "content": "峠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56375": { - "content": "簇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56376": { - "content": "颦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56377": { - "content": "싐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56378": { - "content": "骗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56379": { - "content": "삳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56380": { - "content": "阡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56381": { - "content": "룳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56382": { - "content": "即", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56383": { - "content": "鳤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56384": { - "content": "阼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56385": { - "content": "넿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56386": { - "content": "쁟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56387": { - "content": "슂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56388": { - "content": "빋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56389": { - "content": "爷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56390": { - "content": "ថ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56391": { - "content": "銻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56392": { - "content": "粑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56393": { - "content": "뮕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56394": { - "content": "뵷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56395": { - "content": "훧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56396": { - "content": "庐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56397": { - "content": "혪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56398": { - "content": "郅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56399": { - "content": "푗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56400": { - "content": "묌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56401": { - "content": "忘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56402": { - "content": "깮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56403": { - "content": "뛥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56404": { - "content": "縑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56405": { - "content": "沆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56406": { - "content": "酤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56407": { - "content": "𬘓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56408": { - "content": "뀟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56409": { - "content": "堰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56410": { - "content": "她", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56411": { - "content": "뤮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56412": { - "content": "燐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56413": { - "content": "杰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56414": { - "content": "束", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56415": { - "content": "祊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56416": { - "content": "晊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56417": { - "content": "ُ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56418": { - "content": "档", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56419": { - "content": "찮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56420": { - "content": "ス", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56421": { - "content": "팃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56422": { - "content": "哚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56423": { - "content": "숁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56424": { - "content": "涵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56425": { - "content": "郭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56426": { - "content": "쐶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56427": { - "content": "딐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56428": { - "content": "븫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56429": { - "content": "랹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56430": { - "content": "켷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56431": { - "content": "狀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56432": { - "content": "맬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56433": { - "content": "팛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56434": { - "content": "뾵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56435": { - "content": "떾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56436": { - "content": "谢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56437": { - "content": "ಿ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56438": { - "content": "踞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56439": { - "content": "辱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56440": { - "content": "쎜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56441": { - "content": "𫘨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56442": { - "content": "詩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56443": { - "content": "즖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56444": { - "content": "묮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56445": { - "content": "绂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56446": { - "content": "垵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56447": { - "content": "鋪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56448": { - "content": "쮗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56449": { - "content": "擊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56450": { - "content": "汤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56451": { - "content": "깞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56452": { - "content": "앻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56453": { - "content": "া", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56454": { - "content": "睨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56455": { - "content": "앐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56456": { - "content": "塘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56457": { - "content": "ヲ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56458": { - "content": "굌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56459": { - "content": "뭮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56460": { - "content": "鳚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56461": { - "content": "貊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56462": { - "content": "힒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56463": { - "content": "僱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56464": { - "content": "执", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56465": { - "content": "ഷ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56466": { - "content": "艀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56467": { - "content": "镮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56468": { - "content": "쮐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56469": { - "content": "핑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56470": { - "content": "𬺩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56471": { - "content": "핗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56472": { - "content": "쑵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56473": { - "content": "쒯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56474": { - "content": "謂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56475": { - "content": "۹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56476": { - "content": "僭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56477": { - "content": "돕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56478": { - "content": "贊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56479": { - "content": "쯱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56480": { - "content": "ೣ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56481": { - "content": "뒩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56482": { - "content": "歓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56483": { - "content": "躓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56484": { - "content": "◢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56485": { - "content": "欹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56486": { - "content": "톙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56487": { - "content": "嚕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56488": { - "content": "鸥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56489": { - "content": "淙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56490": { - "content": "狨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56491": { - "content": "긩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56492": { - "content": "豁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56493": { - "content": "簽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56494": { - "content": "又", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56495": { - "content": "𬺨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56496": { - "content": "万", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56497": { - "content": "沙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56498": { - "content": "ݚ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56499": { - "content": "滨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56500": { - "content": "갋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56501": { - "content": "싒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56502": { - "content": "妤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56503": { - "content": "氵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56504": { - "content": "ۙ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56505": { - "content": "擺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56506": { - "content": "곚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56507": { - "content": "擢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56508": { - "content": "졿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56509": { - "content": "ّ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56510": { - "content": "좁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56511": { - "content": "掞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56512": { - "content": "ㄿ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56513": { - "content": "冁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56514": { - "content": "꺨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56515": { - "content": "拙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56516": { - "content": "襁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56517": { - "content": "횯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56518": { - "content": "렦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56519": { - "content": "乃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56520": { - "content": "裆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56521": { - "content": "褚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56522": { - "content": "姹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56523": { - "content": "珧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56524": { - "content": "ು", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56525": { - "content": "歪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56526": { - "content": "谎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56527": { - "content": "웻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56528": { - "content": "멠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56529": { - "content": "χ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56530": { - "content": "뮮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56531": { - "content": "休", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56532": { - "content": "铸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56533": { - "content": "皤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56534": { - "content": "汞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56535": { - "content": "挣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56536": { - "content": "퉱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56537": { - "content": "煙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56538": { - "content": "ೆ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56539": { - "content": "옯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56540": { - "content": "늙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56541": { - "content": "롩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56542": { - "content": "屎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56543": { - "content": "옵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56544": { - "content": "썁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56545": { - "content": "옚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56546": { - "content": "屉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56547": { - "content": "焯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56548": { - "content": "멻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56549": { - "content": "ੑ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56550": { - "content": "奠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56551": { - "content": "줯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56552": { - "content": "겗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56553": { - "content": "決", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56554": { - "content": "𬟽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56555": { - "content": "덓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56556": { - "content": "赘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56557": { - "content": "៓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56558": { - "content": "𨺙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56559": { - "content": "糌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56560": { - "content": "礙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56561": { - "content": "鈑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56562": { - "content": "ڄ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56563": { - "content": "쵔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56564": { - "content": "渐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56565": { - "content": "瞄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56566": { - "content": "「", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56567": { - "content": "퉩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56568": { - "content": "꼼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56569": { - "content": "岗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56570": { - "content": "鬼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56571": { - "content": "뉡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56572": { - "content": "콧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56573": { - "content": "짗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56574": { - "content": "篁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56575": { - "content": "컍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56576": { - "content": "렗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56577": { - "content": "퇵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56578": { - "content": "叡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56579": { - "content": "겥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56580": { - "content": "敦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56581": { - "content": "庚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56582": { - "content": "簞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56583": { - "content": "墣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56584": { - "content": "볯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56585": { - "content": "붺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56586": { - "content": "𫘜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56587": { - "content": "螳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56588": { - "content": "域", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56589": { - "content": "쉣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56590": { - "content": "퐑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56591": { - "content": "뀷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56592": { - "content": "說", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56593": { - "content": "赣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56594": { - "content": "귬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56595": { - "content": "턐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56596": { - "content": "準", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56597": { - "content": "炔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56598": { - "content": "媞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56599": { - "content": "묕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56600": { - "content": "쏅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56601": { - "content": "倔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56602": { - "content": "蓄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56603": { - "content": "뻈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56604": { - "content": "쐤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56605": { - "content": "졠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56606": { - "content": "徭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56607": { - "content": "꽾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56608": { - "content": "怔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56609": { - "content": "뼺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56610": { - "content": "త", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56611": { - "content": "쬒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56612": { - "content": "颐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56613": { - "content": "廑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56614": { - "content": "낾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56615": { - "content": "因", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56616": { - "content": "竦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56617": { - "content": "퓓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56618": { - "content": "集", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56619": { - "content": "굀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56620": { - "content": "쭥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56621": { - "content": "푨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56622": { - "content": "뽕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56623": { - "content": "簟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56624": { - "content": "陋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56625": { - "content": "啰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56626": { - "content": "撿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56627": { - "content": "鲴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56628": { - "content": "諒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56629": { - "content": "猋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56630": { - "content": "놑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56631": { - "content": "嘿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56632": { - "content": "玻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56633": { - "content": "퓠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56634": { - "content": "瞟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56635": { - "content": "뭊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56636": { - "content": "网", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56637": { - "content": "궻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56638": { - "content": "틈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56639": { - "content": "돮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56640": { - "content": "艅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56641": { - "content": "컐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56642": { - "content": "颥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56643": { - "content": "偈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56644": { - "content": "윆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56645": { - "content": "筹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56646": { - "content": "ュ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56647": { - "content": "몖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56648": { - "content": "柳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56649": { - "content": "긔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56650": { - "content": "浭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56651": { - "content": "롻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56652": { - "content": "텀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56653": { - "content": "蠡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56654": { - "content": "ə", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56655": { - "content": "ढ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56656": { - "content": "쏤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56657": { - "content": "읶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56658": { - "content": "씟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56659": { - "content": "绑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56660": { - "content": "碏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56661": { - "content": "빿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56662": { - "content": "雑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56663": { - "content": "랚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56664": { - "content": "뙪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56665": { - "content": "콋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56666": { - "content": "졎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56667": { - "content": "ਭ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56668": { - "content": "썀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56669": { - "content": "푎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56670": { - "content": "蟑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56671": { - "content": "캖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56672": { - "content": "Ậ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56673": { - "content": "쀛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56674": { - "content": "到", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56675": { - "content": "Ỹ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56676": { - "content": "밦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56677": { - "content": "털", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56678": { - "content": "铫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56679": { - "content": "甁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56680": { - "content": "쌯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56681": { - "content": "傧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56682": { - "content": "쥬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56683": { - "content": "똧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56684": { - "content": "튷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56685": { - "content": "슆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56686": { - "content": "볙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56687": { - "content": "러", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56688": { - "content": "륩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56689": { - "content": "썛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56690": { - "content": "굿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56691": { - "content": "醑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56692": { - "content": "鑠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56693": { - "content": "燈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56694": { - "content": "刚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56695": { - "content": "狹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56696": { - "content": "뽱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56697": { - "content": "ઍ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56698": { - "content": "烁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56699": { - "content": "狸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56700": { - "content": "윛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56701": { - "content": "ઞ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56702": { - "content": "몧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56703": { - "content": "왪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56704": { - "content": "型", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56705": { - "content": "嫠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56706": { - "content": "棵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56707": { - "content": "崡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56708": { - "content": "ை", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56709": { - "content": "헽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56710": { - "content": "곫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56711": { - "content": "킸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56712": { - "content": "胸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56713": { - "content": "왠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56714": { - "content": "铭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56715": { - "content": "倒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56716": { - "content": "녁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56717": { - "content": "蔟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56718": { - "content": "뢆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56719": { - "content": "仉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56720": { - "content": "ೢ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56721": { - "content": "핔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56722": { - "content": "퍓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56723": { - "content": "봃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56724": { - "content": "혜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56725": { - "content": "ಏ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56726": { - "content": "馔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56727": { - "content": "윎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56728": { - "content": "幞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56729": { - "content": "蠛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56730": { - "content": "쵹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56731": { - "content": "梽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56732": { - "content": "쑥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56733": { - "content": "亓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56734": { - "content": "뛌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56735": { - "content": "찘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56736": { - "content": "숙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56737": { - "content": "텎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56738": { - "content": "搂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56739": { - "content": "뫒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56740": { - "content": "벟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56741": { - "content": "ﺡ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56742": { - "content": "埚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56743": { - "content": "盂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56744": { - "content": "顼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56745": { - "content": "α", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56746": { - "content": "紧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56747": { - "content": "쁩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56748": { - "content": "쐽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56749": { - "content": "쳀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56750": { - "content": "藥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56751": { - "content": "뗽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56752": { - "content": "듞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56753": { - "content": "앰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56754": { - "content": "്", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56755": { - "content": "쨁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56756": { - "content": "鯛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56757": { - "content": "砟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56758": { - "content": "蓊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56759": { - "content": "듕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56760": { - "content": "姈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56761": { - "content": "驹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56762": { - "content": "諮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56763": { - "content": "뚇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56764": { - "content": "빜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56765": { - "content": "迄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56766": { - "content": "뷴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56767": { - "content": "뢪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56768": { - "content": "崎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56769": { - "content": "뭆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56770": { - "content": "𥖨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56771": { - "content": "啶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56772": { - "content": "흤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56773": { - "content": "녛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56774": { - "content": "✖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56775": { - "content": "曌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56776": { - "content": "쾈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56777": { - "content": "틜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56778": { - "content": "삨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56779": { - "content": "劇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56780": { - "content": "줤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56781": { - "content": "걂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56782": { - "content": "볍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56783": { - "content": "諦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56784": { - "content": "叻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56785": { - "content": "뒤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56786": { - "content": "벤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56787": { - "content": "쩞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56788": { - "content": "叁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56789": { - "content": "젗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56790": { - "content": "앿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56791": { - "content": "쪝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56792": { - "content": "윌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56793": { - "content": "帕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56794": { - "content": "얫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56795": { - "content": "푽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56796": { - "content": "钲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56797": { - "content": "갎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56798": { - "content": "阳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56799": { - "content": "쇡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56800": { - "content": "쏓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56801": { - "content": "轾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56802": { - "content": "튵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56803": { - "content": "贳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56804": { - "content": "뜱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56805": { - "content": "츻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56806": { - "content": "沛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56807": { - "content": "쟓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56808": { - "content": "结", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56809": { - "content": "俏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56810": { - "content": "漉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56811": { - "content": "俣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56812": { - "content": "厚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56813": { - "content": "闩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56814": { - "content": "욟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56815": { - "content": "ヨ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56816": { - "content": "嵴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56817": { - "content": "诗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56818": { - "content": "딇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56819": { - "content": "쟤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56820": { - "content": "쪫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56821": { - "content": "م", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56822": { - "content": "爆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56823": { - "content": "悭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56824": { - "content": "婚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56825": { - "content": "欸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56826": { - "content": "證", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56827": { - "content": "菉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56828": { - "content": "꼄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56829": { - "content": "塾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56830": { - "content": "멝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56831": { - "content": "莞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56832": { - "content": "寝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56833": { - "content": "셚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56834": { - "content": "燼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56835": { - "content": "톂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56836": { - "content": "荼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56837": { - "content": "殄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56838": { - "content": "赢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56839": { - "content": "헀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56840": { - "content": "坪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56841": { - "content": "쟰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56842": { - "content": "뤔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56843": { - "content": "뻳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56844": { - "content": "넺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56845": { - "content": "쑢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56846": { - "content": "辙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56847": { - "content": "핳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56848": { - "content": "턕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56849": { - "content": "쌠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56850": { - "content": "삍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56851": { - "content": "庼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56852": { - "content": "涸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56853": { - "content": "殿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56854": { - "content": "쐳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56855": { - "content": "滯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56856": { - "content": "逭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56857": { - "content": "푋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56858": { - "content": "븨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56859": { - "content": "湉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56860": { - "content": "흖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56861": { - "content": "풉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56862": { - "content": "轍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56863": { - "content": "굘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56864": { - "content": "婍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56865": { - "content": "룾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56866": { - "content": "ॆ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56867": { - "content": "쏀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56868": { - "content": "谠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56869": { - "content": "썦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56870": { - "content": "꾂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56871": { - "content": "饻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56872": { - "content": "眷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56873": { - "content": "찛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56874": { - "content": "빝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56875": { - "content": "擠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56876": { - "content": "瞇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56877": { - "content": "뎗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56878": { - "content": "廴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56879": { - "content": "岢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56880": { - "content": "७", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56881": { - "content": "谟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56882": { - "content": "篥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56883": { - "content": "魍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56884": { - "content": "솙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56885": { - "content": "푪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56886": { - "content": "옙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56887": { - "content": "쫓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56888": { - "content": "숆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56889": { - "content": "唐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56890": { - "content": "眩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56891": { - "content": "즩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56892": { - "content": "빮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56893": { - "content": "뛃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56894": { - "content": "స", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56895": { - "content": "ホ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56896": { - "content": "邀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56897": { - "content": "邦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56898": { - "content": "挛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56899": { - "content": "생", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56900": { - "content": "쾑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56901": { - "content": "戥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56902": { - "content": "裤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56903": { - "content": "垾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56904": { - "content": "炜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56905": { - "content": "홀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56906": { - "content": "垂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56907": { - "content": "除", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56908": { - "content": "官", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56909": { - "content": "퐸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56910": { - "content": "큢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56911": { - "content": "ो", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56912": { - "content": "綸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56913": { - "content": "킜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56914": { - "content": "规", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56915": { - "content": "돡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56916": { - "content": "峿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56917": { - "content": "偌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56918": { - "content": "励", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56919": { - "content": "건", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56920": { - "content": "豮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56921": { - "content": "젪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56922": { - "content": "턈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56923": { - "content": "벧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56924": { - "content": "疼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56925": { - "content": "핐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56926": { - "content": "쟨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56927": { - "content": "횼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56928": { - "content": "廁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56929": { - "content": "뚻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56930": { - "content": "폥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56931": { - "content": "ر", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56932": { - "content": "겫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56933": { - "content": "卤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56934": { - "content": "ش", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56935": { - "content": "悸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56936": { - "content": "퀥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56937": { - "content": "졆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56938": { - "content": "从", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56939": { - "content": "蒸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56940": { - "content": "邂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56941": { - "content": "땡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56942": { - "content": "疳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56943": { - "content": "뜽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56944": { - "content": "헤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56945": { - "content": "밡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56946": { - "content": "阜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56947": { - "content": "罽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56948": { - "content": "쏗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56949": { - "content": "읗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56950": { - "content": "鐵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56951": { - "content": "ؑ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56952": { - "content": "퇟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56953": { - "content": "鋇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56954": { - "content": "넲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56955": { - "content": "庶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56956": { - "content": "噸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56957": { - "content": "넼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56958": { - "content": "왔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56959": { - "content": "톼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56960": { - "content": "툀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56961": { - "content": "뒘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56962": { - "content": "娅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56963": { - "content": "指", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56964": { - "content": "칓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56965": { - "content": "웉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56966": { - "content": "帨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56967": { - "content": "Ạ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56968": { - "content": "终", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56969": { - "content": "掟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56970": { - "content": "닄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56971": { - "content": "、", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56972": { - "content": "脆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56973": { - "content": "쏹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56974": { - "content": "峧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56975": { - "content": "ठ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56976": { - "content": "쑺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56977": { - "content": "谤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56978": { - "content": "툍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56979": { - "content": "찼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56980": { - "content": "碍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56981": { - "content": "윓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56982": { - "content": "ੜ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56983": { - "content": "ஏ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56984": { - "content": "砰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56985": { - "content": "檳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56986": { - "content": "퓜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56987": { - "content": "鳏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56988": { - "content": "䶮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56989": { - "content": "볂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56990": { - "content": "뒕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56991": { - "content": "싶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56992": { - "content": "왉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56993": { - "content": "붯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56994": { - "content": "朦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56995": { - "content": "퉋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56996": { - "content": "꿾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56997": { - "content": "坤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56998": { - "content": "滴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "56999": { - "content": "숍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57000": { - "content": "큻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57001": { - "content": "۴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57002": { - "content": "ؘ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57003": { - "content": "흩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57004": { - "content": "컫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57005": { - "content": "퍡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57006": { - "content": "믲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57007": { - "content": "铅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57008": { - "content": "쮣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57009": { - "content": "꿖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57010": { - "content": "멂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57011": { - "content": "닗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57012": { - "content": "Β", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57013": { - "content": "첶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57014": { - "content": "픦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57015": { - "content": "뺝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57016": { - "content": "萩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57017": { - "content": "컺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57018": { - "content": "価", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57019": { - "content": "령", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57020": { - "content": "뚟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57021": { - "content": "슔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57022": { - "content": "哳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57023": { - "content": "볜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57024": { - "content": "骘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57025": { - "content": "闘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57026": { - "content": "泜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57027": { - "content": "脈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57028": { - "content": "틢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57029": { - "content": "០", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57030": { - "content": "痿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57031": { - "content": "工", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57032": { - "content": "출", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57033": { - "content": "륂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57034": { - "content": "ઙ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57035": { - "content": "뱝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57036": { - "content": "궇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57037": { - "content": "妒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57038": { - "content": "뛇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57039": { - "content": "ળ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57040": { - "content": "ว", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57041": { - "content": "郚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57042": { - "content": "턁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57043": { - "content": "쌲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57044": { - "content": "〉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57045": { - "content": "쌱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57046": { - "content": "ൽ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57047": { - "content": "ݓ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57048": { - "content": "烛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57049": { - "content": "뤺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57050": { - "content": "氷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57051": { - "content": "அ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57052": { - "content": "横", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57053": { - "content": "겿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57054": { - "content": "ṭ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57055": { - "content": "원", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57056": { - "content": "丐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57057": { - "content": "뵘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57058": { - "content": "蓬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57059": { - "content": "렏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57060": { - "content": "繕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57061": { - "content": "煒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57062": { - "content": "왢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57063": { - "content": "棓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57064": { - "content": "컘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57065": { - "content": "顧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57066": { - "content": "騙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57067": { - "content": "镠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57068": { - "content": "𬳶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57069": { - "content": "듔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57070": { - "content": "쉍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57071": { - "content": "ൃ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57072": { - "content": "縝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57073": { - "content": "귪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57074": { - "content": "拷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57075": { - "content": "뢾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57076": { - "content": "퀠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57077": { - "content": "뙿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57078": { - "content": "鰥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57079": { - "content": "狷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57080": { - "content": "탾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57081": { - "content": "쏈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57082": { - "content": "뮀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57083": { - "content": "浆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57084": { - "content": "嘀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57085": { - "content": "錫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57086": { - "content": "懲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57087": { - "content": "茄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57088": { - "content": "겪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57089": { - "content": "ۃ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57090": { - "content": "픘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57091": { - "content": "녪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57092": { - "content": "댘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57093": { - "content": "줗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57094": { - "content": "挂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57095": { - "content": "뻟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57096": { - "content": "돿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57097": { - "content": "퉒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57098": { - "content": "屛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57099": { - "content": "痰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57100": { - "content": "హ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57101": { - "content": "댶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57102": { - "content": "牂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57103": { - "content": "릂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57104": { - "content": "圾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57105": { - "content": "꽿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57106": { - "content": "뙀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57107": { - "content": "修", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57108": { - "content": "퉟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57109": { - "content": "榉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57110": { - "content": "벪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57111": { - "content": "뻨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57112": { - "content": "쥤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57113": { - "content": "쀥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57114": { - "content": "芄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57115": { - "content": "釵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57116": { - "content": "К", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57117": { - "content": "撑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57118": { - "content": "㙦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57119": { - "content": "롤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57120": { - "content": "๒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57121": { - "content": "퓃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57122": { - "content": "빟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57123": { - "content": "훝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57124": { - "content": "뮙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57125": { - "content": "향", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57126": { - "content": "뇏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57127": { - "content": "榜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57128": { - "content": "볬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57129": { - "content": "븛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57130": { - "content": "뇎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57131": { - "content": "끯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57132": { - "content": "승", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57133": { - "content": "叛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57134": { - "content": "涍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57135": { - "content": "评", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57136": { - "content": "뽀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57137": { - "content": "脸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57138": { - "content": "栾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57139": { - "content": "퓚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57140": { - "content": "隺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57141": { - "content": "啼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57142": { - "content": "묠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57143": { - "content": "ㅅ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57144": { - "content": "뇬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57145": { - "content": "執", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57146": { - "content": "즐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57147": { - "content": "装", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57148": { - "content": "떰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57149": { - "content": "噼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57150": { - "content": "坐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57151": { - "content": "쒒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57152": { - "content": "벾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57153": { - "content": "封", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57154": { - "content": "멈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57155": { - "content": "結", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57156": { - "content": "玶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57157": { - "content": "奴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57158": { - "content": "位", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57159": { - "content": "몓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57160": { - "content": "胣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57161": { - "content": "倆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57162": { - "content": "픚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57163": { - "content": "歐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57164": { - "content": "箧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57165": { - "content": "롵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57166": { - "content": "뾆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57167": { - "content": "癢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57168": { - "content": "鏃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57169": { - "content": "锢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57170": { - "content": "ો", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57171": { - "content": "숽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57172": { - "content": "쓨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57173": { - "content": "蜉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57174": { - "content": "쩷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57175": { - "content": "곬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57176": { - "content": "絢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57177": { - "content": "렎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57178": { - "content": "놃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57179": { - "content": "청", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57180": { - "content": "伣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57181": { - "content": "쫏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57182": { - "content": "贝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57183": { - "content": "ヶ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57184": { - "content": "籌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57185": { - "content": "퉕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57186": { - "content": "玘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57187": { - "content": "뇪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57188": { - "content": "쪕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57189": { - "content": "叽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57190": { - "content": "颊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57191": { - "content": "ๅ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57192": { - "content": "梼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57193": { - "content": "腠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57194": { - "content": "異", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57195": { - "content": "퀵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57196": { - "content": "龟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57197": { - "content": "쪤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57198": { - "content": "뒄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57199": { - "content": "瑭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57200": { - "content": "毚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57201": { - "content": "躲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57202": { - "content": "백", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57203": { - "content": "首", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57204": { - "content": "傲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57205": { - "content": "켓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57206": { - "content": "冰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57207": { - "content": "紙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57208": { - "content": "纴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57209": { - "content": "쟞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57210": { - "content": "纛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57211": { - "content": "菓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57212": { - "content": "𬺣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57213": { - "content": "묟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57214": { - "content": "쎗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57215": { - "content": "뱴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57216": { - "content": "匜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57217": { - "content": "带", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57218": { - "content": "엯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57219": { - "content": "躡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57220": { - "content": "쌚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57221": { - "content": "珊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57222": { - "content": "刮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57223": { - "content": "떈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57224": { - "content": "峃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57225": { - "content": "纪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57226": { - "content": "褒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57227": { - "content": "앓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57228": { - "content": "튪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57229": { - "content": "儀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57230": { - "content": "๖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57231": { - "content": "萣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57232": { - "content": "卡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57233": { - "content": "捲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57234": { - "content": "骣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57235": { - "content": "휞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57236": { - "content": "쟗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57237": { - "content": "愴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57238": { - "content": "攤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57239": { - "content": "溢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57240": { - "content": "ど", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57241": { - "content": "Ṇ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57242": { - "content": "瓮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57243": { - "content": "鳊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57244": { - "content": "럤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57245": { - "content": "싗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57246": { - "content": "磊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57247": { - "content": "휁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57248": { - "content": "껤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57249": { - "content": "晷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57250": { - "content": "촔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57251": { - "content": "禛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57252": { - "content": "娓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57253": { - "content": "铗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57254": { - "content": "标", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57255": { - "content": "オ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57256": { - "content": "咂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57257": { - "content": "齧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57258": { - "content": "뎁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57259": { - "content": "삵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57260": { - "content": "酆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57261": { - "content": "짮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57262": { - "content": "쵙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57263": { - "content": "쇖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57264": { - "content": "멚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57265": { - "content": "実", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57266": { - "content": "튒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57267": { - "content": "钰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57268": { - "content": "솨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57269": { - "content": "鸮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57270": { - "content": "邓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57271": { - "content": "뵍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57272": { - "content": "렰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57273": { - "content": "쟔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57274": { - "content": "뀈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57275": { - "content": "뱂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57276": { - "content": "䓛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57277": { - "content": "딳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57278": { - "content": "펧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57279": { - "content": "蠅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57280": { - "content": "辘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57281": { - "content": "퀧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57282": { - "content": "켶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57283": { - "content": "畴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57284": { - "content": "渗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57285": { - "content": "縣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57286": { - "content": "閾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57287": { - "content": "딦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57288": { - "content": "뉗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57289": { - "content": "쉄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57290": { - "content": "𨟠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57291": { - "content": "止", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57292": { - "content": "橞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57293": { - "content": "澌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57294": { - "content": "롿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57295": { - "content": "쯍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57296": { - "content": "폹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57297": { - "content": "椑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57298": { - "content": "耥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57299": { - "content": "鳔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57300": { - "content": "슈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57301": { - "content": "뺌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57302": { - "content": "쩔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57303": { - "content": "Ẫ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57304": { - "content": "鞘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57305": { - "content": "멕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57306": { - "content": "즈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57307": { - "content": "꺮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57308": { - "content": "뇑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57309": { - "content": "쯎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57310": { - "content": "𫭼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57311": { - "content": "媭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57312": { - "content": "臆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57313": { - "content": "砜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57314": { - "content": "剎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57315": { - "content": "퀔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57316": { - "content": "误", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57317": { - "content": "녙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57318": { - "content": "洽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57319": { - "content": "谕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57320": { - "content": "묇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57321": { - "content": "ữ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57322": { - "content": "锺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57323": { - "content": "望", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57324": { - "content": "痼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57325": { - "content": "腹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57326": { - "content": "蝾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57327": { - "content": "珌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57328": { - "content": "ㅕ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57329": { - "content": "윮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57330": { - "content": "숅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57331": { - "content": "蝴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57332": { - "content": "鲈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57333": { - "content": "觖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57334": { - "content": "긳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57335": { - "content": "킱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57336": { - "content": "땨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57337": { - "content": "귘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57338": { - "content": "쩫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57339": { - "content": "祎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57340": { - "content": "벮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57341": { - "content": "쟆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57342": { - "content": "秃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57343": { - "content": "脞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57344": { - "content": "黹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57345": { - "content": "䴕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57346": { - "content": "릈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57347": { - "content": "廓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57348": { - "content": "륗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57349": { - "content": "砝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57350": { - "content": "믥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57351": { - "content": "쩃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57352": { - "content": "딕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57353": { - "content": "뚾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57354": { - "content": "쟧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57355": { - "content": "횢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57356": { - "content": "뤌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57357": { - "content": "넢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57358": { - "content": "톿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57359": { - "content": "낞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57360": { - "content": "両", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57361": { - "content": "뉣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57362": { - "content": "쟅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57363": { - "content": "ڱ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57364": { - "content": "礬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57365": { - "content": "億", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57366": { - "content": "퐏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57367": { - "content": "깾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57368": { - "content": "녦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57369": { - "content": "즯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57370": { - "content": "馘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57371": { - "content": "办", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57372": { - "content": "蒻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57373": { - "content": "첢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57374": { - "content": "卯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57375": { - "content": "攆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57376": { - "content": "쌑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57377": { - "content": "൮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57378": { - "content": "푤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57379": { - "content": "読", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57380": { - "content": "눥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57381": { - "content": "쾇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57382": { - "content": "흙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57383": { - "content": "듷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57384": { - "content": "쾽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57385": { - "content": "좿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57386": { - "content": "诔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57387": { - "content": "握", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57388": { - "content": "荸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57389": { - "content": "肤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57390": { - "content": "뽨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57391": { - "content": "퇂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57392": { - "content": "漪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57393": { - "content": "抑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57394": { - "content": "옇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57395": { - "content": "色", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57396": { - "content": "퉡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57397": { - "content": "꾛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57398": { - "content": "據", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57399": { - "content": "뎃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57400": { - "content": "淫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57401": { - "content": "ਗ਼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57402": { - "content": "俅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57403": { - "content": "搆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57404": { - "content": "螫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57405": { - "content": "ద", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57406": { - "content": "땘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57407": { - "content": "퐠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57408": { - "content": "窬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57409": { - "content": "됬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57410": { - "content": "뼟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57411": { - "content": "풷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57412": { - "content": "堲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57413": { - "content": "碁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57414": { - "content": "朝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57415": { - "content": "忿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57416": { - "content": "厮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57417": { - "content": "枧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57418": { - "content": "큱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57419": { - "content": "征", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57420": { - "content": "與", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57421": { - "content": "뱭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57422": { - "content": "ڏ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57423": { - "content": "엤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57424": { - "content": "뮄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57425": { - "content": "ݰ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57426": { - "content": "凇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57427": { - "content": "媖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57428": { - "content": "δ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57429": { - "content": "펬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57430": { - "content": "平", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57431": { - "content": "빰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57432": { - "content": "均", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57433": { - "content": "孱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57434": { - "content": "討", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57435": { - "content": "瀱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57436": { - "content": "쇍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57437": { - "content": "設", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57438": { - "content": "읻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57439": { - "content": "ృ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57440": { - "content": "寤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57441": { - "content": "點", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57442": { - "content": "ㅡ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57443": { - "content": "맕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57444": { - "content": "硇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57445": { - "content": "通", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57446": { - "content": "걾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57447": { - "content": "틦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57448": { - "content": "撄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57449": { - "content": "돛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57450": { - "content": "硒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57451": { - "content": "쏫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57452": { - "content": "左", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57453": { - "content": "ऩ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57454": { - "content": "娆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57455": { - "content": "壑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57456": { - "content": "蛘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57457": { - "content": "篷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57458": { - "content": "룍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57459": { - "content": "퐘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57460": { - "content": "૮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57461": { - "content": "ึ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57462": { - "content": "胙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57463": { - "content": "蹼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57464": { - "content": "픐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57465": { - "content": "ㅫ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57466": { - "content": "偰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57467": { - "content": "就", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57468": { - "content": "𫐐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57469": { - "content": "埤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57470": { - "content": "曈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57471": { - "content": "튡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57472": { - "content": "咭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57473": { - "content": "蒟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57474": { - "content": "傻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57475": { - "content": "艚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57476": { - "content": "賴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57477": { - "content": "뒡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57478": { - "content": "봥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57479": { - "content": "뚮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57480": { - "content": "؅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57481": { - "content": "ਾ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57482": { - "content": "욇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57483": { - "content": "𫚖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57484": { - "content": "쬧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57485": { - "content": "钴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57486": { - "content": "퀣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57487": { - "content": "仇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57488": { - "content": "洣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57489": { - "content": "뾳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57490": { - "content": "ఔ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57491": { - "content": "墒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57492": { - "content": "졛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57493": { - "content": "瀨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57494": { - "content": "벅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57495": { - "content": "犍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57496": { - "content": "便", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57497": { - "content": "ೀ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57498": { - "content": "綻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57499": { - "content": "쎒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57500": { - "content": "于", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57501": { - "content": "聃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57502": { - "content": "갭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57503": { - "content": "罂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57504": { - "content": "쪞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57505": { - "content": "욝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57506": { - "content": "셉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57507": { - "content": "驲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57508": { - "content": "藐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57509": { - "content": "敵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57510": { - "content": "腮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57511": { - "content": "쟖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57512": { - "content": "阑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57513": { - "content": "嶄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57514": { - "content": "௬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57515": { - "content": "繭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57516": { - "content": "鴕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57517": { - "content": "洙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57518": { - "content": "单", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57519": { - "content": "饰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57520": { - "content": "뮽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57521": { - "content": "핲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57522": { - "content": "熒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57523": { - "content": "谖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57524": { - "content": "刪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57525": { - "content": "뢳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57526": { - "content": "읱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57527": { - "content": "뗳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57528": { - "content": "擦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57529": { - "content": "쇎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57530": { - "content": "컂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57531": { - "content": "걌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57532": { - "content": "爪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57533": { - "content": "피", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57534": { - "content": "쪐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57535": { - "content": "뇠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57536": { - "content": "킬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57537": { - "content": "륫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57538": { - "content": "켽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57539": { - "content": "妧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57540": { - "content": "뾏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57541": { - "content": "삿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57542": { - "content": "뜪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57543": { - "content": "혥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57544": { - "content": "芙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57545": { - "content": "냂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57546": { - "content": "蛰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57547": { - "content": "棫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57548": { - "content": "뵨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57549": { - "content": "𫷷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57550": { - "content": "跡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57551": { - "content": "杳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57552": { - "content": "픀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57553": { - "content": "읂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57554": { - "content": "鴣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57555": { - "content": "펻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57556": { - "content": "쁵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57557": { - "content": "놪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57558": { - "content": "种", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57559": { - "content": "꾓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57560": { - "content": "윉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57561": { - "content": "硖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57562": { - "content": "还", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57563": { - "content": "渥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57564": { - "content": "蝈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57565": { - "content": "귴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57566": { - "content": "瘅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57567": { - "content": "휦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57568": { - "content": "疔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57569": { - "content": "槐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57570": { - "content": "댗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57571": { - "content": "뽣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57572": { - "content": "猯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57573": { - "content": "殚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57574": { - "content": "왧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57575": { - "content": "ឆ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57576": { - "content": "芸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57577": { - "content": "퍑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57578": { - "content": "瑄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57579": { - "content": "釭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57580": { - "content": "헼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57581": { - "content": "贼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57582": { - "content": "橡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57583": { - "content": "坌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57584": { - "content": "곈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57585": { - "content": "몛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57586": { - "content": "勲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57587": { - "content": "篯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57588": { - "content": "钣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57589": { - "content": "닽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57590": { - "content": "펷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57591": { - "content": "澧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57592": { - "content": "压", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57593": { - "content": "닟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57594": { - "content": "宕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57595": { - "content": "詬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57596": { - "content": "唖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57597": { - "content": "쑴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57598": { - "content": "쭳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57599": { - "content": "退", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57600": { - "content": "辒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57601": { - "content": "녑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57602": { - "content": "௺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57603": { - "content": "샼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57604": { - "content": "뵓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57605": { - "content": "昊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57606": { - "content": "룱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57607": { - "content": "쿉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57608": { - "content": "쭴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57609": { - "content": "금", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57610": { - "content": "젨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57611": { - "content": "肅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57612": { - "content": "炉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57613": { - "content": "뿊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57614": { - "content": "렊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57615": { - "content": "곆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57616": { - "content": "澠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57617": { - "content": "ض", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57618": { - "content": "뀂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57619": { - "content": "놀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57620": { - "content": "빥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57621": { - "content": "治", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57622": { - "content": "圆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57623": { - "content": "ǰ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57624": { - "content": "靥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57625": { - "content": "肠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57626": { - "content": "速", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57627": { - "content": "숥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57628": { - "content": "淬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57629": { - "content": "啥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57630": { - "content": "둟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57631": { - "content": "蹁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57632": { - "content": "馋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57633": { - "content": "ڤ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57634": { - "content": "꼛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57635": { - "content": "笳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57636": { - "content": "赐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57637": { - "content": "짊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57638": { - "content": "휭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57639": { - "content": "公", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57640": { - "content": "굽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57641": { - "content": "锪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57642": { - "content": "籟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57643": { - "content": "羞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57644": { - "content": "搌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57645": { - "content": "庾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57646": { - "content": "穏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57647": { - "content": "탥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57648": { - "content": "异", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57649": { - "content": "孃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57650": { - "content": "榔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57651": { - "content": "팯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57652": { - "content": "莖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57653": { - "content": "畢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57654": { - "content": "柘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57655": { - "content": "錾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57656": { - "content": "எ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57657": { - "content": "献", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57658": { - "content": "븤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57659": { - "content": "춎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57660": { - "content": "빉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57661": { - "content": "꾃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57662": { - "content": "茼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57663": { - "content": "횛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57664": { - "content": "젭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57665": { - "content": "葷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57666": { - "content": "吥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57667": { - "content": "𫑡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57668": { - "content": "蚣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57669": { - "content": "ഉ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57670": { - "content": "苾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57671": { - "content": "攒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57672": { - "content": "傚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57673": { - "content": "逄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57674": { - "content": "悪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57675": { - "content": "픠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57676": { - "content": "侮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57677": { - "content": "夕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57678": { - "content": "斋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57679": { - "content": "뒴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57680": { - "content": "쟯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57681": { - "content": "罄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57682": { - "content": "﨑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57683": { - "content": "邻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57684": { - "content": "哭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57685": { - "content": "嘔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57686": { - "content": "沼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57687": { - "content": "뗯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57688": { - "content": "睾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57689": { - "content": "큰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57690": { - "content": "얈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57691": { - "content": "엮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57692": { - "content": "𫐄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57693": { - "content": "ۂ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57694": { - "content": "翘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57695": { - "content": "訾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57696": { - "content": "ഐ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57697": { - "content": "뭟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57698": { - "content": "緹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57699": { - "content": "잠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57700": { - "content": "꾨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57701": { - "content": "В", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57702": { - "content": "걈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57703": { - "content": "諛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57704": { - "content": "ݑ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57705": { - "content": "읁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57706": { - "content": "椽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57707": { - "content": "赞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57708": { - "content": "륔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57709": { - "content": "牛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57710": { - "content": "堀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57711": { - "content": "戈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57712": { - "content": "둇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57713": { - "content": "츕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57714": { - "content": "챆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57715": { - "content": "カ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57716": { - "content": "农", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57717": { - "content": "颎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57718": { - "content": "롧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57719": { - "content": "넭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57720": { - "content": "濯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57721": { - "content": "쾲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57722": { - "content": "쇋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57723": { - "content": "싍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57724": { - "content": "킗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57725": { - "content": "뺮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57726": { - "content": "臓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57727": { - "content": "톄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57728": { - "content": "뗧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57729": { - "content": "歳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57730": { - "content": "依", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57731": { - "content": "廊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57732": { - "content": "틓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57733": { - "content": "峱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57734": { - "content": "뭠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57735": { - "content": "袭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57736": { - "content": "뒨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57737": { - "content": "퍯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57738": { - "content": "웜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57739": { - "content": "箄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57740": { - "content": "奈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57741": { - "content": "餉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57742": { - "content": "쳚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57743": { - "content": "傕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57744": { - "content": "ݯ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57745": { - "content": "칣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57746": { - "content": "늠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57747": { - "content": "檗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57748": { - "content": "叠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57749": { - "content": "銭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57750": { - "content": "ハ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57751": { - "content": "抽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57752": { - "content": "ら", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57753": { - "content": "힝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57754": { - "content": "뀃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57755": { - "content": "ح", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57756": { - "content": "몿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57757": { - "content": "氩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57758": { - "content": "꺉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57759": { - "content": "矫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57760": { - "content": "퉯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57761": { - "content": "镁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57762": { - "content": "ু", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57763": { - "content": "볔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57764": { - "content": "턮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57765": { - "content": "剴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57766": { - "content": "ਬ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57767": { - "content": "捺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57768": { - "content": "뙋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57769": { - "content": "ឣ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57770": { - "content": "쬍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57771": { - "content": "랝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57772": { - "content": "깲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57773": { - "content": "륕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57774": { - "content": "橙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57775": { - "content": "풌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57776": { - "content": "쎩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57777": { - "content": "댩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57778": { - "content": "毁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57779": { - "content": "캃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57780": { - "content": "ق", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57781": { - "content": "熔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57782": { - "content": "壢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57783": { - "content": "뒉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57784": { - "content": "紛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57785": { - "content": "诺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57786": { - "content": "蚯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57787": { - "content": "큲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57788": { - "content": "煁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57789": { - "content": "횚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57790": { - "content": "뼯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57791": { - "content": "벁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57792": { - "content": "周", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57793": { - "content": "곊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57794": { - "content": "눕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57795": { - "content": "点", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57796": { - "content": "콖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57797": { - "content": "陧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57798": { - "content": "곯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57799": { - "content": "섲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57800": { - "content": "戦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57801": { - "content": "씪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57802": { - "content": "됷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57803": { - "content": "筍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57804": { - "content": "贸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57805": { - "content": "共", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57806": { - "content": "쏺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57807": { - "content": "蕪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57808": { - "content": "猢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57809": { - "content": "绍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57810": { - "content": "팇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57811": { - "content": "겎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57812": { - "content": "鳠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57813": { - "content": "쮞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57814": { - "content": "呦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57815": { - "content": "庁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57816": { - "content": "뚅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57817": { - "content": "욕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57818": { - "content": "둿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57819": { - "content": "샻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57820": { - "content": "芼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57821": { - "content": "꾞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57822": { - "content": "訃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57823": { - "content": "姨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57824": { - "content": "洳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57825": { - "content": "暁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57826": { - "content": "쀑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57827": { - "content": "畚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57828": { - "content": "꾙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57829": { - "content": "깂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57830": { - "content": "諜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57831": { - "content": "讷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57832": { - "content": "诮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57833": { - "content": "碎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57834": { - "content": "즵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57835": { - "content": "簕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57836": { - "content": "홙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57837": { - "content": "뭄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57838": { - "content": "쮊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57839": { - "content": "툸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57840": { - "content": "뻋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57841": { - "content": "蛮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57842": { - "content": "禀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57843": { - "content": "嫖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57844": { - "content": "ఙ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57845": { - "content": "뫺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57846": { - "content": "皺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57847": { - "content": "ч", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57848": { - "content": "惰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57849": { - "content": "響", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57850": { - "content": "폑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57851": { - "content": "괘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57852": { - "content": "챧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57853": { - "content": "냼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57854": { - "content": "仝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57855": { - "content": "𫗴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57856": { - "content": "퓨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57857": { - "content": "꽃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57858": { - "content": "헦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57859": { - "content": "疲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57860": { - "content": "塢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57861": { - "content": "쳴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57862": { - "content": "뉉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57863": { - "content": "饩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57864": { - "content": "챸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57865": { - "content": "몇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57866": { - "content": "풋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57867": { - "content": "怒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57868": { - "content": "졺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57869": { - "content": "쵰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57870": { - "content": "帻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57871": { - "content": "畳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57872": { - "content": "饵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57873": { - "content": "딀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57874": { - "content": "쾝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57875": { - "content": "谝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57876": { - "content": "馏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57877": { - "content": "梗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57878": { - "content": "㌔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57879": { - "content": "怕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57880": { - "content": "렟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57881": { - "content": "걧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57882": { - "content": "痺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57883": { - "content": "д", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57884": { - "content": "뤆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57885": { - "content": "븅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57886": { - "content": "ਲ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57887": { - "content": "맧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57888": { - "content": "쬱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57889": { - "content": "퇍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57890": { - "content": "霉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57891": { - "content": "唇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57892": { - "content": "漾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57893": { - "content": "냥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57894": { - "content": "杷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57895": { - "content": "媪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57896": { - "content": "꿨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57897": { - "content": "냣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57898": { - "content": "궫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57899": { - "content": "镳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57900": { - "content": "켡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57901": { - "content": "௶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57902": { - "content": "折", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57903": { - "content": "쐫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57904": { - "content": "탮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57905": { - "content": "ও", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57906": { - "content": "懃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57907": { - "content": "쇣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57908": { - "content": "飧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57909": { - "content": "㫰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57910": { - "content": "뛡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57911": { - "content": "둜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57912": { - "content": "吼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57913": { - "content": "形", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57914": { - "content": "陵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57915": { - "content": "옺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57916": { - "content": "埽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57917": { - "content": "롉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57918": { - "content": "눭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57919": { - "content": "甑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57920": { - "content": "濟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57921": { - "content": "۰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57922": { - "content": "痄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57923": { - "content": "킯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57924": { - "content": "슸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57925": { - "content": "쀅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57926": { - "content": "풭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57927": { - "content": "홸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57928": { - "content": "背", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57929": { - "content": "勋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57930": { - "content": "極", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57931": { - "content": "隳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57932": { - "content": "輦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57933": { - "content": "맰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57934": { - "content": "멹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57935": { - "content": "诖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57936": { - "content": "헝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57937": { - "content": "鏑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57938": { - "content": "ḍ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57939": { - "content": "뫏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57940": { - "content": "웇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57941": { - "content": "웆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57942": { - "content": "芣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57943": { - "content": "쁤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57944": { - "content": "꽙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57945": { - "content": "紕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57946": { - "content": "𬸘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57947": { - "content": "៶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57948": { - "content": "쬫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57949": { - "content": "弼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57950": { - "content": "蟯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57951": { - "content": "텂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57952": { - "content": "洹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57953": { - "content": "攣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57954": { - "content": "毂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57955": { - "content": "쎄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57956": { - "content": "샧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57957": { - "content": "쒊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57958": { - "content": "싙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57959": { - "content": "맹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57960": { - "content": "大", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57961": { - "content": "죓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57962": { - "content": "븇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57963": { - "content": "厘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57964": { - "content": "姐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57965": { - "content": "뵥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57966": { - "content": "炎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57967": { - "content": "퉴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57968": { - "content": "꾸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57969": { - "content": "헍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57970": { - "content": "鸟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57971": { - "content": "椴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57972": { - "content": "钝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57973": { - "content": "抢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57974": { - "content": "郊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57975": { - "content": "쟑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57976": { - "content": "톧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57977": { - "content": "墨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57978": { - "content": "섊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57979": { - "content": "龄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57980": { - "content": "疰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57981": { - "content": "裙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57982": { - "content": "텅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57983": { - "content": "웺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57984": { - "content": "۽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57985": { - "content": "瓚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57986": { - "content": "긢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57987": { - "content": "纾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57988": { - "content": "ٌ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57989": { - "content": "먻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57990": { - "content": "惬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57991": { - "content": "걇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57992": { - "content": "换", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57993": { - "content": "돷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57994": { - "content": "쎎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57995": { - "content": "츺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57996": { - "content": "쿜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57997": { - "content": "妪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57998": { - "content": "霞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "57999": { - "content": "轧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58000": { - "content": "뿡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58001": { - "content": "뮎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58002": { - "content": "윥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58003": { - "content": "짒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58004": { - "content": "급", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58005": { - "content": "ઁ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58006": { - "content": "ீ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58007": { - "content": "酗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58008": { - "content": "渲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58009": { - "content": "瓘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58010": { - "content": "枨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58011": { - "content": "迦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58012": { - "content": "뛽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58013": { - "content": "国", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58014": { - "content": "痦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58015": { - "content": "ه", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58016": { - "content": "졲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58017": { - "content": "쒵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58018": { - "content": "琛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58019": { - "content": "勐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58020": { - "content": "톁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58021": { - "content": "乗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58022": { - "content": "政", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58023": { - "content": "栃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58024": { - "content": "幣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58025": { - "content": "髫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58026": { - "content": "鳴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58027": { - "content": "恙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58028": { - "content": "蜥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58029": { - "content": "연", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58030": { - "content": "쫁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58031": { - "content": "硿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58032": { - "content": "抆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58033": { - "content": "푻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58034": { - "content": "髹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58035": { - "content": "蓥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58036": { - "content": "撰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58037": { - "content": "띋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58038": { - "content": "钼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58039": { - "content": "ல", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58040": { - "content": "븳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58041": { - "content": "낤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58042": { - "content": "뫱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58043": { - "content": "ۅ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58044": { - "content": "볈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58045": { - "content": "祷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58046": { - "content": "黴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58047": { - "content": "컿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58048": { - "content": "끢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58049": { - "content": "패", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58050": { - "content": "肇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58051": { - "content": "劈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58052": { - "content": "贛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58053": { - "content": "澭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58054": { - "content": "耀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58055": { - "content": "沫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58056": { - "content": "첪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58057": { - "content": "軏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58058": { - "content": "庞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58059": { - "content": "怆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58060": { - "content": "宛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58061": { - "content": "늓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58062": { - "content": "냲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58063": { - "content": "茜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58064": { - "content": "쯔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58065": { - "content": "넖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58066": { - "content": "铿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58067": { - "content": "泣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58068": { - "content": "梨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58069": { - "content": "힗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58070": { - "content": "总", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58071": { - "content": "넦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58072": { - "content": "뻐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58073": { - "content": "쯃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58074": { - "content": "葫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58075": { - "content": "廝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58076": { - "content": "я", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58077": { - "content": "烘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58078": { - "content": "く", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58079": { - "content": "훵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58080": { - "content": "瞞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58081": { - "content": "깳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58082": { - "content": "瘭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58083": { - "content": "뒮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58084": { - "content": "컮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58085": { - "content": "洛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58086": { - "content": "룬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58087": { - "content": "覚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58088": { - "content": "溪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58089": { - "content": "릶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58090": { - "content": "渋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58091": { - "content": "꽼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58092": { - "content": "샞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58093": { - "content": "횹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58094": { - "content": "浩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58095": { - "content": "똅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58096": { - "content": "톰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58097": { - "content": "佳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58098": { - "content": "렇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58099": { - "content": "Φ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58100": { - "content": "豔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58101": { - "content": "얩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58102": { - "content": "찊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58103": { - "content": "쉏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58104": { - "content": "돘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58105": { - "content": "氛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58106": { - "content": "큚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58107": { - "content": "扊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58108": { - "content": "ㅙ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58109": { - "content": "뿤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58110": { - "content": "쯈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58111": { - "content": "쥦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58112": { - "content": "ொ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58113": { - "content": "铲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58114": { - "content": "メ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58115": { - "content": "쫻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58116": { - "content": "덜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58117": { - "content": "笆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58118": { - "content": "蒨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58119": { - "content": "곌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58120": { - "content": "꼬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58121": { - "content": "徽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58122": { - "content": "岙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58123": { - "content": "퓘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58124": { - "content": "耢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58125": { - "content": "ื", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58126": { - "content": "仙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58127": { - "content": "뫛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58128": { - "content": "병", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58129": { - "content": "웠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58130": { - "content": "贮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58131": { - "content": "픋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58132": { - "content": "흵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58133": { - "content": "沧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58134": { - "content": "뎋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58135": { - "content": "痔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58136": { - "content": "턻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58137": { - "content": "矢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58138": { - "content": "쥓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58139": { - "content": "싼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58140": { - "content": "옜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58141": { - "content": "妍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58142": { - "content": "鋰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58143": { - "content": "鷺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58144": { - "content": "쑇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58145": { - "content": "瘩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58146": { - "content": "绝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58147": { - "content": "ご", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58148": { - "content": "땭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58149": { - "content": "沔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58150": { - "content": "丢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58151": { - "content": "隸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58152": { - "content": "뼎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58153": { - "content": "竖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58154": { - "content": "括", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58155": { - "content": "뻲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58156": { - "content": "쨅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58157": { - "content": "홽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58158": { - "content": "딮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58159": { - "content": "뮂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58160": { - "content": "타", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58161": { - "content": "亨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58162": { - "content": "툲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58163": { - "content": "棂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58164": { - "content": "擱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58165": { - "content": "醯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58166": { - "content": "履", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58167": { - "content": "秋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58168": { - "content": "ブ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58169": { - "content": "塚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58170": { - "content": "쩹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58171": { - "content": "ப", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58172": { - "content": "죱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58173": { - "content": "ㄳ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58174": { - "content": "꿽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58175": { - "content": "फ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58176": { - "content": "뱖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58177": { - "content": "셇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58178": { - "content": "궵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58179": { - "content": "览", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58180": { - "content": "뮠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58181": { - "content": "욀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58182": { - "content": "塞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58183": { - "content": "猸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58184": { - "content": "ங", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58185": { - "content": "쮄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58186": { - "content": "繼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58187": { - "content": "튁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58188": { - "content": "塍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58189": { - "content": "夺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58190": { - "content": "餓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58191": { - "content": "杉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58192": { - "content": "쎕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58193": { - "content": "꺙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58194": { - "content": "춫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58195": { - "content": "닞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58196": { - "content": "芤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58197": { - "content": "盤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58198": { - "content": "聴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58199": { - "content": "炮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58200": { - "content": "键", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58201": { - "content": "짐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58202": { - "content": "諼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58203": { - "content": "돊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58204": { - "content": "슁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58205": { - "content": "䢼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58206": { - "content": "侉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58207": { - "content": "菔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58208": { - "content": "믏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58209": { - "content": "罱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58210": { - "content": "롄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58211": { - "content": "娘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58212": { - "content": "琏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58213": { - "content": "꿃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58214": { - "content": "噘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58215": { - "content": "狴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58216": { - "content": "뛪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58217": { - "content": "썶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58218": { - "content": "尜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58219": { - "content": "脩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58220": { - "content": "广", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58221": { - "content": "샖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58222": { - "content": "碥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58223": { - "content": "舖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58224": { - "content": "렺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58225": { - "content": "섧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58226": { - "content": "▪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58227": { - "content": "棒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58228": { - "content": "훶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58229": { - "content": "锕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58230": { - "content": "咄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58231": { - "content": "줃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58232": { - "content": "鏖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58233": { - "content": "鳛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58234": { - "content": "岞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58235": { - "content": "밤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58236": { - "content": "멦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58237": { - "content": "冻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58238": { - "content": "퐩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58239": { - "content": "벛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58240": { - "content": "긺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58241": { - "content": "삉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58242": { - "content": "쌍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58243": { - "content": "袼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58244": { - "content": "뽻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58245": { - "content": "쵧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58246": { - "content": "쒰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58247": { - "content": "徘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58248": { - "content": "귌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58249": { - "content": "恋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58250": { - "content": "픪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58251": { - "content": "컄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58252": { - "content": "즊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58253": { - "content": "佁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58254": { - "content": "츋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58255": { - "content": "助", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58256": { - "content": "।", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58257": { - "content": "爇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58258": { - "content": "궟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58259": { - "content": "崾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58260": { - "content": "涡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58261": { - "content": "쥪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58262": { - "content": "퉎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58263": { - "content": "꽔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58264": { - "content": "콀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58265": { - "content": "됐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58266": { - "content": "醅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58267": { - "content": "ਐ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58268": { - "content": "Я", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58269": { - "content": "녟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58270": { - "content": "Θ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58271": { - "content": "쓱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58272": { - "content": "〔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58273": { - "content": "죳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58274": { - "content": "腘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58275": { - "content": "섐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58276": { - "content": "碧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58277": { - "content": "草", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58278": { - "content": "女", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58279": { - "content": "왼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58280": { - "content": "綾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58281": { - "content": "쉨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58282": { - "content": "뎈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58283": { - "content": "씥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58284": { - "content": "溝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58285": { - "content": "늒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58286": { - "content": "鈞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58287": { - "content": "덵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58288": { - "content": "龃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58289": { - "content": "냗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58290": { - "content": "哥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58291": { - "content": "ബ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58292": { - "content": "颚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58293": { - "content": "쓅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58294": { - "content": "틍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58295": { - "content": "ㅹ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58296": { - "content": "訢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58297": { - "content": "卺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58298": { - "content": "똠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58299": { - "content": "狳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58300": { - "content": "۱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58301": { - "content": "봅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58302": { - "content": "肴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58303": { - "content": "퍧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58304": { - "content": "汐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58305": { - "content": "狩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58306": { - "content": "鬈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58307": { - "content": "𬌗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58308": { - "content": "匀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58309": { - "content": "史", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58310": { - "content": "鲣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58311": { - "content": "賻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58312": { - "content": "갼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58313": { - "content": "褪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58314": { - "content": "呀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58315": { - "content": "걚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58316": { - "content": "ǒ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58317": { - "content": "棪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58318": { - "content": "핵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58319": { - "content": "汼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58320": { - "content": "鲘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58321": { - "content": "퇑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58322": { - "content": "뙫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58323": { - "content": "캺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58324": { - "content": "儴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58325": { - "content": "๙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58326": { - "content": "뽭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58327": { - "content": "留", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58328": { - "content": "稟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58329": { - "content": "卓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58330": { - "content": "杗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58331": { - "content": "ఊ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58332": { - "content": "말", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58333": { - "content": "맵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58334": { - "content": "媧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58335": { - "content": "驥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58336": { - "content": "뫧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58337": { - "content": "镪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58338": { - "content": "췊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58339": { - "content": "揿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58340": { - "content": "೩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58341": { - "content": "问", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58342": { - "content": "빩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58343": { - "content": "쐰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58344": { - "content": "쩨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58345": { - "content": "룟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58346": { - "content": "췃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58347": { - "content": "눨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58348": { - "content": "뎻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58349": { - "content": "홢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58350": { - "content": "呪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58351": { - "content": "ឳ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58352": { - "content": "岂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58353": { - "content": "岁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58354": { - "content": "鹝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58355": { - "content": "튩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58356": { - "content": "뻂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58357": { - "content": "돣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58358": { - "content": "蝽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58359": { - "content": "뒔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58360": { - "content": "Н", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58361": { - "content": "킢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58362": { - "content": "饳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58363": { - "content": "븰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58364": { - "content": "胪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58365": { - "content": "ぬ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58366": { - "content": "詆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58367": { - "content": "믷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58368": { - "content": "젖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58369": { - "content": "텄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58370": { - "content": "셆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58371": { - "content": "먙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58372": { - "content": "쁅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58373": { - "content": "할", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58374": { - "content": "븀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58375": { - "content": "죄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58376": { - "content": "텐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58377": { - "content": "坽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58378": { - "content": "ル", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58379": { - "content": "觱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58380": { - "content": "ย", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58381": { - "content": "盪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58382": { - "content": "炤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58383": { - "content": "邺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58384": { - "content": "뱄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58385": { - "content": "檫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58386": { - "content": "젎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58387": { - "content": "罕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58388": { - "content": "됗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58389": { - "content": "翙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58390": { - "content": "뼳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58391": { - "content": "쁽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58392": { - "content": "퓄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58393": { - "content": "谐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58394": { - "content": "輌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58395": { - "content": "퇖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58396": { - "content": "哮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58397": { - "content": "둷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58398": { - "content": "좂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58399": { - "content": "染", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58400": { - "content": "넴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58401": { - "content": "皇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58402": { - "content": "낃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58403": { - "content": "剝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58404": { - "content": "绚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58405": { - "content": "േ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58406": { - "content": "壜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58407": { - "content": "녲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58408": { - "content": "퐾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58409": { - "content": "겧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58410": { - "content": "츊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58411": { - "content": "𥔲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58412": { - "content": "좽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58413": { - "content": "뇕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58414": { - "content": "뱊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58415": { - "content": "럷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58416": { - "content": "浟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58417": { - "content": "널", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58418": { - "content": "훼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58419": { - "content": "琡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58420": { - "content": "퍃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58421": { - "content": "풛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58422": { - "content": "黯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58423": { - "content": "붝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58424": { - "content": "㏄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58425": { - "content": "좣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58426": { - "content": "楼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58427": { - "content": "愐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58428": { - "content": "词", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58429": { - "content": "뻠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58430": { - "content": "썥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58431": { - "content": "骓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58432": { - "content": "씖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58433": { - "content": "뱾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58434": { - "content": "덙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58435": { - "content": "诙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58436": { - "content": "뻉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58437": { - "content": "폙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58438": { - "content": "満", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58439": { - "content": "돤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58440": { - "content": "뤈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58441": { - "content": "죪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58442": { - "content": "极", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58443": { - "content": "쿍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58444": { - "content": "阗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58445": { - "content": "꽜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58446": { - "content": "긤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58447": { - "content": "껚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58448": { - "content": "忆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58449": { - "content": "禽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58450": { - "content": "ア", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58451": { - "content": "浕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58452": { - "content": "놻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58453": { - "content": "씸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58454": { - "content": "젌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58455": { - "content": "션", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58456": { - "content": "骙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58457": { - "content": "좥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58458": { - "content": "뿃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58459": { - "content": "鍬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58460": { - "content": "뙗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58461": { - "content": "팑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58462": { - "content": "鏢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58463": { - "content": "셥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58464": { - "content": "踉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58465": { - "content": "诊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58466": { - "content": "唱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58467": { - "content": "폾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58468": { - "content": "뫊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58469": { - "content": "읰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58470": { - "content": "箱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58471": { - "content": "拠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58472": { - "content": "ф", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58473": { - "content": "럟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58474": { - "content": "뾬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58475": { - "content": "줖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58476": { - "content": "퇾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58477": { - "content": "挞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58478": { - "content": "礓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58479": { - "content": "ズ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58480": { - "content": "ٗ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58481": { - "content": "ऎ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58482": { - "content": "醚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58483": { - "content": "芩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58484": { - "content": "벩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58485": { - "content": "密", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58486": { - "content": "즳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58487": { - "content": "맺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58488": { - "content": "콾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58489": { - "content": "쪲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58490": { - "content": "帜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58491": { - "content": "걟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58492": { - "content": "ㄽ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58493": { - "content": "멽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58494": { - "content": "쉝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58495": { - "content": "ỉ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58496": { - "content": "먫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58497": { - "content": "죙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58498": { - "content": "냽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58499": { - "content": "赎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58500": { - "content": "옎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58501": { - "content": "휡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58502": { - "content": "픬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58503": { - "content": "冇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58504": { - "content": "刎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58505": { - "content": "윝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58506": { - "content": "炼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58507": { - "content": "눪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58508": { - "content": "贻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58509": { - "content": "폪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58510": { - "content": "ڽ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58511": { - "content": "沄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58512": { - "content": "高", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58513": { - "content": "먍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58514": { - "content": "罫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58515": { - "content": "鱽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58516": { - "content": "晔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58517": { - "content": "앴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58518": { - "content": "棁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58519": { - "content": "仪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58520": { - "content": "캲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58521": { - "content": "摟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58522": { - "content": "뎸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58523": { - "content": "ッ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58524": { - "content": "佛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58525": { - "content": "콨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58526": { - "content": "꼔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58527": { - "content": "偶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58528": { - "content": "陟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58529": { - "content": "몼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58530": { - "content": "쩌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58531": { - "content": "涕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58532": { - "content": "븐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58533": { - "content": "켮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58534": { - "content": "螵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58535": { - "content": "匿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58536": { - "content": "득", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58537": { - "content": "缣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58538": { - "content": "쭘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58539": { - "content": "쀉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58540": { - "content": "켕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58541": { - "content": "퍤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58542": { - "content": "굝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58543": { - "content": "夲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58544": { - "content": "ख", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58545": { - "content": "琵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58546": { - "content": "揞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58547": { - "content": "镛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58548": { - "content": "냶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58549": { - "content": "듆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58550": { - "content": "씚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58551": { - "content": "砥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58552": { - "content": "쁼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58553": { - "content": "셽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58554": { - "content": "卦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58555": { - "content": "樨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58556": { - "content": "깠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58557": { - "content": "掌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58558": { - "content": "쟎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58559": { - "content": "욬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58560": { - "content": "戀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58561": { - "content": "粹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58562": { - "content": "퓸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58563": { - "content": "쁬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58564": { - "content": "栤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58565": { - "content": "η", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58566": { - "content": "췣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58567": { - "content": "탽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58568": { - "content": "앷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58569": { - "content": "컢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58570": { - "content": "쯑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58571": { - "content": "챋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58572": { - "content": "𬂩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58573": { - "content": "쓶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58574": { - "content": "忑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58575": { - "content": "渝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58576": { - "content": "꺷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58577": { - "content": "릇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58578": { - "content": "兒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58579": { - "content": "硗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58580": { - "content": "崃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58581": { - "content": "鲆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58582": { - "content": "贋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58583": { - "content": "炻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58584": { - "content": "唸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58585": { - "content": "窅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58586": { - "content": "؁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58587": { - "content": "됮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58588": { - "content": "樅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58589": { - "content": "뀛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58590": { - "content": "눘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58591": { - "content": "遲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58592": { - "content": "먛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58593": { - "content": "귈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58594": { - "content": "꺠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58595": { - "content": "㬚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58596": { - "content": "삎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58597": { - "content": "즤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58598": { - "content": "푫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58599": { - "content": "神", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58600": { - "content": "扂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58601": { - "content": "让", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58602": { - "content": "틳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58603": { - "content": "얢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58604": { - "content": "麺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58605": { - "content": "팞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58606": { - "content": "롭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58607": { - "content": "犨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58608": { - "content": "芫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58609": { - "content": "푅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58610": { - "content": "徬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58611": { - "content": "茴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58612": { - "content": "争", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58613": { - "content": "嚄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58614": { - "content": "薤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58615": { - "content": "嘶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58616": { - "content": "т", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58617": { - "content": "햱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58618": { - "content": "퀇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58619": { - "content": "ਓ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58620": { - "content": "힄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58621": { - "content": "跫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58622": { - "content": "簫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58623": { - "content": "鏝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58624": { - "content": "可", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58625": { - "content": "뾩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58626": { - "content": "镦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58627": { - "content": "폵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58628": { - "content": "쁠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58629": { - "content": "뼜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58630": { - "content": "킐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58631": { - "content": "濡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58632": { - "content": "쯄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58633": { - "content": "恫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58634": { - "content": "탇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58635": { - "content": "뗹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58636": { - "content": "煦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58637": { - "content": "왇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58638": { - "content": "텯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58639": { - "content": "畹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58640": { - "content": "팠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58641": { - "content": "퍸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58642": { - "content": "框", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58643": { - "content": "Λ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58644": { - "content": "ㇿ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58645": { - "content": "辉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58646": { - "content": "쳎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58647": { - "content": "뢷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58648": { - "content": "锳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58649": { - "content": "흞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58650": { - "content": "뢫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58651": { - "content": "។", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58652": { - "content": "뽳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58653": { - "content": "缘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58654": { - "content": "鳉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58655": { - "content": "น", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58656": { - "content": "勝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58657": { - "content": "褕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58658": { - "content": "ಭ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58659": { - "content": "덯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58660": { - "content": "풺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58661": { - "content": "탵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58662": { - "content": "盉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58663": { - "content": "鉛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58664": { - "content": "賠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58665": { - "content": "䐃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58666": { - "content": "祕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58667": { - "content": "ﻑ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58668": { - "content": "빘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58669": { - "content": "썙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58670": { - "content": "佣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58671": { - "content": "缦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58672": { - "content": "퓗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58673": { - "content": "滷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58674": { - "content": "퓊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58675": { - "content": "읿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58676": { - "content": "管", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58677": { - "content": "吾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58678": { - "content": "듺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58679": { - "content": "똮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58680": { - "content": "줷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58681": { - "content": "璞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58682": { - "content": "뢟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58683": { - "content": "캒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58684": { - "content": "먖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58685": { - "content": "汆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58686": { - "content": "撖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58687": { - "content": "頰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58688": { - "content": "겏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58689": { - "content": "얽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58690": { - "content": "처", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58691": { - "content": "끖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58692": { - "content": "맟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58693": { - "content": "錳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58694": { - "content": "布", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58695": { - "content": "瀬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58696": { - "content": "걹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58697": { - "content": "곧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58698": { - "content": "十", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58699": { - "content": "눺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58700": { - "content": "쩸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58701": { - "content": "嫻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58702": { - "content": "핡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58703": { - "content": "瘌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58704": { - "content": "ㅾ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58705": { - "content": "൭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58706": { - "content": "촶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58707": { - "content": "簸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58708": { - "content": "뎣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58709": { - "content": "锧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58710": { - "content": "颂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58711": { - "content": "ڣ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58712": { - "content": "漯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58713": { - "content": "툅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58714": { - "content": "틧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58715": { - "content": "챊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58716": { - "content": "읠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58717": { - "content": "歲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58718": { - "content": "娌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58719": { - "content": "恕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58720": { - "content": "ふ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58721": { - "content": "릅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58722": { - "content": "쀏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58723": { - "content": "엍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58724": { - "content": "ਥ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58725": { - "content": "뢱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58726": { - "content": "뵔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58727": { - "content": "훾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58728": { - "content": "뽿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58729": { - "content": "ന", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58730": { - "content": "懿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58731": { - "content": "닌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58732": { - "content": "臜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58733": { - "content": "恽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58734": { - "content": "흆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58735": { - "content": "阍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58736": { - "content": "밣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58737": { - "content": "떽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58738": { - "content": "뚁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58739": { - "content": "뻴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58740": { - "content": "鄗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58741": { - "content": "땙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58742": { - "content": "웫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58743": { - "content": "ݺ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58744": { - "content": "펊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58745": { - "content": "越", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58746": { - "content": "腒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58747": { - "content": "뭻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58748": { - "content": "험", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58749": { - "content": "ৰ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58750": { - "content": "슕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58751": { - "content": "痪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58752": { - "content": "対", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58753": { - "content": "诠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58754": { - "content": "様", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58755": { - "content": "휏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58756": { - "content": "ಘ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58757": { - "content": "澈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58758": { - "content": "힑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58759": { - "content": "Ŕ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58760": { - "content": "沪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58761": { - "content": "캙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58762": { - "content": "촓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58763": { - "content": "瘍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58764": { - "content": "퇗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58765": { - "content": "쫣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58766": { - "content": "榆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58767": { - "content": "촉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58768": { - "content": "쇻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58769": { - "content": "髄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58770": { - "content": "퓐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58771": { - "content": "쾌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58772": { - "content": "术", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58773": { - "content": "馝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58774": { - "content": "뇤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58775": { - "content": "格", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58776": { - "content": "終", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58777": { - "content": "邏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58778": { - "content": "鲚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58779": { - "content": "츢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58780": { - "content": "ഝ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58781": { - "content": "ラ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58782": { - "content": "嘏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58783": { - "content": "甌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58784": { - "content": "菠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58785": { - "content": "셃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58786": { - "content": "玞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58787": { - "content": "훴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58788": { - "content": "่", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58789": { - "content": "屿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58790": { - "content": "횉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58791": { - "content": "涓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58792": { - "content": "꿝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58793": { - "content": "珺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58794": { - "content": "퓎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58795": { - "content": "툼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58796": { - "content": "蛴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58797": { - "content": "氯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58798": { - "content": "뀝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58799": { - "content": "혷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58800": { - "content": "촤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58801": { - "content": "疮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58802": { - "content": "郴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58803": { - "content": "喆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58804": { - "content": "췦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58805": { - "content": "埝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58806": { - "content": "괰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58807": { - "content": "췧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58808": { - "content": "왟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58809": { - "content": "륃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58810": { - "content": "枼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58811": { - "content": "肪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58812": { - "content": "거", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58813": { - "content": "롯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58814": { - "content": "牽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58815": { - "content": "쬗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58816": { - "content": "쌰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58817": { - "content": "탫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58818": { - "content": "浛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58819": { - "content": "舐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58820": { - "content": "博", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58821": { - "content": "齜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58822": { - "content": "俫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58823": { - "content": "숢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58824": { - "content": "檯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58825": { - "content": "꿁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58826": { - "content": "武", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58827": { - "content": "垿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58828": { - "content": "协", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58829": { - "content": "싾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58830": { - "content": "俞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58831": { - "content": "阋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58832": { - "content": "칕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58833": { - "content": "첡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58834": { - "content": "툑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58835": { - "content": "防", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58836": { - "content": "쓯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58837": { - "content": "諍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58838": { - "content": "黛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58839": { - "content": "먀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58840": { - "content": "쌃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58841": { - "content": "뙓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58842": { - "content": "녺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58843": { - "content": "쉳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58844": { - "content": "ۤ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58845": { - "content": "꽠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58846": { - "content": "쌤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58847": { - "content": "弱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58848": { - "content": "礌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58849": { - "content": "옽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58850": { - "content": "츳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58851": { - "content": "懈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58852": { - "content": "巨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58853": { - "content": "鑪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58854": { - "content": "雱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58855": { - "content": "鹫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58856": { - "content": "덚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58857": { - "content": "퉳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58858": { - "content": "祧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58859": { - "content": "铉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58860": { - "content": "셱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58861": { - "content": "褡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58862": { - "content": "恆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58863": { - "content": "낂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58864": { - "content": "疢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58865": { - "content": "汁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58866": { - "content": "汋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58867": { - "content": "潴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58868": { - "content": "鲠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58869": { - "content": "ર", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58870": { - "content": "뜣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58871": { - "content": "踬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58872": { - "content": "९", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58873": { - "content": "昭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58874": { - "content": "狽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58875": { - "content": "筑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58876": { - "content": "삓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58877": { - "content": "摩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58878": { - "content": "듂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58879": { - "content": "릯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58880": { - "content": "杩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58881": { - "content": "紺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58882": { - "content": "ε", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58883": { - "content": "셼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58884": { - "content": "륥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58885": { - "content": "哞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58886": { - "content": "퀦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58887": { - "content": "껽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58888": { - "content": "둌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58889": { - "content": "붾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58890": { - "content": "賒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58891": { - "content": "덼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58892": { - "content": "嗄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58893": { - "content": "튘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58894": { - "content": "쒂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58895": { - "content": "赌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58896": { - "content": "쐏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58897": { - "content": "쏘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58898": { - "content": "澼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58899": { - "content": "餘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58900": { - "content": "똣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58901": { - "content": "与", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58902": { - "content": "簏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58903": { - "content": "毯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58904": { - "content": "进", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58905": { - "content": "쭊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58906": { - "content": "爍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58907": { - "content": "儼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58908": { - "content": "켉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58909": { - "content": "௮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58910": { - "content": "二", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58911": { - "content": "悬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58912": { - "content": "퀮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58913": { - "content": "律", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58914": { - "content": "묖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58915": { - "content": "祁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58916": { - "content": "쩰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58917": { - "content": "냆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58918": { - "content": "좟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58919": { - "content": "剖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58920": { - "content": "뵠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58921": { - "content": "缶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58922": { - "content": "넻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58923": { - "content": "싎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58924": { - "content": "雩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58925": { - "content": "卜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58926": { - "content": "崑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58927": { - "content": "낅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58928": { - "content": "놂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58929": { - "content": "硊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58930": { - "content": "퍌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58931": { - "content": "띺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58932": { - "content": "株", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58933": { - "content": "듒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58934": { - "content": "퇥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58935": { - "content": "苊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58936": { - "content": "꿧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58937": { - "content": "쳞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58938": { - "content": "鵡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58939": { - "content": "ౙ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58940": { - "content": "囯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58941": { - "content": "쉘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58942": { - "content": "毖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58943": { - "content": "ڀ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58944": { - "content": "붌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58945": { - "content": "饷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58946": { - "content": "긭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58947": { - "content": "汨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58948": { - "content": "ِ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58949": { - "content": "뙶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58950": { - "content": "綰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58951": { - "content": "環", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58952": { - "content": "튓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58953": { - "content": "푼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58954": { - "content": "僧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58955": { - "content": "쇘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58956": { - "content": "뺀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58957": { - "content": "攸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58958": { - "content": "늏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58959": { - "content": "됲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58960": { - "content": "꿹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58961": { - "content": "綢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58962": { - "content": "飨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58963": { - "content": "殊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58964": { - "content": "粥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58965": { - "content": "蹽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58966": { - "content": "體", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58967": { - "content": "찬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58968": { - "content": "旵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58969": { - "content": "痉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58970": { - "content": "箬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58971": { - "content": "挖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58972": { - "content": "끼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58973": { - "content": "兜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58974": { - "content": "숵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58975": { - "content": "꾊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58976": { - "content": "결", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58977": { - "content": "퇁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58978": { - "content": "勉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58979": { - "content": "潅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58980": { - "content": "汚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58981": { - "content": "訌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58982": { - "content": "벋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58983": { - "content": "ィ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58984": { - "content": "ಯ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58985": { - "content": "晓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58986": { - "content": "쌈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58987": { - "content": "씭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58988": { - "content": "傒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58989": { - "content": "ペ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58990": { - "content": "淮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58991": { - "content": "鞨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58992": { - "content": "檠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58993": { - "content": "赊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58994": { - "content": "툳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58995": { - "content": "칢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58996": { - "content": "묶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58997": { - "content": "뮁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58998": { - "content": "蚌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "58999": { - "content": "旷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59000": { - "content": "弇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59001": { - "content": "衹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59002": { - "content": "厲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59003": { - "content": "뫓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59004": { - "content": "헯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59005": { - "content": "홓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59006": { - "content": "돠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59007": { - "content": "鮑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59008": { - "content": "嫭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59009": { - "content": "ੀ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59010": { - "content": "叶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59011": { - "content": "훗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59012": { - "content": "Α", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59013": { - "content": "뒭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59014": { - "content": "흑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59015": { - "content": "팏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59016": { - "content": "笄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59017": { - "content": "输", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59018": { - "content": "뾁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59019": { - "content": "鲎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59020": { - "content": "屨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59021": { - "content": "僞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59022": { - "content": "깰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59023": { - "content": "쏨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59024": { - "content": "㎡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59025": { - "content": "큒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59026": { - "content": "됨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59027": { - "content": "퐫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59028": { - "content": "넩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59029": { - "content": "嬋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59030": { - "content": "卅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59031": { - "content": "믋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59032": { - "content": "망", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59033": { - "content": "蛙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59034": { - "content": "昴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59035": { - "content": "鐫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59036": { - "content": "꿤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59037": { - "content": "랍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59038": { - "content": "폶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59039": { - "content": "陎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59040": { - "content": "鐘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59041": { - "content": "녬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59042": { - "content": "뷍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59043": { - "content": "莫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59044": { - "content": "ݔ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59045": { - "content": "寂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59046": { - "content": "휯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59047": { - "content": "뜌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59048": { - "content": "첊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59049": { - "content": "夆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59050": { - "content": "윙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59051": { - "content": "緯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59052": { - "content": "砖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59053": { - "content": "떶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59054": { - "content": "쎙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59055": { - "content": "튻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59056": { - "content": "씿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59057": { - "content": "뚨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59058": { - "content": "赜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59059": { - "content": "똱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59060": { - "content": "쮮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59061": { - "content": "用", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59062": { - "content": "慊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59063": { - "content": "騨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59064": { - "content": "髽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59065": { - "content": "ﺹ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59066": { - "content": "ピ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59067": { - "content": "ਖ਼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59068": { - "content": "냞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59069": { - "content": "蜿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59070": { - "content": "બ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59071": { - "content": "락", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59072": { - "content": "칷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59073": { - "content": "쭹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59074": { - "content": "럍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59075": { - "content": "宰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59076": { - "content": "澍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59077": { - "content": "죗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59078": { - "content": "톇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59079": { - "content": "鄭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59080": { - "content": "ฃ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59081": { - "content": "퍨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59082": { - "content": "노", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59083": { - "content": "얁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59084": { - "content": "떿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59085": { - "content": "凘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59086": { - "content": "购", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59087": { - "content": "榘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59088": { - "content": "꼇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59089": { - "content": "岿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59090": { - "content": "뼨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59091": { - "content": "폅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59092": { - "content": "뷃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59093": { - "content": "沟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59094": { - "content": "뿶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59095": { - "content": "눀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59096": { - "content": "륒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59097": { - "content": "暻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59098": { - "content": "ۖ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59099": { - "content": "뇙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59100": { - "content": "哜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59101": { - "content": "縒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59102": { - "content": "腸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59103": { - "content": "꾢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59104": { - "content": "《", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59105": { - "content": "촪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59106": { - "content": "蕞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59107": { - "content": "똨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59108": { - "content": "俨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59109": { - "content": "덢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59110": { - "content": "뷂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59111": { - "content": "賽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59112": { - "content": "皂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59113": { - "content": "춖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59114": { - "content": "둹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59115": { - "content": "遽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59116": { - "content": "췟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59117": { - "content": "銘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59118": { - "content": "좔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59119": { - "content": "壁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59120": { - "content": "둬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59121": { - "content": "붱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59122": { - "content": "닅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59123": { - "content": "둁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59124": { - "content": "扞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59125": { - "content": "놡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59126": { - "content": "텁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59127": { - "content": "鳇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59128": { - "content": "뫎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59129": { - "content": "愷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59130": { - "content": "锎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59131": { - "content": "헌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59132": { - "content": "몌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59133": { - "content": "쎨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59134": { - "content": "눈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59135": { - "content": "総", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59136": { - "content": "껝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59137": { - "content": "뺍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59138": { - "content": "좑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59139": { - "content": "짴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59140": { - "content": "遆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59141": { - "content": "艤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59142": { - "content": "猓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59143": { - "content": "늍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59144": { - "content": "붃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59145": { - "content": "Ў", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59146": { - "content": "躾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59147": { - "content": "뙌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59148": { - "content": "嗶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59149": { - "content": "霽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59150": { - "content": "꽧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59151": { - "content": "퇐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59152": { - "content": "憮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59153": { - "content": "슐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59154": { - "content": "젍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59155": { - "content": "뽵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59156": { - "content": "骜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59157": { - "content": "耙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59158": { - "content": "雌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59159": { - "content": "폧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59160": { - "content": "ゎ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59161": { - "content": "峤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59162": { - "content": "Ҷ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59163": { - "content": "ط", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59164": { - "content": "ㄺ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59165": { - "content": "혁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59166": { - "content": "垭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59167": { - "content": "텆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59168": { - "content": "乌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59169": { - "content": "谪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59170": { - "content": "梏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59171": { - "content": "랶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59172": { - "content": "촖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59173": { - "content": "飢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59174": { - "content": "摒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59175": { - "content": "鞲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59176": { - "content": "潍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59177": { - "content": "갖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59178": { - "content": "巍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59179": { - "content": "ウ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59180": { - "content": "넸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59181": { - "content": "쨜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59182": { - "content": "剕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59183": { - "content": "砑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59184": { - "content": "起", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59185": { - "content": "놽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59186": { - "content": "졤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59187": { - "content": "涢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59188": { - "content": "录", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59189": { - "content": "낛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59190": { - "content": "भ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59191": { - "content": "냍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59192": { - "content": "ಌ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59193": { - "content": "漑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59194": { - "content": "쟕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59195": { - "content": "뒣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59196": { - "content": "뤪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59197": { - "content": "넰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59198": { - "content": "뇼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59199": { - "content": "굊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59200": { - "content": "燒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59201": { - "content": "꺳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59202": { - "content": "꼫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59203": { - "content": "琶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59204": { - "content": "昱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59205": { - "content": "큡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59206": { - "content": "茉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59207": { - "content": "蚪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59208": { - "content": "孀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59209": { - "content": "财", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59210": { - "content": "蒋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59211": { - "content": "歜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59212": { - "content": "ಪ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59213": { - "content": "댔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59214": { - "content": "辕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59215": { - "content": "琇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59216": { - "content": "뼅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59217": { - "content": "湝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59218": { - "content": "벥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59219": { - "content": "∑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59220": { - "content": "쏖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59221": { - "content": "욱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59222": { - "content": "댖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59223": { - "content": "刃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59224": { - "content": "胃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59225": { - "content": "즣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59226": { - "content": "淪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59227": { - "content": "渊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59228": { - "content": "溇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59229": { - "content": "뱨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59230": { - "content": "搦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59231": { - "content": "쒦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59232": { - "content": "谣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59233": { - "content": "쉂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59234": { - "content": "骕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59235": { - "content": "迆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59236": { - "content": "飘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59237": { - "content": "卧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59238": { - "content": "蠋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59239": { - "content": "៌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59240": { - "content": "阶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59241": { - "content": "빛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59242": { - "content": "뷹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59243": { - "content": "쏇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59244": { - "content": "倨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59245": { - "content": "쏐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59246": { - "content": "؏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59247": { - "content": "寛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59248": { - "content": "채", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59249": { - "content": "뀺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59250": { - "content": "詮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59251": { - "content": "栄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59252": { - "content": "쐢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59253": { - "content": "ൡ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59254": { - "content": "糊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59255": { - "content": "賁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59256": { - "content": "끉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59257": { - "content": "됥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59258": { - "content": "먮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59259": { - "content": "蟈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59260": { - "content": "쩴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59261": { - "content": "松", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59262": { - "content": "愃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59263": { - "content": "傭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59264": { - "content": "堾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59265": { - "content": "뮪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59266": { - "content": "돼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59267": { - "content": "会", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59268": { - "content": "翎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59269": { - "content": "இ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59270": { - "content": "౯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59271": { - "content": "棚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59272": { - "content": "浈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59273": { - "content": "넣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59274": { - "content": "쵄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59275": { - "content": "젧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59276": { - "content": "练", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59277": { - "content": "鸫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59278": { - "content": "蛉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59279": { - "content": "蔼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59280": { - "content": "쀗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59281": { - "content": "뢩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59282": { - "content": "瑚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59283": { - "content": "쬓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59284": { - "content": "뿐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59285": { - "content": "첲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59286": { - "content": "陛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59287": { - "content": "믮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59288": { - "content": "𪩘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59289": { - "content": "훜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59290": { - "content": "暍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59291": { - "content": "凱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59292": { - "content": "턅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59293": { - "content": "岡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59294": { - "content": "揽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59295": { - "content": "岭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59296": { - "content": "꼌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59297": { - "content": "筧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59298": { - "content": "컛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59299": { - "content": "៊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59300": { - "content": "檞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59301": { - "content": "섃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59302": { - "content": "쳧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59303": { - "content": "ざ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59304": { - "content": "쯼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59305": { - "content": "덴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59306": { - "content": "ψ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59307": { - "content": "援", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59308": { - "content": "겨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59309": { - "content": "業", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59310": { - "content": "芪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59311": { - "content": "뎼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59312": { - "content": "鹪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59313": { - "content": "엀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59314": { - "content": "丼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59315": { - "content": "휜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59316": { - "content": "槃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59317": { - "content": "訐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59318": { - "content": "幖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59319": { - "content": "槓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59320": { - "content": "떃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59321": { - "content": "뛱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59322": { - "content": "뭼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59323": { - "content": "锈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59324": { - "content": "খ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59325": { - "content": "剃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59326": { - "content": "吖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59327": { - "content": "峏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59328": { - "content": "颉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59329": { - "content": "阪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59330": { - "content": "陂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59331": { - "content": "玱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59332": { - "content": "籤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59333": { - "content": "옾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59334": { - "content": "産", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59335": { - "content": "膂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59336": { - "content": "𬷕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59337": { - "content": "弾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59338": { - "content": "늲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59339": { - "content": "렅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59340": { - "content": "鶸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59341": { - "content": "俭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59342": { - "content": "囌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59343": { - "content": "蹐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59344": { - "content": "쒍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59345": { - "content": "綛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59346": { - "content": "횒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59347": { - "content": "快", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59348": { - "content": "眦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59349": { - "content": "쇁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59350": { - "content": "薷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59351": { - "content": "鬻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59352": { - "content": "훷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59353": { - "content": "풇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59354": { - "content": "畯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59355": { - "content": "雷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59356": { - "content": "뮖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59357": { - "content": "젹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59358": { - "content": "톋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59359": { - "content": "缰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59360": { - "content": "ㅘ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59361": { - "content": "鈿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59362": { - "content": "ज", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59363": { - "content": "쵲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59364": { - "content": "ؚ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59365": { - "content": "찀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59366": { - "content": "쑰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59367": { - "content": "棧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59368": { - "content": "톳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59369": { - "content": "怠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59370": { - "content": "❉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59371": { - "content": "긏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59372": { - "content": "꽉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59373": { - "content": "졁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59374": { - "content": "罡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59375": { - "content": "빱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59376": { - "content": "쳭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59377": { - "content": "尺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59378": { - "content": "菀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59379": { - "content": "缳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59380": { - "content": "锫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59381": { - "content": "뿲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59382": { - "content": "둈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59383": { - "content": "톞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59384": { - "content": "鄴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59385": { - "content": "풯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59386": { - "content": "痈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59387": { - "content": "촁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59388": { - "content": "膾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59389": { - "content": "啐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59390": { - "content": "꾯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59391": { - "content": "죮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59392": { - "content": "뭶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59393": { - "content": "녢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59394": { - "content": "慆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59395": { - "content": "턃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59396": { - "content": "뭨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59397": { - "content": "삶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59398": { - "content": "遍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59399": { - "content": "繆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59400": { - "content": "틸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59401": { - "content": "袢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59402": { - "content": "鲃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59403": { - "content": "얞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59404": { - "content": "搡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59405": { - "content": "퍁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59406": { - "content": "퓖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59407": { - "content": "쐌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59408": { - "content": "ぜ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59409": { - "content": "射", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59410": { - "content": "떙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59411": { - "content": "늄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59412": { - "content": "怫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59413": { - "content": "牠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59414": { - "content": "눊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59415": { - "content": "釋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59416": { - "content": "삲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59417": { - "content": "뤗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59418": { - "content": "뤟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59419": { - "content": "浇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59420": { - "content": "웈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59421": { - "content": "辮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59422": { - "content": "천", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59423": { - "content": "눱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59424": { - "content": "晋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59425": { - "content": "즑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59426": { - "content": "ൻ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59427": { - "content": "张", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59428": { - "content": "渰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59429": { - "content": "춄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59430": { - "content": "缭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59431": { - "content": "绎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59432": { - "content": "闕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59433": { - "content": "举", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59434": { - "content": "뼊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59435": { - "content": "퍟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59436": { - "content": "툉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59437": { - "content": "佞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59438": { - "content": "퉸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59439": { - "content": "猰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59440": { - "content": "盷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59441": { - "content": "濠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59442": { - "content": "み", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59443": { - "content": "볠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59444": { - "content": "駕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59445": { - "content": "대", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59446": { - "content": "夸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59447": { - "content": "굂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59448": { - "content": "瞪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59449": { - "content": "쐧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59450": { - "content": "譜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59451": { - "content": "줉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59452": { - "content": "機", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59453": { - "content": "伤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59454": { - "content": "涪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59455": { - "content": "좴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59456": { - "content": "ㅩ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59457": { - "content": "툎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59458": { - "content": "댢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59459": { - "content": "蝥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59460": { - "content": "笞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59461": { - "content": "혅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59462": { - "content": "艹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59463": { - "content": "싽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59464": { - "content": "偎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59465": { - "content": "렢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59466": { - "content": "蝘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59467": { - "content": "폣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59468": { - "content": "쬐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59469": { - "content": "低", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59470": { - "content": "怪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59471": { - "content": "俬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59472": { - "content": "酮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59473": { - "content": "輯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59474": { - "content": "೮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59475": { - "content": "훟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59476": { - "content": "黎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59477": { - "content": "뭣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59478": { - "content": "쒌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59479": { - "content": "裡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59480": { - "content": "훭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59481": { - "content": "欂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59482": { - "content": "گ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59483": { - "content": "덨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59484": { - "content": "氢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59485": { - "content": "떹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59486": { - "content": "뢋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59487": { - "content": "퓝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59488": { - "content": "櫛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59489": { - "content": "짟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59490": { - "content": "턖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59491": { - "content": "뱸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59492": { - "content": "쥥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59493": { - "content": "쮠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59494": { - "content": "붠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59495": { - "content": "穎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59496": { - "content": "闶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59497": { - "content": "녚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59498": { - "content": "辄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59499": { - "content": "蒴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59500": { - "content": "義", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59501": { - "content": "推", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59502": { - "content": "澀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59503": { - "content": "旗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59504": { - "content": "闸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59505": { - "content": "쩽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59506": { - "content": "뤊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59507": { - "content": "켌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59508": { - "content": "컦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59509": { - "content": "ल", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59510": { - "content": "밎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59511": { - "content": "튬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59512": { - "content": "쪗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59513": { - "content": "嵝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59514": { - "content": "滏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59515": { - "content": "슎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59516": { - "content": "毛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59517": { - "content": "𬳵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59518": { - "content": "瘤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59519": { - "content": "쇸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59520": { - "content": "韋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59521": { - "content": "潤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59522": { - "content": "哌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59523": { - "content": "핏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59524": { - "content": "懐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59525": { - "content": "녜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59526": { - "content": "둯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59527": { - "content": "孺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59528": { - "content": "泙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59529": { - "content": "폜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59530": { - "content": "뼿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59531": { - "content": "樘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59532": { - "content": "썈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59533": { - "content": "컖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59534": { - "content": "ڇ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59535": { - "content": "쯒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59536": { - "content": "鲜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59537": { - "content": "똬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59538": { - "content": "툵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59539": { - "content": "몷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59540": { - "content": "쑑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59541": { - "content": "ở", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59542": { - "content": "엏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59543": { - "content": "뻶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59544": { - "content": "왗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59545": { - "content": "븴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59546": { - "content": "쌐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59547": { - "content": "邑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59548": { - "content": "퉢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59549": { - "content": "絮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59550": { - "content": "骈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59551": { - "content": "뾶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59552": { - "content": "荽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59553": { - "content": "껍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59554": { - "content": "줂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59555": { - "content": "즺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59556": { - "content": "牾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59557": { - "content": "탐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59558": { - "content": "娜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59559": { - "content": "ឥ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59560": { - "content": "덊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59561": { - "content": "硭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59562": { - "content": "ツ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59563": { - "content": "쉎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59564": { - "content": "瑟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59565": { - "content": "酒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59566": { - "content": "學", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59567": { - "content": "썴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59568": { - "content": "빓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59569": { - "content": "킖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59570": { - "content": "Ŭ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59571": { - "content": "츙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59572": { - "content": "糇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59573": { - "content": "要", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59574": { - "content": "싲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59575": { - "content": "ǧ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59576": { - "content": "к", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59577": { - "content": "巳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59578": { - "content": "壘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59579": { - "content": "흨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59580": { - "content": "틱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59581": { - "content": "樱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59582": { - "content": "덾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59583": { - "content": "뚏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59584": { - "content": "堙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59585": { - "content": "列", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59586": { - "content": "钫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59587": { - "content": "쪀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59588": { - "content": "超", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59589": { - "content": "뷘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59590": { - "content": "쫂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59591": { - "content": "賜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59592": { - "content": "Ǧ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59593": { - "content": "륷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59594": { - "content": "욾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59595": { - "content": "್", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59596": { - "content": "窭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59597": { - "content": "ㆆ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59598": { - "content": "瞰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59599": { - "content": "깴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59600": { - "content": "켟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59601": { - "content": "玚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59602": { - "content": "쁕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59603": { - "content": "站", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59604": { - "content": "푟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59605": { - "content": "쏰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59606": { - "content": "蔵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59607": { - "content": "쩆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59608": { - "content": "轵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59609": { - "content": "딫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59610": { - "content": "댞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59611": { - "content": "٩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59612": { - "content": "迤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59613": { - "content": "믿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59614": { - "content": "꺶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59615": { - "content": "逃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59616": { - "content": "뺁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59617": { - "content": "匝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59618": { - "content": "児", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59619": { - "content": "좮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59620": { - "content": "脐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59621": { - "content": "몽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59622": { - "content": "囤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59623": { - "content": "쁯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59624": { - "content": "柠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59625": { - "content": "엕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59626": { - "content": "돞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59627": { - "content": "ủ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59628": { - "content": "众", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59629": { - "content": "딞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59630": { - "content": "뜨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59631": { - "content": "햸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59632": { - "content": "훲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59633": { - "content": "뷻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59634": { - "content": "괒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59635": { - "content": "孑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59636": { - "content": "햖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59637": { - "content": "씐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59638": { - "content": "栋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59639": { - "content": "쯺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59640": { - "content": "嶇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59641": { - "content": "栞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59642": { - "content": "耑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59643": { - "content": "뗖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59644": { - "content": "溥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59645": { - "content": "쑄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59646": { - "content": "긄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59647": { - "content": "啁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59648": { - "content": "윾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59649": { - "content": "伎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59650": { - "content": "턫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59651": { - "content": "ㆃ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59652": { - "content": "뮧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59653": { - "content": "ݶ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59654": { - "content": "ڹ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59655": { - "content": "쭓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59656": { - "content": "꼙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59657": { - "content": "势", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59658": { - "content": "疋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59659": { - "content": "놭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59660": { - "content": "揳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59661": { - "content": "즅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59662": { - "content": "뾱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59663": { - "content": "鸷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59664": { - "content": "哑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59665": { - "content": "긞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59666": { - "content": "嘰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59667": { - "content": "늮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59668": { - "content": "댈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59669": { - "content": "뿫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59670": { - "content": "츑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59671": { - "content": "땇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59672": { - "content": "쪎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59673": { - "content": "띿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59674": { - "content": "좹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59675": { - "content": "틹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59676": { - "content": "얱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59677": { - "content": "Ṣ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59678": { - "content": "귿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59679": { - "content": "撒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59680": { - "content": "滍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59681": { - "content": "끨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59682": { - "content": "ா", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59683": { - "content": "詞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59684": { - "content": "쩍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59685": { - "content": "Ӯ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59686": { - "content": "桟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59687": { - "content": "맱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59688": { - "content": "槱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59689": { - "content": "靸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59690": { - "content": "뗕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59691": { - "content": "소", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59692": { - "content": "쨗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59693": { - "content": "ೃ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59694": { - "content": "屁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59695": { - "content": "꼓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59696": { - "content": "넷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59697": { - "content": "ਖ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59698": { - "content": "웷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59699": { - "content": "탗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59700": { - "content": "ી", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59701": { - "content": "걎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59702": { - "content": "줰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59703": { - "content": "ؾ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59704": { - "content": "缂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59705": { - "content": "찔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59706": { - "content": "蜗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59707": { - "content": "娑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59708": { - "content": "锬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59709": { - "content": "럫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59710": { - "content": "峋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59711": { - "content": "铯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59712": { - "content": "缤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59713": { - "content": "汉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59714": { - "content": "泰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59715": { - "content": "輛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59716": { - "content": "惩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59717": { - "content": "ഔ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59718": { - "content": "曽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59719": { - "content": "괩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59720": { - "content": "갸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59721": { - "content": "뒅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59722": { - "content": "늈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59723": { - "content": "痧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59724": { - "content": "ے", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59725": { - "content": "酥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59726": { - "content": "뿂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59727": { - "content": "줭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59728": { - "content": "绛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59729": { - "content": "浯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59730": { - "content": "玡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59731": { - "content": "웂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59732": { - "content": "펾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59733": { - "content": "扌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59734": { - "content": "洱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59735": { - "content": "꾤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59736": { - "content": "劫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59737": { - "content": "杲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59738": { - "content": "瞩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59739": { - "content": "ௌ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59740": { - "content": "슋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59741": { - "content": "실", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59742": { - "content": "ш", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59743": { - "content": "呂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59744": { - "content": "枰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59745": { - "content": "춻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59746": { - "content": "驍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59747": { - "content": "퓫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59748": { - "content": "锗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59749": { - "content": "诒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59750": { - "content": "墅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59751": { - "content": "竟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59752": { - "content": "怜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59753": { - "content": "岚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59754": { - "content": "렓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59755": { - "content": "憷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59756": { - "content": "협", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59757": { - "content": "뻩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59758": { - "content": "묄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59759": { - "content": "슟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59760": { - "content": "薦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59761": { - "content": "큗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59762": { - "content": "괢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59763": { - "content": "퀕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59764": { - "content": "駝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59765": { - "content": "別", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59766": { - "content": "엗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59767": { - "content": "靄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59768": { - "content": "쭶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59769": { - "content": "펁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59770": { - "content": "찗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59771": { - "content": "튴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59772": { - "content": "삣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59773": { - "content": "圣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59774": { - "content": "髀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59775": { - "content": "★", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59776": { - "content": "레", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59777": { - "content": "첨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59778": { - "content": "騖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59779": { - "content": "嵩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59780": { - "content": "衛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59781": { - "content": "ই", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59782": { - "content": "笊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59783": { - "content": "汾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59784": { - "content": "쑫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59785": { - "content": "臁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59786": { - "content": "弦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59787": { - "content": "촽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59788": { - "content": "쟺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59789": { - "content": "뀞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59790": { - "content": "五", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59791": { - "content": "亀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59792": { - "content": "塊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59793": { - "content": "ೋ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59794": { - "content": "ۑ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59795": { - "content": "芃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59796": { - "content": "틃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59797": { - "content": "后", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59798": { - "content": "륡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59799": { - "content": "큭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59800": { - "content": "른", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59801": { - "content": "붇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59802": { - "content": "쪮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59803": { - "content": "총", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59804": { - "content": "ड़", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59805": { - "content": "꺣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59806": { - "content": "튫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59807": { - "content": "ੰ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59808": { - "content": "胛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59809": { - "content": "윀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59810": { - "content": "છ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59811": { - "content": "뺦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59812": { - "content": "੍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59813": { - "content": "ะ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59814": { - "content": "Ǵ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59815": { - "content": "땣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59816": { - "content": "玓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59817": { - "content": "즰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59818": { - "content": "怹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59819": { - "content": "媚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59820": { - "content": "퀏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59821": { - "content": "벐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59822": { - "content": "퀒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59823": { - "content": "玀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59824": { - "content": "烧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59825": { - "content": "ؼ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59826": { - "content": "텙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59827": { - "content": "𫇭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59828": { - "content": "栲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59829": { - "content": "瘡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59830": { - "content": "쨛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59831": { - "content": "좎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59832": { - "content": "넽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59833": { - "content": "卩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59834": { - "content": "궤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59835": { - "content": "ắ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59836": { - "content": "褛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59837": { - "content": "돪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59838": { - "content": "伭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59839": { - "content": "낕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59840": { - "content": "怅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59841": { - "content": "뙥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59842": { - "content": "恐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59843": { - "content": "쳝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59844": { - "content": "쮟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59845": { - "content": "훅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59846": { - "content": "蚝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59847": { - "content": "桑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59848": { - "content": "赈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59849": { - "content": "掷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59850": { - "content": "拽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59851": { - "content": "폼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59852": { - "content": "쀲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59853": { - "content": "瞢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59854": { - "content": "밸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59855": { - "content": "픁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59856": { - "content": "췉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59857": { - "content": "숧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59858": { - "content": "궑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59859": { - "content": "楱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59860": { - "content": "г", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59861": { - "content": "밗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59862": { - "content": "桕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59863": { - "content": "쫧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59864": { - "content": "迥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59865": { - "content": "늉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59866": { - "content": "滝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59867": { - "content": "쌹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59868": { - "content": "岳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59869": { - "content": "螗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59870": { - "content": "解", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59871": { - "content": "觇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59872": { - "content": "납", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59873": { - "content": "톛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59874": { - "content": "鹱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59875": { - "content": "甍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59876": { - "content": "焜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59877": { - "content": "ড", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59878": { - "content": "驯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59879": { - "content": "蘧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59880": { - "content": "쨈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59881": { - "content": "滲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59882": { - "content": "젴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59883": { - "content": "影", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59884": { - "content": "쮸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59885": { - "content": "쁙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59886": { - "content": "照", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59887": { - "content": "載", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59888": { - "content": "뜖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59889": { - "content": "塀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59890": { - "content": "륆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59891": { - "content": "Ẳ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59892": { - "content": "鞯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59893": { - "content": "隷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59894": { - "content": "칸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59895": { - "content": "觯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59896": { - "content": "꿊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59897": { - "content": "嵇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59898": { - "content": "आ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59899": { - "content": "蘇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59900": { - "content": "ឦ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59901": { - "content": "拯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59902": { - "content": "퀬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59903": { - "content": "闪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59904": { - "content": "맘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59905": { - "content": "럘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59906": { - "content": "삐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59907": { - "content": "铴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59908": { - "content": "缟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59909": { - "content": "겊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59910": { - "content": "쁑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59911": { - "content": "츤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59912": { - "content": "캭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59913": { - "content": "皎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59914": { - "content": "苉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59915": { - "content": "햳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59916": { - "content": "鉴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59917": { - "content": "웗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59918": { - "content": "뉆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59919": { - "content": "接", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59920": { - "content": "뽽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59921": { - "content": "왕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59922": { - "content": "롢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59923": { - "content": "뉺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59924": { - "content": "诃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59925": { - "content": "ฟ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59926": { - "content": "륺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59927": { - "content": "砵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59928": { - "content": "큕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59929": { - "content": "缠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59930": { - "content": "죋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59931": { - "content": "휗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59932": { - "content": "滞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59933": { - "content": "쌌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59934": { - "content": "넮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59935": { - "content": "줨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59936": { - "content": "퇫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59937": { - "content": "妯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59938": { - "content": "뷞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59939": { - "content": "떅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59940": { - "content": "醪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59941": { - "content": "ि", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59942": { - "content": "췛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59943": { - "content": "셖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59944": { - "content": "쏒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59945": { - "content": "뙚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59946": { - "content": "踟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59947": { - "content": "腟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59948": { - "content": "흚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59949": { - "content": "쿴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59950": { - "content": "절", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59951": { - "content": "쏦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59952": { - "content": "뛔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59953": { - "content": "엌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59954": { - "content": "쎴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59955": { - "content": "呔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59956": { - "content": "텪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59957": { - "content": "냘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59958": { - "content": "倹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59959": { - "content": "ౄ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59960": { - "content": "늽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59961": { - "content": "댾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59962": { - "content": "쪇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59963": { - "content": "鿏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59964": { - "content": "꺄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59965": { - "content": "쒥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59966": { - "content": "骏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59967": { - "content": "ب", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59968": { - "content": "钨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59969": { - "content": "迂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59970": { - "content": "☆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59971": { - "content": "첑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59972": { - "content": "鋆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59973": { - "content": "쌁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59974": { - "content": "渌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59975": { - "content": "芡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59976": { - "content": "늤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59977": { - "content": "縊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59978": { - "content": "뼀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59979": { - "content": "嫡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59980": { - "content": "谲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59981": { - "content": "麋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59982": { - "content": "㙘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59983": { - "content": "红", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59984": { - "content": "딷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59985": { - "content": "邈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59986": { - "content": "웼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59987": { - "content": "쭗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59988": { - "content": "뭱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59989": { - "content": "삠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59990": { - "content": "珽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59991": { - "content": "쇔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59992": { - "content": "뚩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59993": { - "content": "랣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59994": { - "content": "踱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59995": { - "content": "땅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59996": { - "content": "珵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59997": { - "content": "헂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59998": { - "content": "럜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "59999": { - "content": "ề", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60000": { - "content": "父", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60001": { - "content": "츃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60002": { - "content": "쿟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60003": { - "content": "屹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60004": { - "content": "哩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60005": { - "content": "亻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60006": { - "content": "릦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60007": { - "content": "瘀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60008": { - "content": "듡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60009": { - "content": "켄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60010": { - "content": "虷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60011": { - "content": "ब", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60012": { - "content": "ឩ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60013": { - "content": "逝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60014": { - "content": "髏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60015": { - "content": "紹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60016": { - "content": "쫙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60017": { - "content": "솬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60018": { - "content": "箕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60019": { - "content": "冔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60020": { - "content": "ॐ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60021": { - "content": "졢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60022": { - "content": "仮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60023": { - "content": "滟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60024": { - "content": "綬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60025": { - "content": "툈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60026": { - "content": "ỡ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60027": { - "content": "ㅊ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60028": { - "content": "笙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60029": { - "content": "寫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60030": { - "content": "匕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60031": { - "content": "ナ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60032": { - "content": "걢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60033": { - "content": "蛑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60034": { - "content": "엁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60035": { - "content": "돇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60036": { - "content": "쑓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60037": { - "content": "뾽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60038": { - "content": "찋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60039": { - "content": "賎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60040": { - "content": "甲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60041": { - "content": "滅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60042": { - "content": "缫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60043": { - "content": "쩗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60044": { - "content": "룜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60045": { - "content": "왴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60046": { - "content": "챁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60047": { - "content": "擭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60048": { - "content": "উ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60049": { - "content": "淼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60050": { - "content": "咬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60051": { - "content": "쾹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60052": { - "content": "훓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60053": { - "content": "听", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60054": { - "content": "봛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60055": { - "content": "꼿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60056": { - "content": "俘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60057": { - "content": "긚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60058": { - "content": "恿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60059": { - "content": "쵽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60060": { - "content": "볁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60061": { - "content": "췽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60062": { - "content": "몑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60063": { - "content": "磏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60064": { - "content": "ಸ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60065": { - "content": "씋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60066": { - "content": "蒞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60067": { - "content": "军", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60068": { - "content": "슠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60069": { - "content": "伟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60070": { - "content": "喤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60071": { - "content": "탺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60072": { - "content": "긗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60073": { - "content": "鸾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60074": { - "content": "蟫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60075": { - "content": "뀢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60076": { - "content": "疆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60077": { - "content": "쎃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60078": { - "content": "ಲ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60079": { - "content": "윖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60080": { - "content": "菅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60081": { - "content": "凊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60082": { - "content": "荥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60083": { - "content": "б", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60084": { - "content": "膠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60085": { - "content": "웹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60086": { - "content": "脲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60087": { - "content": "삅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60088": { - "content": "얇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60089": { - "content": "쯣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60090": { - "content": "쎂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60091": { - "content": "룯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60092": { - "content": "摯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60093": { - "content": "砩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60094": { - "content": "쉉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60095": { - "content": "丟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60096": { - "content": "ঔ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60097": { - "content": "蒎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60098": { - "content": "ៅ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60099": { - "content": "께", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60100": { - "content": "閑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60101": { - "content": "仄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60102": { - "content": "킈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60103": { - "content": "럝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60104": { - "content": "걬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60105": { - "content": "賦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60106": { - "content": "鹸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60107": { - "content": "뽤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60108": { - "content": "묍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60109": { - "content": "괴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60110": { - "content": "캱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60111": { - "content": "뱟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60112": { - "content": "롙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60113": { - "content": "婆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60114": { - "content": "俗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60115": { - "content": "乖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60116": { - "content": "湯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60117": { - "content": "۵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60118": { - "content": "툭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60119": { - "content": "؍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60120": { - "content": "腌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60121": { - "content": "羟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60122": { - "content": "긑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60123": { - "content": "홁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60124": { - "content": "弗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60125": { - "content": "愫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60126": { - "content": "꾖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60127": { - "content": "뿭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60128": { - "content": "递", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60129": { - "content": "囩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60130": { - "content": "푸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60131": { - "content": "엫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60132": { - "content": "掩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60133": { - "content": "鏽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60134": { - "content": "姤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60135": { - "content": "芐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60136": { - "content": "澹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60137": { - "content": "춡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60138": { - "content": "퉀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60139": { - "content": "還", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60140": { - "content": "斝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60141": { - "content": "찺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60142": { - "content": "丑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60143": { - "content": "챉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60144": { - "content": "茸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60145": { - "content": "쮆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60146": { - "content": "륈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60147": { - "content": "뷙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60148": { - "content": "聩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60149": { - "content": "跽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60150": { - "content": "뙑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60151": { - "content": "脓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60152": { - "content": "쒱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60153": { - "content": "띅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60154": { - "content": "脿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60155": { - "content": "뮣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60156": { - "content": "萳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60157": { - "content": "Л", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60158": { - "content": "鬣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60159": { - "content": "걵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60160": { - "content": "荪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60161": { - "content": "쎤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60162": { - "content": "埵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60163": { - "content": "യ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60164": { - "content": "谆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60165": { - "content": "싌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60166": { - "content": "麸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60167": { - "content": "莩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60168": { - "content": "锌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60169": { - "content": "포", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60170": { - "content": "뙖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60171": { - "content": "뚍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60172": { - "content": "쁁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60173": { - "content": "쀪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60174": { - "content": "슄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60175": { - "content": "篩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60176": { - "content": "쁂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60177": { - "content": "硁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60178": { - "content": "롓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60179": { - "content": "嬴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60180": { - "content": "쿔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60181": { - "content": "繳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60182": { - "content": "坉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60183": { - "content": "쓊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60184": { - "content": "沒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60185": { - "content": "һ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60186": { - "content": "홷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60187": { - "content": "봪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60188": { - "content": "똦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60189": { - "content": "嬷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60190": { - "content": "ـ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60191": { - "content": "菲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60192": { - "content": "間", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60193": { - "content": "챒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60194": { - "content": "譬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60195": { - "content": "署", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60196": { - "content": "괟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60197": { - "content": "큔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60198": { - "content": "냿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60199": { - "content": "뿎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60200": { - "content": "硕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60201": { - "content": "쬨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60202": { - "content": "涠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60203": { - "content": "충", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60204": { - "content": "ứ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60205": { - "content": "옼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60206": { - "content": "혠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60207": { - "content": "堍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60208": { - "content": "墐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60209": { - "content": "뽌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60210": { - "content": "앯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60211": { - "content": "틌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60212": { - "content": "싪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60213": { - "content": "폯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60214": { - "content": "ỵ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60215": { - "content": "签", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60216": { - "content": "뵢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60217": { - "content": "翂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60218": { - "content": "蟠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60219": { - "content": "続", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60220": { - "content": "뵬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60221": { - "content": "揪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60222": { - "content": "웾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60223": { - "content": "왰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60224": { - "content": "싦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60225": { - "content": "悻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60226": { - "content": "가", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60227": { - "content": "쫘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60228": { - "content": "吧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60229": { - "content": "逵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60230": { - "content": "珛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60231": { - "content": "냎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60232": { - "content": "룝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60233": { - "content": "릳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60234": { - "content": "뙄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60235": { - "content": "衲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60236": { - "content": "巭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60237": { - "content": "辁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60238": { - "content": "꼈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60239": { - "content": "鈾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60240": { - "content": "钔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60241": { - "content": "뷝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60242": { - "content": "옰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60243": { - "content": "귨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60244": { - "content": "뫳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60245": { - "content": "ㅸ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60246": { - "content": "榍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60247": { - "content": "늘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60248": { - "content": "봦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60249": { - "content": "쿱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60250": { - "content": "ง", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60251": { - "content": "톦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60252": { - "content": "냏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60253": { - "content": "넝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60254": { - "content": "혐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60255": { - "content": "뽖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60256": { - "content": "ជ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60257": { - "content": "쥘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60258": { - "content": "뒼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60259": { - "content": "蘅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60260": { - "content": "꿈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60261": { - "content": "썇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60262": { - "content": "蒔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60263": { - "content": "듏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60264": { - "content": "륵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60265": { - "content": "費", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60266": { - "content": "坎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60267": { - "content": "属", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60268": { - "content": "杀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60269": { - "content": "颳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60270": { - "content": "蜃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60271": { - "content": "燋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60272": { - "content": "析", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60273": { - "content": "먿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60274": { - "content": "ੵ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60275": { - "content": "羽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60276": { - "content": "쇛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60277": { - "content": "鄑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60278": { - "content": "櫻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60279": { - "content": "뀍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60280": { - "content": "鋤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60281": { - "content": "칼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60282": { - "content": "궄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60283": { - "content": "깉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60284": { - "content": "仰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60285": { - "content": "뷋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60286": { - "content": "枴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60287": { - "content": "裛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60288": { - "content": "乱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60289": { - "content": "ీ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60290": { - "content": "淹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60291": { - "content": "镯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60292": { - "content": "숛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60293": { - "content": "棨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60294": { - "content": "椰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60295": { - "content": "쇂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60296": { - "content": "荁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60297": { - "content": "씨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60298": { - "content": "隕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60299": { - "content": "掦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60300": { - "content": "缙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60301": { - "content": "덀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60302": { - "content": "扳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60303": { - "content": "గ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60304": { - "content": "๘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60305": { - "content": "댏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60306": { - "content": "掄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60307": { - "content": "焼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60308": { - "content": "鎰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60309": { - "content": "띇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60310": { - "content": "욻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60311": { - "content": "믧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60312": { - "content": "힛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60313": { - "content": "픹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60314": { - "content": "놏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60315": { - "content": "常", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60316": { - "content": "뇾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60317": { - "content": "杼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60318": { - "content": "츚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60319": { - "content": "緩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60320": { - "content": "蝕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60321": { - "content": "珰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60322": { - "content": "漫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60323": { - "content": "ೂ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60324": { - "content": "憙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60325": { - "content": "눿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60326": { - "content": "솱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60327": { - "content": "寰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60328": { - "content": "菈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60329": { - "content": "톉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60330": { - "content": "썐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60331": { - "content": "ř", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60332": { - "content": "疬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60333": { - "content": "퓛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60334": { - "content": "묫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60335": { - "content": "鲞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60336": { - "content": "굵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60337": { - "content": "遨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60338": { - "content": "혽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60339": { - "content": "跹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60340": { - "content": "죒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60341": { - "content": "텨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60342": { - "content": "븯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60343": { - "content": "瓜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60344": { - "content": "럢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60345": { - "content": "덤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60346": { - "content": "떉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60347": { - "content": "౨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60348": { - "content": "띩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60349": { - "content": "붦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60350": { - "content": "뫶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60351": { - "content": "粉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60352": { - "content": "픟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60353": { - "content": "敔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60354": { - "content": "震", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60355": { - "content": "蛞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60356": { - "content": "껎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60357": { - "content": "Ỷ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60358": { - "content": "噂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60359": { - "content": "쭻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60360": { - "content": "勣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60361": { - "content": "깜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60362": { - "content": "숂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60363": { - "content": "輓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60364": { - "content": "𫠜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60365": { - "content": "マ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60366": { - "content": "溠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60367": { - "content": "绾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60368": { - "content": "区", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60369": { - "content": "펟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60370": { - "content": "溻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60371": { - "content": "鸿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60372": { - "content": "휎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60373": { - "content": "쉻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60374": { - "content": "ป", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60375": { - "content": "개", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60376": { - "content": "숋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60377": { - "content": "计", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60378": { - "content": "漲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60379": { - "content": "偿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60380": { - "content": "ぽ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60381": { - "content": "좃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60382": { - "content": "嬸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60383": { - "content": "迸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60384": { - "content": "콻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60385": { - "content": "ர", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60386": { - "content": "컼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60387": { - "content": "○", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60388": { - "content": "쇼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60389": { - "content": "ŭ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60390": { - "content": "橋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60391": { - "content": "袈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60392": { - "content": "뒋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60393": { - "content": "删", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60394": { - "content": "益", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60395": { - "content": "쵒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60396": { - "content": "멞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60397": { - "content": "쵩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60398": { - "content": "뽥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60399": { - "content": "瓷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60400": { - "content": "颛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60401": { - "content": "낇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60402": { - "content": "셧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60403": { - "content": "醤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60404": { - "content": "볕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60405": { - "content": "较", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60406": { - "content": "뢻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60407": { - "content": "岍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60408": { - "content": "齄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60409": { - "content": "쩤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60410": { - "content": "笠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60411": { - "content": "垏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60412": { - "content": "껮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60413": { - "content": "ݦ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60414": { - "content": "뭌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60415": { - "content": "짧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60416": { - "content": "俯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60417": { - "content": "』", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60418": { - "content": "툛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60419": { - "content": "巛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60420": { - "content": "伽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60421": { - "content": "絲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60422": { - "content": "퇕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60423": { - "content": "읪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60424": { - "content": "呸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60425": { - "content": "컁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60426": { - "content": "邶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60427": { - "content": "羱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60428": { - "content": "샥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60429": { - "content": "慍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60430": { - "content": "逊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60431": { - "content": "猫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60432": { - "content": "뺭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60433": { - "content": "崌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60434": { - "content": "솠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60435": { - "content": "꾍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60436": { - "content": "틋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60437": { - "content": "堉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60438": { - "content": "낰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60439": { - "content": "릢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60440": { - "content": "炭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60441": { - "content": "廛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60442": { - "content": "얂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60443": { - "content": "뚯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60444": { - "content": "궏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60445": { - "content": "둨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60446": { - "content": "考", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60447": { - "content": "樑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60448": { - "content": "鳓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60449": { - "content": "삌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60450": { - "content": "퀗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60451": { - "content": "筀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60452": { - "content": "쵀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60453": { - "content": "惘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60454": { - "content": "钐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60455": { - "content": "靭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60456": { - "content": "쒬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60457": { - "content": "噩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60458": { - "content": "衿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60459": { - "content": "꽮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60460": { - "content": "桲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60461": { - "content": "曆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60462": { - "content": "媒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60463": { - "content": "蓠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60464": { - "content": "ฑ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60465": { - "content": "뇍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60466": { - "content": "쪧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60467": { - "content": "턞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60468": { - "content": "縢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60469": { - "content": "祠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60470": { - "content": "쥔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60471": { - "content": "鲽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60472": { - "content": "앨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60473": { - "content": "줽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60474": { - "content": "떲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60475": { - "content": "콂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60476": { - "content": "珖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60477": { - "content": "뺶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60478": { - "content": "꿎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60479": { - "content": "鲕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60480": { - "content": "蓓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60481": { - "content": "긅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60482": { - "content": "왞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60483": { - "content": "嶅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60484": { - "content": "肆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60485": { - "content": "릖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60486": { - "content": "뉰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60487": { - "content": "哱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60488": { - "content": "波", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60489": { - "content": "쐦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60490": { - "content": "웣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60491": { - "content": "珹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60492": { - "content": "렿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60493": { - "content": "켔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60494": { - "content": "ക", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60495": { - "content": "ా", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60496": { - "content": "심", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60497": { - "content": "践", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60498": { - "content": "ډ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60499": { - "content": "厨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60500": { - "content": "前", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60501": { - "content": "淆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60502": { - "content": "뾣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60503": { - "content": "柩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60504": { - "content": "뾭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60505": { - "content": "쪣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60506": { - "content": "蜾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60507": { - "content": "队", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60508": { - "content": "퐻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60509": { - "content": "バ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60510": { - "content": "蛳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60511": { - "content": "邊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60512": { - "content": "쬸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60513": { - "content": "癡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60514": { - "content": "煖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60515": { - "content": "餅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60516": { - "content": "虿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60517": { - "content": "왥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60518": { - "content": "魃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60519": { - "content": "쁇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60520": { - "content": "샱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60521": { - "content": "ㆈ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60522": { - "content": "蒈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60523": { - "content": "蕈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60524": { - "content": "ㆄ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60525": { - "content": "鲅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60526": { - "content": "믐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60527": { - "content": "으", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60528": { - "content": "儷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60529": { - "content": "쒮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60530": { - "content": "쨣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60531": { - "content": "류", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60532": { - "content": "씛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60533": { - "content": "뵵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60534": { - "content": "॥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60535": { - "content": "鹄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60536": { - "content": "뜥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60537": { - "content": "꽊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60538": { - "content": "编", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60539": { - "content": "솇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60540": { - "content": "渔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60541": { - "content": "有", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60542": { - "content": "僳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60543": { - "content": "댮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60544": { - "content": "폲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60545": { - "content": "쨸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60546": { - "content": "ত", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60547": { - "content": "벖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60548": { - "content": "パ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60549": { - "content": "滬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60550": { - "content": "냴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60551": { - "content": "胄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60552": { - "content": "벏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60553": { - "content": "扩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60554": { - "content": "줵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60555": { - "content": "喪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60556": { - "content": "跸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60557": { - "content": "풚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60558": { - "content": "뜼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60559": { - "content": "馌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60560": { - "content": "벬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60561": { - "content": "댅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60562": { - "content": "啜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60563": { - "content": "妈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60564": { - "content": "ぷ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60565": { - "content": "粿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60566": { - "content": "죬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60567": { - "content": "𬶏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60568": { - "content": "葵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60569": { - "content": "욫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60570": { - "content": "늫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60571": { - "content": "菏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60572": { - "content": "옋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60573": { - "content": "밢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60574": { - "content": "叹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60575": { - "content": "욧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60576": { - "content": "轎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60577": { - "content": "왷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60578": { - "content": "歷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60579": { - "content": "쨽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60580": { - "content": "홣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60581": { - "content": "촢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60582": { - "content": "캥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60583": { - "content": "게", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60584": { - "content": "復", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60585": { - "content": "浸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60586": { - "content": "놤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60587": { - "content": "톱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60588": { - "content": "퍝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60589": { - "content": "푆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60590": { - "content": "睑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60591": { - "content": "钿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60592": { - "content": "늋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60593": { - "content": "즻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60594": { - "content": "ट", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60595": { - "content": "뒿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60596": { - "content": "뤥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60597": { - "content": "뒒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60598": { - "content": "챥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60599": { - "content": "钥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60600": { - "content": "願", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60601": { - "content": "꽬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60602": { - "content": "ځ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60603": { - "content": "헱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60604": { - "content": "떳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60605": { - "content": "ザ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60606": { - "content": "腚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60607": { - "content": "湘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60608": { - "content": "뢞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60609": { - "content": "饱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60610": { - "content": "압", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60611": { - "content": "翚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60612": { - "content": "똂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60613": { - "content": "戬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60614": { - "content": "苤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60615": { - "content": "붵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60616": { - "content": "容", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60617": { - "content": "뤵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60618": { - "content": "팮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60619": { - "content": "헓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60620": { - "content": "宠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60621": { - "content": "理", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60622": { - "content": "蛊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60623": { - "content": "싖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60624": { - "content": "𬺤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60625": { - "content": "쯮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60626": { - "content": "柬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60627": { - "content": "좩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60628": { - "content": "暝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60629": { - "content": "흝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60630": { - "content": "흉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60631": { - "content": "淦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60632": { - "content": "嘤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60633": { - "content": "诜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60634": { - "content": "뭈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60635": { - "content": "꿆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60636": { - "content": "腭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60637": { - "content": "羡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60638": { - "content": "ڻ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60639": { - "content": "징", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60640": { - "content": "舉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60641": { - "content": "镃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60642": { - "content": "꽑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60643": { - "content": "쁀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60644": { - "content": "忧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60645": { - "content": "논", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60646": { - "content": "惱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60647": { - "content": "쎵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60648": { - "content": "뼕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60649": { - "content": "厉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60650": { - "content": "犏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60651": { - "content": "弯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60652": { - "content": "咿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60653": { - "content": "찁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60654": { - "content": "냪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60655": { - "content": "忾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60656": { - "content": "짼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60657": { - "content": "땠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60658": { - "content": "恂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60659": { - "content": "륢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60660": { - "content": "蹠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60661": { - "content": "뺛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60662": { - "content": "芦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60663": { - "content": "猩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60664": { - "content": "획", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60665": { - "content": "땼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60666": { - "content": "귓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60667": { - "content": "꼮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60668": { - "content": "讫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60669": { - "content": "죽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60670": { - "content": "엣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60671": { - "content": "鎂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60672": { - "content": "暶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60673": { - "content": "铂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60674": { - "content": "糾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60675": { - "content": "猟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60676": { - "content": "먧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60677": { - "content": "훠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60678": { - "content": "峥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60679": { - "content": "伧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60680": { - "content": "モ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60681": { - "content": "뿠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60682": { - "content": "錢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60683": { - "content": "픧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60684": { - "content": "좋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60685": { - "content": "眯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60686": { - "content": "刍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60687": { - "content": "뷨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60688": { - "content": "仕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60689": { - "content": "쩡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60690": { - "content": "箩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60691": { - "content": "懺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60692": { - "content": "襴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60693": { - "content": "띸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60694": { - "content": "ે", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60695": { - "content": "牍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60696": { - "content": "큤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60697": { - "content": "蟬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60698": { - "content": "곗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60699": { - "content": "걜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60700": { - "content": "尽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60701": { - "content": "혊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60702": { - "content": "湛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60703": { - "content": "뻤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60704": { - "content": "볐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60705": { - "content": "跨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60706": { - "content": "쪉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60707": { - "content": "툢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60708": { - "content": "좦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60709": { - "content": "骦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60710": { - "content": "禔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60711": { - "content": "伦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60712": { - "content": "骡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60713": { - "content": "ݞ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60714": { - "content": "癃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60715": { - "content": "氅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60716": { - "content": "쥟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60717": { - "content": "롨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60718": { - "content": "碱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60719": { - "content": "囡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60720": { - "content": "얹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60721": { - "content": "쭑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60722": { - "content": "꾻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60723": { - "content": "잖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60724": { - "content": "덮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60725": { - "content": "췙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60726": { - "content": "透", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60727": { - "content": "씉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60728": { - "content": "ㅠ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60729": { - "content": "巉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60730": { - "content": "뎹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60731": { - "content": "窦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60732": { - "content": "졮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60733": { - "content": "톝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60734": { - "content": "쨐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60735": { - "content": "គ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60736": { - "content": "헜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60737": { - "content": "솋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60738": { - "content": "荊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60739": { - "content": "뱷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60740": { - "content": "ៈ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60741": { - "content": "ే", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60742": { - "content": "മ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60743": { - "content": "蜇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60744": { - "content": "뿹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60745": { - "content": "寬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60746": { - "content": "꿏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60747": { - "content": "뀥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60748": { - "content": "핰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60749": { - "content": "쪟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60750": { - "content": "職", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60751": { - "content": "拱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60752": { - "content": "ួ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60753": { - "content": "쎷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60754": { - "content": "𬃊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60755": { - "content": "诈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60756": { - "content": "敘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60757": { - "content": "享", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60758": { - "content": "冷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60759": { - "content": "齁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60760": { - "content": "뎌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60761": { - "content": "の", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60762": { - "content": "숱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60763": { - "content": "椎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60764": { - "content": "뢴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60765": { - "content": "帱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60766": { - "content": "홮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60767": { - "content": "턢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60768": { - "content": "堪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60769": { - "content": "畖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60770": { - "content": "씌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60771": { - "content": "唪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60772": { - "content": "௰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60773": { - "content": "뭀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60774": { - "content": "꼩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60775": { - "content": "豉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60776": { - "content": "쀫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60777": { - "content": "쳡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60778": { - "content": "툧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60779": { - "content": "꾋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60780": { - "content": "姘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60781": { - "content": "现", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60782": { - "content": "차", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60783": { - "content": "뎢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60784": { - "content": "슣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60785": { - "content": "뾰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60786": { - "content": "쬏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60787": { - "content": "쭕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60788": { - "content": "蹇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60789": { - "content": "궁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60790": { - "content": "뭘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60791": { - "content": "蹢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60792": { - "content": "낻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60793": { - "content": "퀉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60794": { - "content": "矶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60795": { - "content": "딧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60796": { - "content": "ؠ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60797": { - "content": "흮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60798": { - "content": "珣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60799": { - "content": "룎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60800": { - "content": "番", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60801": { - "content": "쮧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60802": { - "content": "𤩽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60803": { - "content": "組", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60804": { - "content": "뛮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60805": { - "content": "쑡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60806": { - "content": "悢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60807": { - "content": "컊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60808": { - "content": "夏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60809": { - "content": "퓿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60810": { - "content": "坷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60811": { - "content": "缜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60812": { - "content": "锸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60813": { - "content": "饕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60814": { - "content": "凪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60815": { - "content": "灏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60816": { - "content": "聿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60817": { - "content": "靑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60818": { - "content": "쒑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60819": { - "content": "욖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60820": { - "content": "밚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60821": { - "content": "꿚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60822": { - "content": "뽘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60823": { - "content": "老", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60824": { - "content": "蟓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60825": { - "content": "튳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60826": { - "content": "慬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60827": { - "content": "벘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60828": { - "content": "슿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60829": { - "content": "璽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60830": { - "content": "늟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60831": { - "content": "铙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60832": { - "content": "牴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60833": { - "content": "闭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60834": { - "content": "慶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60835": { - "content": "衝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60836": { - "content": "랱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60837": { - "content": "싕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60838": { - "content": "嘁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60839": { - "content": "즸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60840": { - "content": "껇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60841": { - "content": "뀊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60842": { - "content": "従", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60843": { - "content": "ۨ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60844": { - "content": "혾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60845": { - "content": "吞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60846": { - "content": "触", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60847": { - "content": "㘎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60848": { - "content": "먞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60849": { - "content": "黥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60850": { - "content": "峨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60851": { - "content": "迩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60852": { - "content": "朮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60853": { - "content": "뼒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60854": { - "content": "纜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60855": { - "content": "υ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60856": { - "content": "ർ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60857": { - "content": "튋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60858": { - "content": "您", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60859": { - "content": "땉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60860": { - "content": "좐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60861": { - "content": "闷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60862": { - "content": "蜱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60863": { - "content": "疫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60864": { - "content": "拃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60865": { - "content": "췵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60866": { - "content": "唬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60867": { - "content": "뭬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60868": { - "content": "默", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60869": { - "content": "雞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60870": { - "content": "黻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60871": { - "content": "쮭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60872": { - "content": "幃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60873": { - "content": "놝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60874": { - "content": "쀆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60875": { - "content": "淑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60876": { - "content": "丶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60877": { - "content": "谼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60878": { - "content": "寧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60879": { - "content": "뭭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60880": { - "content": "ದ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60881": { - "content": "죑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60882": { - "content": "辰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60883": { - "content": "컜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60884": { - "content": "ま", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60885": { - "content": "쥈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60886": { - "content": "婘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60887": { - "content": "裳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60888": { - "content": "뵚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60889": { - "content": "𬶍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60890": { - "content": "혇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60891": { - "content": "깙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60892": { - "content": "柔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60893": { - "content": "い", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60894": { - "content": "幅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60895": { - "content": "잲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60896": { - "content": "鹴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60897": { - "content": "ю", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60898": { - "content": "塁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60899": { - "content": "๗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60900": { - "content": "쨓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60901": { - "content": "쀜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60902": { - "content": "즾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60903": { - "content": "탲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60904": { - "content": "劉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60905": { - "content": "쨤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60906": { - "content": "쯲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60907": { - "content": "팲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60908": { - "content": "책", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60909": { - "content": "含", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60910": { - "content": "펅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60911": { - "content": "퉖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60912": { - "content": "哐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60913": { - "content": "蓿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60914": { - "content": "름", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60915": { - "content": "驟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60916": { - "content": "킁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60917": { - "content": "ਟ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60918": { - "content": "쩛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60919": { - "content": "쑗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60920": { - "content": "툫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60921": { - "content": "뵗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60922": { - "content": "뼭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60923": { - "content": "渙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60924": { - "content": "붅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60925": { - "content": "௵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60926": { - "content": "썞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60927": { - "content": "粘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60928": { - "content": "ड", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60929": { - "content": "쵣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60930": { - "content": "姽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60931": { - "content": "젬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60932": { - "content": "줝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60933": { - "content": "Ừ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60934": { - "content": "暴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60935": { - "content": "컸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60936": { - "content": "K", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60937": { - "content": "뉹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60938": { - "content": "躑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60939": { - "content": "즹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60940": { - "content": "埌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60941": { - "content": "ㅚ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60942": { - "content": "驛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60943": { - "content": "괖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60944": { - "content": "퀆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60945": { - "content": "隐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60946": { - "content": "誚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60947": { - "content": "驰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60948": { - "content": "頻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60949": { - "content": "傅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60950": { - "content": "잎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60951": { - "content": "鄯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60952": { - "content": "鴒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60953": { - "content": "럻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60954": { - "content": "콟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60955": { - "content": "빷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60956": { - "content": "桜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60957": { - "content": "ж", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60958": { - "content": "컅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60959": { - "content": "都", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60960": { - "content": "ㅦ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60961": { - "content": "村", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60962": { - "content": "뼣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60963": { - "content": "稍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60964": { - "content": "羝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60965": { - "content": "샚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60966": { - "content": "远", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60967": { - "content": "娃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60968": { - "content": "燮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60969": { - "content": "뗊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60970": { - "content": "랧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60971": { - "content": "𬺚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60972": { - "content": "荆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60973": { - "content": "蛲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60974": { - "content": "꼅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60975": { - "content": "풳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60976": { - "content": "监", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60977": { - "content": "욣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60978": { - "content": "旬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60979": { - "content": "弊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60980": { - "content": "쥅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60981": { - "content": "갥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60982": { - "content": "舜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60983": { - "content": "他", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60984": { - "content": "鲖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60985": { - "content": "뙎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60986": { - "content": "넯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60987": { - "content": "팈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60988": { - "content": "蹴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60989": { - "content": "둃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60990": { - "content": "瘠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60991": { - "content": "턶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60992": { - "content": "ٞ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60993": { - "content": "슓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60994": { - "content": "쵤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60995": { - "content": "類", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60996": { - "content": "踒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60997": { - "content": "食", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60998": { - "content": "뉴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "60999": { - "content": "뤴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61000": { - "content": "뎒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61001": { - "content": "澂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61002": { - "content": "퐣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61003": { - "content": "贱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61004": { - "content": "딽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61005": { - "content": "颖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61006": { - "content": "垩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61007": { - "content": "枠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61008": { - "content": "뛁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61009": { - "content": "땪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61010": { - "content": "康", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61011": { - "content": "و", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61012": { - "content": "в", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61013": { - "content": "亙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61014": { - "content": "嘭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61015": { - "content": "ഓ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61016": { - "content": "譟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61017": { - "content": "ㅌ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61018": { - "content": "쵍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61019": { - "content": "・", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61020": { - "content": "훫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61021": { - "content": "쳽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61022": { - "content": "碇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61023": { - "content": "徒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61024": { - "content": "膈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61025": { - "content": "삷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61026": { - "content": "完", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61027": { - "content": "糯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61028": { - "content": "圄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61029": { - "content": "圳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61030": { - "content": "믾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61031": { - "content": "舡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61032": { - "content": "꽹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61033": { - "content": "𫛭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61034": { - "content": "韬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61035": { - "content": "싔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61036": { - "content": "川", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61037": { - "content": "텼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61038": { - "content": "쾸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61039": { - "content": "댆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61040": { - "content": "첷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61041": { - "content": "縞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61042": { - "content": "챫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61043": { - "content": "攝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61044": { - "content": "웅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61045": { - "content": "ầ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61046": { - "content": "礪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61047": { - "content": "픉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61048": { - "content": "宗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61049": { - "content": "쇾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61050": { - "content": "ี", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61051": { - "content": "錘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61052": { - "content": "謁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61053": { - "content": "臭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61054": { - "content": "쵝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61055": { - "content": "썓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61056": { - "content": "쳮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61057": { - "content": "垤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61058": { - "content": "ೠ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61059": { - "content": "卻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61060": { - "content": "땸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61061": { - "content": "偃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61062": { - "content": "硫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61063": { - "content": "땀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61064": { - "content": "谧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61065": { - "content": "β", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61066": { - "content": "늸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61067": { - "content": "惴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61068": { - "content": "茓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61069": { - "content": "쾵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61070": { - "content": "舞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61071": { - "content": "펪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61072": { - "content": "칈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61073": { - "content": "驚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61074": { - "content": "숲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61075": { - "content": "맸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61076": { - "content": "퉚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61077": { - "content": "舨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61078": { - "content": "엑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61079": { - "content": "뽬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61080": { - "content": "桄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61081": { - "content": "癮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61082": { - "content": "툠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61083": { - "content": "隗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61084": { - "content": "𬘘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61085": { - "content": "輾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61086": { - "content": "迹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61087": { - "content": "鬒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61088": { - "content": "眬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61089": { - "content": "薀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61090": { - "content": "퓣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61091": { - "content": "閣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61092": { - "content": "뮹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61093": { - "content": "뚞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61094": { - "content": "煲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61095": { - "content": "칛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61096": { - "content": "侯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61097": { - "content": "来", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61098": { - "content": "걲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61099": { - "content": "贄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61100": { - "content": "馍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61101": { - "content": "삙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61102": { - "content": "뒹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61103": { - "content": "옖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61104": { - "content": "芨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61105": { - "content": "때", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61106": { - "content": "툞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61107": { - "content": "샺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61108": { - "content": "쇴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61109": { - "content": "쑷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61110": { - "content": "푿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61111": { - "content": "몪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61112": { - "content": "髙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61113": { - "content": "퍺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61114": { - "content": "묚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61115": { - "content": "翮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61116": { - "content": "锯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61117": { - "content": "茳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61118": { - "content": "𫍲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61119": { - "content": "搛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61120": { - "content": "糸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61121": { - "content": "뺈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61122": { - "content": "삔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61123": { - "content": "䴖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61124": { - "content": "उ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61125": { - "content": "ើ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61126": { - "content": "廃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61127": { - "content": "님", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61128": { - "content": "抓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61129": { - "content": "铷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61130": { - "content": "뛦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61131": { - "content": "쏉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61132": { - "content": "퓟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61133": { - "content": "삮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61134": { - "content": "줐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61135": { - "content": "髪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61136": { - "content": "噴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61137": { - "content": "쳆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61138": { - "content": "૧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61139": { - "content": "韩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61140": { - "content": "Ặ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61141": { - "content": "閡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61142": { - "content": "阔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61143": { - "content": "∶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61144": { - "content": "뾋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61145": { - "content": "쏌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61146": { - "content": "텣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61147": { - "content": "홳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61148": { - "content": "癫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61149": { - "content": "퓕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61150": { - "content": "邉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61151": { - "content": "몒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61152": { - "content": "𫘝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61153": { - "content": "髡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61154": { - "content": "윚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61155": { - "content": "삁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61156": { - "content": "쉔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61157": { - "content": "绁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61158": { - "content": "캐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61159": { - "content": "洲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61160": { - "content": "ҙ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61161": { - "content": "램", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61162": { - "content": "์", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61163": { - "content": "쮖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61164": { - "content": "뫬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61165": { - "content": "뀋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61166": { - "content": "躜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61167": { - "content": "끰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61168": { - "content": "私", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61169": { - "content": "錡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61170": { - "content": "더", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61171": { - "content": "뿕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61172": { - "content": "簌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61173": { - "content": "晐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61174": { - "content": "쭵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61175": { - "content": "芒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61176": { - "content": "填", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61177": { - "content": "ㆉ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61178": { - "content": "骍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61179": { - "content": "뱡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61180": { - "content": "뵫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61181": { - "content": "唔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61182": { - "content": "邱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61183": { - "content": "៵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61184": { - "content": "Ọ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61185": { - "content": "뎙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61186": { - "content": "뫮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61187": { - "content": "怍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61188": { - "content": "淺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61189": { - "content": "훎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61190": { - "content": "ఠ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61191": { - "content": "式", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61192": { - "content": "의", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61193": { - "content": "섿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61194": { - "content": "牒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61195": { - "content": "言", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61196": { - "content": "펢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61197": { - "content": "抬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61198": { - "content": "ㄻ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61199": { - "content": "쓮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61200": { - "content": "펣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61201": { - "content": "둪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61202": { - "content": "狯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61203": { - "content": "敫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61204": { - "content": "둚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61205": { - "content": "릮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61206": { - "content": "빀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61207": { - "content": "쒁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61208": { - "content": "푾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61209": { - "content": "螨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61210": { - "content": "𬍤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61211": { - "content": "Ч", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61212": { - "content": "띹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61213": { - "content": "쁫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61214": { - "content": "璬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61215": { - "content": "뚊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61216": { - "content": "렒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61217": { - "content": "褻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61218": { - "content": "왲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61219": { - "content": "틡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61220": { - "content": "耤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61221": { - "content": "쮀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61222": { - "content": "꿌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61223": { - "content": "햏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61224": { - "content": "픃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61225": { - "content": "슻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61226": { - "content": "ぅ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61227": { - "content": "渫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61228": { - "content": "숬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61229": { - "content": "귎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61230": { - "content": "또", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61231": { - "content": "乡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61232": { - "content": "횪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61233": { - "content": "嗎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61234": { - "content": "솅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61235": { - "content": "挠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61236": { - "content": "뼔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61237": { - "content": "欢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61238": { - "content": "儆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61239": { - "content": "夫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61240": { - "content": "𤧛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61241": { - "content": "뚹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61242": { - "content": "믰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61243": { - "content": "靰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61244": { - "content": "뉾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61245": { - "content": "柽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61246": { - "content": "엶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61247": { - "content": "揕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61248": { - "content": "镩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61249": { - "content": "눫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61250": { - "content": "帟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61251": { - "content": "퐚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61252": { - "content": "鄢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61253": { - "content": "뭉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61254": { - "content": "컆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61255": { - "content": "ン", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61256": { - "content": "쵫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61257": { - "content": "尧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61258": { - "content": "投", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61259": { - "content": "큛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61260": { - "content": "낱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61261": { - "content": "캝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61262": { - "content": "뾈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61263": { - "content": "큐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61264": { - "content": "뉄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61265": { - "content": "鬷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61266": { - "content": "꼊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61267": { - "content": "쮌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61268": { - "content": "乔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61269": { - "content": "椀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61270": { - "content": "斶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61271": { - "content": "垅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61272": { - "content": "라", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61273": { - "content": "줢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61274": { - "content": "跻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61275": { - "content": "뽆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61276": { - "content": "뾊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61277": { - "content": "泡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61278": { - "content": "캏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61279": { - "content": "뀴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61280": { - "content": "븹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61281": { - "content": "籣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61282": { - "content": "짤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61283": { - "content": "赦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61284": { - "content": "𬭩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61285": { - "content": "褲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61286": { - "content": "嗅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61287": { - "content": "곳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61288": { - "content": "陘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61289": { - "content": "锇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61290": { - "content": "蔻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61291": { - "content": "跷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61292": { - "content": "盗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61293": { - "content": "쯷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61294": { - "content": "痊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61295": { - "content": "쩮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61296": { - "content": "沖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61297": { - "content": "洑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61298": { - "content": "澆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61299": { - "content": "隴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61300": { - "content": "쪒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61301": { - "content": "쇈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61302": { - "content": "쥎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61303": { - "content": "欷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61304": { - "content": "臻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61305": { - "content": "𬭼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61306": { - "content": "挫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61307": { - "content": "門", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61308": { - "content": "뚤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61309": { - "content": "ឪ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61310": { - "content": "涉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61311": { - "content": "퀯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61312": { - "content": "稙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61313": { - "content": "淌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61314": { - "content": "뚑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61315": { - "content": "瑩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61316": { - "content": "갔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61317": { - "content": "齡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61318": { - "content": "芠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61319": { - "content": "뾢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61320": { - "content": "쮼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61321": { - "content": "㧑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61322": { - "content": "熄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61323": { - "content": "歴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61324": { - "content": "ஜ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61325": { - "content": "翟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61326": { - "content": "ग़", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61327": { - "content": "깕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61328": { - "content": "拿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61329": { - "content": "췋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61330": { - "content": "堂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61331": { - "content": "灞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61332": { - "content": "婿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61333": { - "content": "𦰡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61334": { - "content": "垒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61335": { - "content": "뛅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61336": { - "content": "팻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61337": { - "content": "텟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61338": { - "content": "蘿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61339": { - "content": "裊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61340": { - "content": "깒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61341": { - "content": "쓣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61342": { - "content": "쎭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61343": { - "content": "둺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61344": { - "content": "泠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61345": { - "content": "侍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61346": { - "content": "뒱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61347": { - "content": "쓀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61348": { - "content": "拉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61349": { - "content": "횝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61350": { - "content": "쒞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61351": { - "content": "쐪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61352": { - "content": "漳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61353": { - "content": "얰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61354": { - "content": "椠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61355": { - "content": "灶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61356": { - "content": "늯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61357": { - "content": "𣗋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61358": { - "content": "龚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61359": { - "content": "댚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61360": { - "content": "흸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61361": { - "content": "턴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61362": { - "content": "勞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61363": { - "content": "굼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61364": { - "content": "托", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61365": { - "content": "댥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61366": { - "content": "植", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61367": { - "content": "測", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61368": { - "content": "棋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61369": { - "content": "彬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61370": { - "content": "姞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61371": { - "content": "顸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61372": { - "content": "毎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61373": { - "content": "줋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61374": { - "content": "玆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61375": { - "content": "냳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61376": { - "content": "슦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61377": { - "content": "쯏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61378": { - "content": "뺔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61379": { - "content": "噥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61380": { - "content": "齷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61381": { - "content": "舵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61382": { - "content": "뮵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61383": { - "content": "쎏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61384": { - "content": "饨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61385": { - "content": "㑇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61386": { - "content": "鼫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61387": { - "content": "৪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61388": { - "content": "춺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61389": { - "content": "앖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61390": { - "content": "퐰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61391": { - "content": "웥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61392": { - "content": "裯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61393": { - "content": "뺚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61394": { - "content": "其", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61395": { - "content": "슥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61396": { - "content": "꾪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61397": { - "content": "둠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61398": { - "content": "쀍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61399": { - "content": "吭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61400": { - "content": "ũ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61401": { - "content": "刂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61402": { - "content": "ユ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61403": { - "content": "늷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61404": { - "content": "埆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61405": { - "content": "꽲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61406": { - "content": "뒠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61407": { - "content": "룻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61408": { - "content": "뒎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61409": { - "content": "콏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61410": { - "content": "안", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61411": { - "content": "흷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61412": { - "content": "書", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61413": { - "content": "谊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61414": { - "content": "狱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61415": { - "content": "蒺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61416": { - "content": "焖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61417": { - "content": "峄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61418": { - "content": "蛀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61419": { - "content": "誹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61420": { - "content": "끘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61421": { - "content": "鲀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61422": { - "content": "็", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61423": { - "content": "턍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61424": { - "content": "喘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61425": { - "content": "粤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61426": { - "content": "릺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61427": { - "content": "뗷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61428": { - "content": "憋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61429": { - "content": "鄀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61430": { - "content": "痂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61431": { - "content": "욘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61432": { - "content": "仏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61433": { - "content": "玭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61434": { - "content": "럐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61435": { - "content": "偷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61436": { - "content": "ท", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61437": { - "content": "궝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61438": { - "content": "쳈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61439": { - "content": "섡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61440": { - "content": "럌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61441": { - "content": "怊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61442": { - "content": "혢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61443": { - "content": "촏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61444": { - "content": "윱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61445": { - "content": "廳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61446": { - "content": "豊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61447": { - "content": "뷳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61448": { - "content": "숤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61449": { - "content": "ತ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61450": { - "content": "롺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61451": { - "content": "쌆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61452": { - "content": "苯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61453": { - "content": "搐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61454": { - "content": "漆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61455": { - "content": "鯀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61456": { - "content": "푕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61457": { - "content": "岽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61458": { - "content": "찿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61459": { - "content": "툨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61460": { - "content": "鄱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61461": { - "content": "눇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61462": { - "content": "쩏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61463": { - "content": "싰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61464": { - "content": "펖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61465": { - "content": "輕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61466": { - "content": "潮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61467": { - "content": "्", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61468": { - "content": "낷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61469": { - "content": "핷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61470": { - "content": "펌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61471": { - "content": "譴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61472": { - "content": "镥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61473": { - "content": "쎔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61474": { - "content": "릚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61475": { - "content": "∗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61476": { - "content": "硷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61477": { - "content": "쥢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61478": { - "content": "探", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61479": { - "content": "Ə", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61480": { - "content": "乘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61481": { - "content": "삘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61482": { - "content": "哝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61483": { - "content": "읔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61484": { - "content": "휟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61485": { - "content": "渚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61486": { - "content": "휚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61487": { - "content": "扽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61488": { - "content": "툓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61489": { - "content": "勛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61490": { - "content": "畜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61491": { - "content": "請", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61492": { - "content": "퀝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61493": { - "content": "颟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61494": { - "content": "𩽾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61495": { - "content": "叙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61496": { - "content": "밋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61497": { - "content": "줾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61498": { - "content": "뜔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61499": { - "content": "昣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61500": { - "content": "௴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61501": { - "content": "쐷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61502": { - "content": "슾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61503": { - "content": "솄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61504": { - "content": "욦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61505": { - "content": "瘼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61506": { - "content": "呃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61507": { - "content": "퐿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61508": { - "content": "ே", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61509": { - "content": "봯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61510": { - "content": "늚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61511": { - "content": "텲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61512": { - "content": "剁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61513": { - "content": "圐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61514": { - "content": "홋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61515": { - "content": "厩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61516": { - "content": "턾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61517": { - "content": "𦒍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61518": { - "content": "억", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61519": { - "content": "얿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61520": { - "content": "재", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61521": { - "content": "ឝ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61522": { - "content": "晰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61523": { - "content": "仡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61524": { - "content": "킩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61525": { - "content": "뒁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61526": { - "content": "ㅄ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61527": { - "content": "뙣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61528": { - "content": "뱔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61529": { - "content": "块", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61530": { - "content": "継", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61531": { - "content": "쁸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61532": { - "content": "쿺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61533": { - "content": "희", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61534": { - "content": "예", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61535": { - "content": "楷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61536": { - "content": "저", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61537": { - "content": "갮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61538": { - "content": "嘈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61539": { - "content": "폻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61540": { - "content": "紇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61541": { - "content": "知", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61542": { - "content": "럖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61543": { - "content": "裼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61544": { - "content": "堼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61545": { - "content": "贾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61546": { - "content": "쇗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61547": { - "content": "脾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61548": { - "content": "펗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61549": { - "content": "껏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61550": { - "content": "ム", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61551": { - "content": "뢎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61552": { - "content": "图", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61553": { - "content": "걉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61554": { - "content": "샡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61555": { - "content": "딒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61556": { - "content": "度", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61557": { - "content": "洗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61558": { - "content": "펕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61559": { - "content": "뱹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61560": { - "content": "큫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61561": { - "content": "텺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61562": { - "content": "쯬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61563": { - "content": "豬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61564": { - "content": "嬢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61565": { - "content": "뷁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61566": { - "content": "伲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61567": { - "content": "姆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61568": { - "content": "及", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61569": { - "content": "覃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61570": { - "content": "톏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61571": { - "content": "耔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61572": { - "content": "뎆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61573": { - "content": "闢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61574": { - "content": "祾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61575": { - "content": "귍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61576": { - "content": "泼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61577": { - "content": "浴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61578": { - "content": "븧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61579": { - "content": "喜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61580": { - "content": "墚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61581": { - "content": "랜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61582": { - "content": "眼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61583": { - "content": "ร", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61584": { - "content": "蛎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61585": { - "content": "섘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61586": { - "content": "𬜬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61587": { - "content": "껼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61588": { - "content": "嗾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61589": { - "content": "븩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61590": { - "content": "쒪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61591": { - "content": "砠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61592": { - "content": "这", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61593": { - "content": "膵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61594": { - "content": "猺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61595": { - "content": "阇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61596": { - "content": "க", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61597": { - "content": "辣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61598": { - "content": "胈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61599": { - "content": "꺖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61600": { - "content": "校", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61601": { - "content": "껯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61602": { - "content": "刺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61603": { - "content": "껡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61604": { - "content": "놶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61605": { - "content": "햧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61606": { - "content": "驮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61607": { - "content": "狎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61608": { - "content": "咋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61609": { - "content": "맢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61610": { - "content": "뿄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61611": { - "content": "뢣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61612": { - "content": "뿀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61613": { - "content": "竣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61614": { - "content": "矩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61615": { - "content": "恵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61616": { - "content": "糠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61617": { - "content": "쉜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61618": { - "content": "솢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61619": { - "content": "댄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61620": { - "content": "뚭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61621": { - "content": "썃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61622": { - "content": "恢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61623": { - "content": "瀕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61624": { - "content": "옶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61625": { - "content": "甚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61626": { - "content": "쥋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61627": { - "content": "킰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61628": { - "content": "뢇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61629": { - "content": "겙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61630": { - "content": "쬡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61631": { - "content": "萊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61632": { - "content": "礵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61633": { - "content": "鹛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61634": { - "content": "먷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61635": { - "content": "Ắ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61636": { - "content": "화", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61637": { - "content": "阎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61638": { - "content": "ݴ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61639": { - "content": "龍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61640": { - "content": "圪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61641": { - "content": "뾻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61642": { - "content": "옸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61643": { - "content": "뾅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61644": { - "content": "叨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61645": { - "content": "쨞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61646": { - "content": "퀡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61647": { - "content": "闫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61648": { - "content": "易", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61649": { - "content": "돂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61650": { - "content": "耍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61651": { - "content": "௳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61652": { - "content": "燹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61653": { - "content": "뢓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61654": { - "content": "막", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61655": { - "content": "呉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61656": { - "content": "쵐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61657": { - "content": "搿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61658": { - "content": "诹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61659": { - "content": "쿪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61660": { - "content": "쑸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61661": { - "content": "捶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61662": { - "content": "멶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61663": { - "content": "뜜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61664": { - "content": "𬳿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61665": { - "content": "뱘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61666": { - "content": "衤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61667": { - "content": "도", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61668": { - "content": "珑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61669": { - "content": "租", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61670": { - "content": "脬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61671": { - "content": "國", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61672": { - "content": "烻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61673": { - "content": "쳖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61674": { - "content": "핽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61675": { - "content": "쾖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61676": { - "content": "宓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61677": { - "content": "쵛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61678": { - "content": "船", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61679": { - "content": "퉦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61680": { - "content": "廢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61681": { - "content": "쪍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61682": { - "content": "坊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61683": { - "content": "鄠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61684": { - "content": "晗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61685": { - "content": "싈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61686": { - "content": "歧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61687": { - "content": "ئ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61688": { - "content": "쫉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61689": { - "content": "誂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61690": { - "content": "뛬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61691": { - "content": "줞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61692": { - "content": "요", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61693": { - "content": "철", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61694": { - "content": "쁮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61695": { - "content": "闽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61696": { - "content": "駿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61697": { - "content": "뙇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61698": { - "content": "饸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61699": { - "content": "豨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61700": { - "content": "술", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61701": { - "content": "짞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61702": { - "content": "窎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61703": { - "content": "괏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61704": { - "content": "젝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61705": { - "content": "珈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61706": { - "content": "荄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61707": { - "content": "쌢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61708": { - "content": "왙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61709": { - "content": "몡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61710": { - "content": "鹌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61711": { - "content": "궸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61712": { - "content": "쬯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61713": { - "content": "촷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61714": { - "content": "꽺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61715": { - "content": "뭚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61716": { - "content": "뜺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61717": { - "content": "♀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61718": { - "content": "惡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61719": { - "content": "蕾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61720": { - "content": "輳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61721": { - "content": "贅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61722": { - "content": "꿞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61723": { - "content": "졥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61724": { - "content": "틼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61725": { - "content": "흳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61726": { - "content": "뵛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61727": { - "content": "壱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61728": { - "content": "쳯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61729": { - "content": "밾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61730": { - "content": "쟉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61731": { - "content": "莢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61732": { - "content": "饉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61733": { - "content": "龘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61734": { - "content": "쪩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61735": { - "content": "㛃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61736": { - "content": "酈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61737": { - "content": "굖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61738": { - "content": "خ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61739": { - "content": "鱷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61740": { - "content": "첚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61741": { - "content": "哆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61742": { - "content": "崿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61743": { - "content": "裟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61744": { - "content": "얌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61745": { - "content": "닆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61746": { - "content": "돹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61747": { - "content": "읳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61748": { - "content": "屠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61749": { - "content": "궋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61750": { - "content": "곽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61751": { - "content": "씝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61752": { - "content": "톯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61753": { - "content": "琿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61754": { - "content": "凛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61755": { - "content": "彘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61756": { - "content": "쐠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61757": { - "content": "톀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61758": { - "content": "눅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61759": { - "content": "풮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61760": { - "content": "ㆂ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61761": { - "content": "趴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61762": { - "content": "缆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61763": { - "content": "辅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61764": { - "content": "켈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61765": { - "content": "锆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61766": { - "content": "៣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61767": { - "content": "廿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61768": { - "content": "굹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61769": { - "content": "歡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61770": { - "content": "웸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61771": { - "content": "泫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61772": { - "content": "鞋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61773": { - "content": "췍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61774": { - "content": "潇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61775": { - "content": "ॄ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61776": { - "content": "巔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61777": { - "content": "칋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61778": { - "content": "舛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61779": { - "content": "렼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61780": { - "content": "娩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61781": { - "content": "켁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61782": { - "content": "묢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61783": { - "content": "갆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61784": { - "content": "咤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61785": { - "content": "혏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61786": { - "content": "嶋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61787": { - "content": "쎡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61788": { - "content": "傖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61789": { - "content": "빧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61790": { - "content": "殉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61791": { - "content": "焊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61792": { - "content": "킔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61793": { - "content": "ស", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61794": { - "content": "艰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61795": { - "content": "餾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61796": { - "content": "홚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61797": { - "content": "逆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61798": { - "content": "쉸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61799": { - "content": "뀖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61800": { - "content": "촫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61801": { - "content": "犧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61802": { - "content": "졧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61803": { - "content": "쒘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61804": { - "content": "뭒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61805": { - "content": "檻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61806": { - "content": "츟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61807": { - "content": "韁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61808": { - "content": "뀁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61809": { - "content": "먎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61810": { - "content": "侁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61811": { - "content": "颋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61812": { - "content": "柖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61813": { - "content": "쯦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61814": { - "content": "潑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61815": { - "content": "逋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61816": { - "content": "린", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61817": { - "content": "겤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61818": { - "content": "직", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61819": { - "content": "逓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61820": { - "content": "痫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61821": { - "content": "肄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61822": { - "content": "骂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61823": { - "content": "뻄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61824": { - "content": "횜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61825": { - "content": "爛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61826": { - "content": "с", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61827": { - "content": "勠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61828": { - "content": "쓾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61829": { - "content": "І", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61830": { - "content": "둼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61831": { - "content": "퓮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61832": { - "content": "弟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61833": { - "content": "๐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61834": { - "content": "셹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61835": { - "content": "𬺘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61836": { - "content": "苗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61837": { - "content": "嶺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61838": { - "content": "路", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61839": { - "content": "…", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61840": { - "content": "慨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61841": { - "content": "鑽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61842": { - "content": "륦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61843": { - "content": "뇩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61844": { - "content": "꺟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61845": { - "content": "뎎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61846": { - "content": "괞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61847": { - "content": "凋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61848": { - "content": "욄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61849": { - "content": "퓶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61850": { - "content": "뀆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61851": { - "content": "뮆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61852": { - "content": "뤛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61853": { - "content": "艷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61854": { - "content": "쭜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61855": { - "content": "蹜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61856": { - "content": "뱶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61857": { - "content": "읲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61858": { - "content": "镬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61859": { - "content": "쾰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61860": { - "content": "𬺞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61861": { - "content": "渣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61862": { - "content": "晌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61863": { - "content": "귁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61864": { - "content": "튠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61865": { - "content": "붲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61866": { - "content": "侧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61867": { - "content": "男", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61868": { - "content": "퓉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61869": { - "content": "鿍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61870": { - "content": "向", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61871": { - "content": "좛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61872": { - "content": "弄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61873": { - "content": "뙠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61874": { - "content": "旱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61875": { - "content": "؎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61876": { - "content": "뒖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61877": { - "content": "볉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61878": { - "content": "胗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61879": { - "content": "꺴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61880": { - "content": "赗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61881": { - "content": "労", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61882": { - "content": "멖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61883": { - "content": "蝨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61884": { - "content": "핓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61885": { - "content": "祛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61886": { - "content": "씬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61887": { - "content": "懼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61888": { - "content": "쿕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61889": { - "content": "좰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61890": { - "content": "胚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61891": { - "content": "舆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61892": { - "content": "诽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61893": { - "content": "핋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61894": { - "content": "리", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61895": { - "content": "췗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61896": { - "content": "嘮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61897": { - "content": "헉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61898": { - "content": "琮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61899": { - "content": "뙞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61900": { - "content": "బ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61901": { - "content": "銮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61902": { - "content": "荛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61903": { - "content": "矓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61904": { - "content": "뀾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61905": { - "content": "찚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61906": { - "content": "渉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61907": { - "content": "楊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61908": { - "content": "血", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61909": { - "content": "괆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61910": { - "content": "흊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61911": { - "content": "箜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61912": { - "content": "돴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61913": { - "content": "漭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61914": { - "content": "誑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61915": { - "content": "죸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61916": { - "content": "ا", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61917": { - "content": "죎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61918": { - "content": "医", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61919": { - "content": "뮞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61920": { - "content": "怩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61921": { - "content": "뽈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61922": { - "content": "뇫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61923": { - "content": "렑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61924": { - "content": "銨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61925": { - "content": "ヮ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61926": { - "content": "賞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61927": { - "content": "邨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61928": { - "content": "춓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61929": { - "content": "肸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61930": { - "content": "믝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61931": { - "content": "꿡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61932": { - "content": "늹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61933": { - "content": "雋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61934": { - "content": "谨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61935": { - "content": "긋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61936": { - "content": "鲶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61937": { - "content": "럲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61938": { - "content": "쿿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61939": { - "content": "鬱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61940": { - "content": "埙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61941": { - "content": "ఋ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61942": { - "content": "犼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61943": { - "content": "엢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61944": { - "content": "۩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61945": { - "content": "鳋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61946": { - "content": "鹅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61947": { - "content": "虞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61948": { - "content": "팚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61949": { - "content": "吐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61950": { - "content": "췇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61951": { - "content": "焦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61952": { - "content": "착", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61953": { - "content": "鸠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61954": { - "content": "텽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61955": { - "content": "렉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61956": { - "content": "릉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61957": { - "content": "殺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61958": { - "content": "텛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61959": { - "content": "蕻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61960": { - "content": "陪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61961": { - "content": "틟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61962": { - "content": "萧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61963": { - "content": "紋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61964": { - "content": "읝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61965": { - "content": "嗡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61966": { - "content": "쭨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61967": { - "content": "췌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61968": { - "content": "팄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61969": { - "content": "꿣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61970": { - "content": "밶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61971": { - "content": "쑨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61972": { - "content": "죈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61973": { - "content": "劁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61974": { - "content": "꽇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61975": { - "content": "项", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61976": { - "content": "面", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61977": { - "content": "筛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61978": { - "content": "닔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61979": { - "content": "잌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61980": { - "content": "쎖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61981": { - "content": "렵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61982": { - "content": "띨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61983": { - "content": "狗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61984": { - "content": "쨀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61985": { - "content": "쿠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61986": { - "content": "ਛ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61987": { - "content": "軟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61988": { - "content": "톭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61989": { - "content": "솩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61990": { - "content": "银", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61991": { - "content": "쎐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61992": { - "content": "൩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61993": { - "content": "谋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61994": { - "content": "穟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61995": { - "content": "졐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61996": { - "content": "냖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61997": { - "content": "헞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61998": { - "content": "틔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "61999": { - "content": "摸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62000": { - "content": "誘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62001": { - "content": "샽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62002": { - "content": "먌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62003": { - "content": "聍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62004": { - "content": "반", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62005": { - "content": "燧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62006": { - "content": "৷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62007": { - "content": "订", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62008": { - "content": "噔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62009": { - "content": "뱉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62010": { - "content": "꾫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62011": { - "content": "詁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62012": { - "content": "뷟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62013": { - "content": "𬘯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62014": { - "content": "덎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62015": { - "content": "훙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62016": { - "content": "鵑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62017": { - "content": "꼘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62018": { - "content": "鄜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62019": { - "content": "꾲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62020": { - "content": "氨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62021": { - "content": "亚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62022": { - "content": "긘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62023": { - "content": "炅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62024": { - "content": "萆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62025": { - "content": "뺵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62026": { - "content": "똻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62027": { - "content": "鹗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62028": { - "content": "됀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62029": { - "content": "誡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62030": { - "content": "岩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62031": { - "content": "졅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62032": { - "content": "跆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62033": { - "content": "닖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62034": { - "content": "法", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62035": { - "content": "駅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62036": { - "content": "튏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62037": { - "content": "委", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62038": { - "content": "砉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62039": { - "content": "踊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62040": { - "content": "륋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62041": { - "content": "훍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62042": { - "content": "揀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62043": { - "content": "髃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62044": { - "content": "쟋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62045": { - "content": "𬭬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62046": { - "content": "泖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62047": { - "content": "킄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62048": { - "content": "匮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62049": { - "content": "뎖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62050": { - "content": "툣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62051": { - "content": "捐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62052": { - "content": "쪶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62053": { - "content": "쫟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62054": { - "content": "譽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62055": { - "content": "잞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62056": { - "content": "營", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62057": { - "content": "뗪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62058": { - "content": "끬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62059": { - "content": "漓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62060": { - "content": "늵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62061": { - "content": "턄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62062": { - "content": "힐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62063": { - "content": "깗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62064": { - "content": "둱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62065": { - "content": "쳘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62066": { - "content": "ಙ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62067": { - "content": "씠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62068": { - "content": "徐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62069": { - "content": "굻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62070": { - "content": "拔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62071": { - "content": "焱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62072": { - "content": "甯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62073": { - "content": "즘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62074": { - "content": "쿇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62075": { - "content": "椸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62076": { - "content": "市", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62077": { - "content": "约", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62078": { - "content": "숕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62079": { - "content": "林", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62080": { - "content": "끟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62081": { - "content": "陕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62082": { - "content": "묊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62083": { - "content": "삏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62084": { - "content": "퉁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62085": { - "content": "맋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62086": { - "content": "혔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62087": { - "content": "턔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62088": { - "content": "훌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62089": { - "content": "뜑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62090": { - "content": "춴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62091": { - "content": "橄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62092": { - "content": "냩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62093": { - "content": "휖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62094": { - "content": "్", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62095": { - "content": "젛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62096": { - "content": "隠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62097": { - "content": "싘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62098": { - "content": "萱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62099": { - "content": "ڳ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62100": { - "content": "疖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62101": { - "content": "瘸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62102": { - "content": "惯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62103": { - "content": "椓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62104": { - "content": "ज़", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62105": { - "content": "畨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62106": { - "content": "讃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62107": { - "content": "쎳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62108": { - "content": "톎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62109": { - "content": "랸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62110": { - "content": "넊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62111": { - "content": "螋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62112": { - "content": "潛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62113": { - "content": "蛛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62114": { - "content": "镱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62115": { - "content": "유", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62116": { - "content": "덷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62117": { - "content": "섳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62118": { - "content": "觎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62119": { - "content": "च", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62120": { - "content": "摄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62121": { - "content": "쒼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62122": { - "content": "禾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62123": { - "content": "뽷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62124": { - "content": "봨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62125": { - "content": "霈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62126": { - "content": "쇚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62127": { - "content": "昆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62128": { - "content": "杜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62129": { - "content": "敝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62130": { - "content": "嬪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62131": { - "content": "맿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62132": { - "content": "靖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62133": { - "content": "顱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62134": { - "content": "廒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62135": { - "content": "탒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62136": { - "content": "통", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62137": { - "content": "疥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62138": { - "content": "甗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62139": { - "content": "鬘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62140": { - "content": "삾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62141": { - "content": "瑶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62142": { - "content": "缑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62143": { - "content": "솪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62144": { - "content": "촒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62145": { - "content": "뽮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62146": { - "content": "뢕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62147": { - "content": "眭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62148": { - "content": "늗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62149": { - "content": "겱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62150": { - "content": "౻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62151": { - "content": "켻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62152": { - "content": "罈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62153": { - "content": "볺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62154": { - "content": "섚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62155": { - "content": "햝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62156": { - "content": "ಮ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62157": { - "content": "孕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62158": { - "content": "验", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62159": { - "content": "挪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62160": { - "content": "煮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62161": { - "content": "鹘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62162": { - "content": "쉌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62163": { - "content": "떨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62164": { - "content": "酩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62165": { - "content": "럁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62166": { - "content": "踐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62167": { - "content": "꼪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62168": { - "content": "읥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62169": { - "content": "묧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62170": { - "content": "阏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62171": { - "content": "佗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62172": { - "content": "贲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62173": { - "content": "킟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62174": { - "content": "枵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62175": { - "content": "툏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62176": { - "content": "ݣ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62177": { - "content": "颏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62178": { - "content": "덳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62179": { - "content": "凜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62180": { - "content": "킹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62181": { - "content": "걫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62182": { - "content": "牝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62183": { - "content": "땞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62184": { - "content": "밌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62185": { - "content": "薑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62186": { - "content": "褐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62187": { - "content": "殖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62188": { - "content": "웤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62189": { - "content": "뿉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62190": { - "content": "㌧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62191": { - "content": "렕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62192": { - "content": "熊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62193": { - "content": "癲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62194": { - "content": "磷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62195": { - "content": "喟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62196": { - "content": "惶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62197": { - "content": "▶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62198": { - "content": "软", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62199": { - "content": "噓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62200": { - "content": "쵬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62201": { - "content": "챰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62202": { - "content": "麾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62203": { - "content": "ι", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62204": { - "content": "꼖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62205": { - "content": "𫖳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62206": { - "content": "蓖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62207": { - "content": "옔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62208": { - "content": "喀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62209": { - "content": "싩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62210": { - "content": "獯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62211": { - "content": "鲁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62212": { - "content": "訇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62213": { - "content": "恚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62214": { - "content": "ఞ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62215": { - "content": "됆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62216": { - "content": "좢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62217": { - "content": "뻼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62218": { - "content": "遘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62219": { - "content": "賓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62220": { - "content": "ы", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62221": { - "content": "袍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62222": { - "content": "衩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62223": { - "content": "서", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62224": { - "content": "鸦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62225": { - "content": "寇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62226": { - "content": "飽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62227": { - "content": "왅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62228": { - "content": "潺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62229": { - "content": "鐳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62230": { - "content": "칾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62231": { - "content": "米", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62232": { - "content": "ݵ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62233": { - "content": "푙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62234": { - "content": "莨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62235": { - "content": "ド", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62236": { - "content": "쳫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62237": { - "content": "熱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62238": { - "content": "骅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62239": { - "content": "옠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62240": { - "content": "箐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62241": { - "content": "篙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62242": { - "content": "戆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62243": { - "content": "锁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62244": { - "content": "犟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62245": { - "content": "멎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62246": { - "content": "韜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62247": { - "content": "괲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62248": { - "content": "痠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62249": { - "content": "쟻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62250": { - "content": "럅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62251": { - "content": "栢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62252": { - "content": "菟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62253": { - "content": "鸳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62254": { - "content": "錦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62255": { - "content": "忞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62256": { - "content": "斛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62257": { - "content": "牢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62258": { - "content": "ً", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62259": { - "content": "铵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62260": { - "content": "횓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62261": { - "content": "ٱ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62262": { - "content": "핤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62263": { - "content": "บ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62264": { - "content": "轨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62265": { - "content": "৮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62266": { - "content": "ﺵ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62267": { - "content": "儻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62268": { - "content": "φ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62269": { - "content": "䗪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62270": { - "content": "پ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62271": { - "content": "뛗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62272": { - "content": "쏋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62273": { - "content": "進", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62274": { - "content": "៙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62275": { - "content": "凰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62276": { - "content": "胤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62277": { - "content": "췻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62278": { - "content": "큥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62279": { - "content": "顺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62280": { - "content": "옻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62281": { - "content": "쑧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62282": { - "content": "榇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62283": { - "content": "ౠ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62284": { - "content": "孪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62285": { - "content": "玹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62286": { - "content": "貫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62287": { - "content": "쵻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62288": { - "content": "ㅺ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62289": { - "content": "룕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62290": { - "content": "氖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62291": { - "content": "큄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62292": { - "content": "驷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62293": { - "content": "苇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62294": { - "content": "層", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62295": { - "content": "뭔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62296": { - "content": "歆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62297": { - "content": "쏞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62298": { - "content": "踩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62299": { - "content": "췘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62300": { - "content": "碛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62301": { - "content": "璦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62302": { - "content": "凸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62303": { - "content": "뎚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62304": { - "content": "텰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62305": { - "content": "쥾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62306": { - "content": "뾮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62307": { - "content": "뷈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62308": { - "content": "句", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62309": { - "content": "뗛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62310": { - "content": "붸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62311": { - "content": "햜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62312": { - "content": "爔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62313": { - "content": "廬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62314": { - "content": "욹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62315": { - "content": "썉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62316": { - "content": "졓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62317": { - "content": "覲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62318": { - "content": "껫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62319": { - "content": "듬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62320": { - "content": "맻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62321": { - "content": "섎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62322": { - "content": "횊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62323": { - "content": "或", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62324": { - "content": "彊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62325": { - "content": "뭏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62326": { - "content": "蘖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62327": { - "content": "糵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62328": { - "content": "活", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62329": { - "content": "댣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62330": { - "content": "ಈ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62331": { - "content": "維", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62332": { - "content": "댹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62333": { - "content": "姪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62334": { - "content": "寞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62335": { - "content": "划", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62336": { - "content": "暮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62337": { - "content": "螃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62338": { - "content": "짝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62339": { - "content": "춣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62340": { - "content": "쨊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62341": { - "content": "퐆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62342": { - "content": "搁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62343": { - "content": "춅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62344": { - "content": "庥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62345": { - "content": "瞵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62346": { - "content": "汩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62347": { - "content": "쒽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62348": { - "content": "ઔ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62349": { - "content": "ല", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62350": { - "content": "赁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62351": { - "content": "変", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62352": { - "content": "磙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62353": { - "content": "ு", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62354": { - "content": "掰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62355": { - "content": "拈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62356": { - "content": "钱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62357": { - "content": "升", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62358": { - "content": "푡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62359": { - "content": "쌾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62360": { - "content": "ک", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62361": { - "content": "츮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62362": { - "content": "꼻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62363": { - "content": "㧟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62364": { - "content": "횤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62365": { - "content": "쳠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62366": { - "content": "샟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62367": { - "content": "황", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62368": { - "content": "뼁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62369": { - "content": "訳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62370": { - "content": "咖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62371": { - "content": "性", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62372": { - "content": "탙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62373": { - "content": "짙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62374": { - "content": "犸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62375": { - "content": "먓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62376": { - "content": "恁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62377": { - "content": "뾫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62378": { - "content": "舄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62379": { - "content": "켠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62380": { - "content": "쇳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62381": { - "content": "ぴ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62382": { - "content": "ਔ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62383": { - "content": "횞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62384": { - "content": "밴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62385": { - "content": "箝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62386": { - "content": "哼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62387": { - "content": "찠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62388": { - "content": "룷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62389": { - "content": "뿩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62390": { - "content": "焆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62391": { - "content": "덃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62392": { - "content": "싫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62393": { - "content": "쏪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62394": { - "content": "汶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62395": { - "content": "떊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62396": { - "content": "泮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62397": { - "content": "菡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62398": { - "content": "萸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62399": { - "content": "뿍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62400": { - "content": "屣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62401": { - "content": "計", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62402": { - "content": "嗟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62403": { - "content": "毬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62404": { - "content": "풒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62405": { - "content": "큃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62406": { - "content": "禚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62407": { - "content": "쌵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62408": { - "content": "봷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62409": { - "content": "炫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62410": { - "content": "꼤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62411": { - "content": "蠻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62412": { - "content": "ચ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62413": { - "content": "밆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62414": { - "content": "썱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62415": { - "content": "퀘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62416": { - "content": "堺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62417": { - "content": "炷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62418": { - "content": "쇬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62419": { - "content": "방", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62420": { - "content": "랡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62421": { - "content": "袜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62422": { - "content": "鞅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62423": { - "content": "蔈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62424": { - "content": "諧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62425": { - "content": "賅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62426": { - "content": "뫰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62427": { - "content": "診", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62428": { - "content": "膪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62429": { - "content": "굷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62430": { - "content": "옦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62431": { - "content": "瓤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62432": { - "content": "쐲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62433": { - "content": "귰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62434": { - "content": "遒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62435": { - "content": "璥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62436": { - "content": "湔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62437": { - "content": "쪳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62438": { - "content": "缇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62439": { - "content": "喳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62440": { - "content": "돰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62441": { - "content": "晁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62442": { - "content": "괾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62443": { - "content": "屑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62444": { - "content": "飭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62445": { - "content": "햶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62446": { - "content": "듥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62447": { - "content": "砦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62448": { - "content": "횾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62449": { - "content": "턷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62450": { - "content": "뼲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62451": { - "content": "垃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62452": { - "content": "찂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62453": { - "content": "趸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62454": { - "content": "鳟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62455": { - "content": "ಊ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62456": { - "content": "潦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62457": { - "content": "๑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62458": { - "content": "蚁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62459": { - "content": "ൊ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62460": { - "content": "힃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62461": { - "content": "仆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62462": { - "content": "伱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62463": { - "content": "즟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62464": { - "content": "돜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62465": { - "content": "뗻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62466": { - "content": "놚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62467": { - "content": "纨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62468": { - "content": "沦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62469": { - "content": "苦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62470": { - "content": "ഠ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62471": { - "content": "綞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62472": { - "content": "댒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62473": { - "content": "髭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62474": { - "content": "័", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62475": { - "content": "濉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62476": { - "content": "잂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62477": { - "content": "攔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62478": { - "content": "늧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62479": { - "content": "쓁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62480": { - "content": "잾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62481": { - "content": "亥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62482": { - "content": "鍋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62483": { - "content": "ओ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62484": { - "content": "僎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62485": { - "content": "됃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62486": { - "content": "繊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62487": { - "content": "귉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62488": { - "content": "什", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62489": { - "content": "영", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62490": { - "content": "濤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62491": { - "content": "뤃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62492": { - "content": "뉵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62493": { - "content": "빭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62494": { - "content": "撇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62495": { - "content": "俑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62496": { - "content": "铜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62497": { - "content": "垫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62498": { - "content": "拋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62499": { - "content": "薮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62500": { - "content": "끔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62501": { - "content": "뛑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62502": { - "content": "번", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62503": { - "content": "빪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62504": { - "content": "鸧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62505": { - "content": "别", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62506": { - "content": "て", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62507": { - "content": "멺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62508": { - "content": "툤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62509": { - "content": "夷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62510": { - "content": "漱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62511": { - "content": "𫮃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62512": { - "content": "限", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62513": { - "content": "‬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62514": { - "content": "演", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62515": { - "content": "킪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62516": { - "content": "瞿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62517": { - "content": "題", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62518": { - "content": "শ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62519": { - "content": "电", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62520": { - "content": "锽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62521": { - "content": "蜻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62522": { - "content": "邿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62523": { - "content": "ด", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62524": { - "content": "詹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62525": { - "content": "귟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62526": { - "content": "儈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62527": { - "content": "娠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62528": { - "content": "躏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62529": { - "content": "꺹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62530": { - "content": "ถ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62531": { - "content": "妙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62532": { - "content": "從", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62533": { - "content": "줒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62534": { - "content": "月", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62535": { - "content": "뜈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62536": { - "content": "Ỵ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62537": { - "content": "짥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62538": { - "content": "쳛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62539": { - "content": "畦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62540": { - "content": "춛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62541": { - "content": "研", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62542": { - "content": "엳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62543": { - "content": "찎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62544": { - "content": "맫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62545": { - "content": "췴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62546": { - "content": "炘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62547": { - "content": "욵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62548": { - "content": "곁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62549": { - "content": "딩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62550": { - "content": "뺕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62551": { - "content": "椪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62552": { - "content": "ڈ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62553": { - "content": "쾾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62554": { - "content": "흒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62555": { - "content": "离", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62556": { - "content": "困", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62557": { - "content": "坭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62558": { - "content": "尉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62559": { - "content": "攻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62560": { - "content": "棘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62561": { - "content": "谭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62562": { - "content": "热", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62563": { - "content": "・", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62564": { - "content": "匱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62565": { - "content": "붜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62566": { - "content": "행", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62567": { - "content": "呣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62568": { - "content": "ગ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62569": { - "content": "꿢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62570": { - "content": "蜒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62571": { - "content": "툦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62572": { - "content": "噇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62573": { - "content": "눹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62574": { - "content": "肮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62575": { - "content": "儦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62576": { - "content": "뉧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62577": { - "content": "웋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62578": { - "content": "灈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62579": { - "content": "쨭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62580": { - "content": "ក", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62581": { - "content": "萜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62582": { - "content": "쫽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62583": { - "content": "巫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62584": { - "content": "뽙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62585": { - "content": "뚦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62586": { - "content": "멆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62587": { - "content": "伫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62588": { - "content": "闆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62589": { - "content": "猡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62590": { - "content": "훖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62591": { - "content": "थ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62592": { - "content": "ң", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62593": { - "content": "膑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62594": { - "content": "曙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62595": { - "content": "刭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62596": { - "content": "쥄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62597": { - "content": "ỏ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62598": { - "content": "戭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62599": { - "content": "왒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62600": { - "content": "휆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62601": { - "content": "屯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62602": { - "content": "았", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62603": { - "content": "搅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62604": { - "content": "궜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62605": { - "content": "츴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62606": { - "content": "튔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62607": { - "content": "掼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62608": { - "content": "괥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62609": { - "content": "ฎ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62610": { - "content": "侶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62611": { - "content": "랤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62612": { - "content": "瑬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62613": { - "content": "俩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62614": { - "content": "쬣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62615": { - "content": "귵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62616": { - "content": "홭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62617": { - "content": "経", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62618": { - "content": "岐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62619": { - "content": "沬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62620": { - "content": "剰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62621": { - "content": "謙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62622": { - "content": "蚋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62623": { - "content": "饧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62624": { - "content": "밟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62625": { - "content": "뷗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62626": { - "content": "빬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62627": { - "content": "뗀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62628": { - "content": "꼳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62629": { - "content": "黜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62630": { - "content": "땷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62631": { - "content": "韃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62632": { - "content": "똿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62633": { - "content": "鰱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62634": { - "content": "ऌ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62635": { - "content": "鲡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62636": { - "content": "島", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62637": { - "content": "砸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62638": { - "content": "쐂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62639": { - "content": "憺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62640": { - "content": "냫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62641": { - "content": "븎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62642": { - "content": "痞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62643": { - "content": "덝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62644": { - "content": "둫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62645": { - "content": "ậ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62646": { - "content": "磕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62647": { - "content": "슡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62648": { - "content": "鼒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62649": { - "content": "세", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62650": { - "content": "휌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62651": { - "content": "镆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62652": { - "content": "꺊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62653": { - "content": "嚎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62654": { - "content": "넕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62655": { - "content": "쀦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62656": { - "content": "톅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62657": { - "content": "렔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62658": { - "content": "鉻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62659": { - "content": "鹰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62660": { - "content": "선", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62661": { - "content": "샕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62662": { - "content": "礎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62663": { - "content": "쎊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62664": { - "content": "构", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62665": { - "content": "െ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62666": { - "content": "年", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62667": { - "content": "跳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62668": { - "content": "鹦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62669": { - "content": "쓑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62670": { - "content": "똛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62671": { - "content": "憤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62672": { - "content": "걛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62673": { - "content": "企", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62674": { - "content": "罪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62675": { - "content": "맃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62676": { - "content": "휷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62677": { - "content": "카", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62678": { - "content": "턋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62679": { - "content": "겛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62680": { - "content": "쀒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62681": { - "content": "쯡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62682": { - "content": "埋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62683": { - "content": "놵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62684": { - "content": "求", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62685": { - "content": "僥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62686": { - "content": "訫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62687": { - "content": "於", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62688": { - "content": "堆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62689": { - "content": "뺋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62690": { - "content": "௸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62691": { - "content": "ऱ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62692": { - "content": "晖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62693": { - "content": "꿓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62694": { - "content": "멮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62695": { - "content": "闐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62696": { - "content": "ۈ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62697": { - "content": "擇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62698": { - "content": "堽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62699": { - "content": "综", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62700": { - "content": "疭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62701": { - "content": "艽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62702": { - "content": "皛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62703": { - "content": "톽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62704": { - "content": "滉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62705": { - "content": "핶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62706": { - "content": "췬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62707": { - "content": "崆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62708": { - "content": "悽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62709": { - "content": "己", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62710": { - "content": "鮪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62711": { - "content": "ധ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62712": { - "content": "飔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62713": { - "content": "肚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62714": { - "content": "Ằ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62715": { - "content": "뉲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62716": { - "content": "렱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62717": { - "content": "쥕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62718": { - "content": "늕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62719": { - "content": "벺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62720": { - "content": "盆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62721": { - "content": "뉓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62722": { - "content": "얼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62723": { - "content": "侨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62724": { - "content": "蔚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62725": { - "content": "雠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62726": { - "content": "挥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62727": { - "content": "폢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62728": { - "content": "腧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62729": { - "content": "嘉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62730": { - "content": "鍛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62731": { - "content": "ㅛ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62732": { - "content": "嚇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62733": { - "content": "応", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62734": { - "content": "澥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62735": { - "content": "쯿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62736": { - "content": "뉎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62737": { - "content": "댍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62738": { - "content": "卍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62739": { - "content": "앍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62740": { - "content": "獠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62741": { - "content": "횥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62742": { - "content": "閩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62743": { - "content": "똸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62744": { - "content": "陑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62745": { - "content": "츣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62746": { - "content": "봞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62747": { - "content": "货", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62748": { - "content": "엷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62749": { - "content": "섪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62750": { - "content": "嚴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62751": { - "content": "釁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62752": { - "content": "舂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62753": { - "content": "把", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62754": { - "content": "껹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62755": { - "content": "옟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62756": { - "content": "𬮿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62757": { - "content": "끥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62758": { - "content": "螣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62759": { - "content": "뾹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62760": { - "content": "겢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62761": { - "content": "圖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62762": { - "content": "뻬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62763": { - "content": "폩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62764": { - "content": "붥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62765": { - "content": "泾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62766": { - "content": "쮴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62767": { - "content": "끅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62768": { - "content": "歉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62769": { - "content": "뉙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62770": { - "content": "ꚗ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62771": { - "content": "죢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62772": { - "content": "묛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62773": { - "content": "唰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62774": { - "content": "泚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62775": { - "content": "웑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62776": { - "content": "뛿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62777": { - "content": "갈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62778": { - "content": "𬱖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62779": { - "content": "膦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62780": { - "content": "녥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62781": { - "content": "嶼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62782": { - "content": "듃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62783": { - "content": "햛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62784": { - "content": "줁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62785": { - "content": "偡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62786": { - "content": "놦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62787": { - "content": "꽫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62788": { - "content": "쌝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62789": { - "content": "읹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62790": { - "content": "迮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62791": { - "content": "횣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62792": { - "content": "铠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62793": { - "content": "丁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62794": { - "content": "쐎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62795": { - "content": "ﺫ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62796": { - "content": "𬇙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62797": { - "content": "暕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62798": { - "content": "在", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62799": { - "content": "툻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62800": { - "content": "偭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62801": { - "content": "뫨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62802": { - "content": "귯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62803": { - "content": "슗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62804": { - "content": "힕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62805": { - "content": "襟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62806": { - "content": "삺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62807": { - "content": "쪆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62808": { - "content": "푬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62809": { - "content": "휣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62810": { - "content": "뺲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62811": { - "content": "궘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62812": { - "content": "钍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62813": { - "content": "稻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62814": { - "content": "璺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62815": { - "content": "췜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62816": { - "content": "적", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62817": { - "content": "띈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62818": { - "content": "跑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62819": { - "content": "딱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62820": { - "content": "疇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62821": { - "content": "ㅵ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62822": { - "content": "嬰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62823": { - "content": "砾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62824": { - "content": "氮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62825": { - "content": "짍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62826": { - "content": "命", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62827": { - "content": "曬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62828": { - "content": "뷑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62829": { - "content": "氈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62830": { - "content": "럸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62831": { - "content": "흼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62832": { - "content": "갨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62833": { - "content": "찰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62834": { - "content": "큹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62835": { - "content": "졚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62836": { - "content": "煸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62837": { - "content": "쀵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62838": { - "content": "꾚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62839": { - "content": "者", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62840": { - "content": "礁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62841": { - "content": "诘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62842": { - "content": "蘊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62843": { - "content": "𬤝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62844": { - "content": "띤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62845": { - "content": "붊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62846": { - "content": "줕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62847": { - "content": "匣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62848": { - "content": "뭞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62849": { - "content": "놖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62850": { - "content": "愕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62851": { - "content": "쫊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62852": { - "content": "غ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62853": { - "content": "闔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62854": { - "content": "푓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62855": { - "content": "莸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62856": { - "content": "졘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62857": { - "content": "곩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62858": { - "content": "ో", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62859": { - "content": "퀴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62860": { - "content": "쬃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62861": { - "content": "풗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62862": { - "content": "ệ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62863": { - "content": "뛹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62864": { - "content": "吁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62865": { - "content": "碹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62866": { - "content": "쒟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62867": { - "content": "ះ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62868": { - "content": "휉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62869": { - "content": "큍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62870": { - "content": "细", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62871": { - "content": "쟝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62872": { - "content": "꽣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62873": { - "content": "훃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62874": { - "content": "髅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62875": { - "content": "嘆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62876": { - "content": "퀖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62877": { - "content": "롂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62878": { - "content": "똁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62879": { - "content": "뼏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62880": { - "content": "훋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62881": { - "content": "슊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62882": { - "content": "낵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62883": { - "content": "够", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62884": { - "content": "쌺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62885": { - "content": "폇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62886": { - "content": "悚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62887": { - "content": "猁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62888": { - "content": "믌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62889": { - "content": "牯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62890": { - "content": "쭺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62891": { - "content": "潜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62892": { - "content": "뤩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62893": { - "content": "戴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62894": { - "content": "멇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62895": { - "content": "얬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62896": { - "content": "顽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62897": { - "content": "煎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62898": { - "content": "뉁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62899": { - "content": "ઘ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62900": { - "content": "泷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62901": { - "content": "ৈ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62902": { - "content": "ੴ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62903": { - "content": "綱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62904": { - "content": "끍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62905": { - "content": "珅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62906": { - "content": "곏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62907": { - "content": "낊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62908": { - "content": "截", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62909": { - "content": "诵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62910": { - "content": "껴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62911": { - "content": "묻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62912": { - "content": "滑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62913": { - "content": "췁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62914": { - "content": "靽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62915": { - "content": "쏵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62916": { - "content": "謄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62917": { - "content": "봿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62918": { - "content": "뛄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62919": { - "content": "쓍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62920": { - "content": "꿼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62921": { - "content": "릌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62922": { - "content": "ព", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62923": { - "content": "喱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62924": { - "content": "伥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62925": { - "content": "ಆ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62926": { - "content": "芊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62927": { - "content": "玢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62928": { - "content": "侖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62929": { - "content": "ㅖ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62930": { - "content": "쿒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62931": { - "content": "웍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62932": { - "content": "배", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62933": { - "content": "拨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62934": { - "content": "격", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62935": { - "content": "茈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62936": { - "content": "즜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62937": { - "content": "൬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62938": { - "content": "짻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62939": { - "content": "쑙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62940": { - "content": "탬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62941": { - "content": "싻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62942": { - "content": "쇤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62943": { - "content": "養", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62944": { - "content": "궰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62945": { - "content": "훇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62946": { - "content": "驪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62947": { - "content": "즧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62948": { - "content": "두", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62949": { - "content": "冶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62950": { - "content": "ജ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62951": { - "content": "圬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62952": { - "content": "瞎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62953": { - "content": "ڛ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62954": { - "content": "ィ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62955": { - "content": "久", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62956": { - "content": "盥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62957": { - "content": "웵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62958": { - "content": "分", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62959": { - "content": "螅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62960": { - "content": "陈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62961": { - "content": "촋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62962": { - "content": "쪸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62963": { - "content": "த", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62964": { - "content": "뮌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62965": { - "content": "谚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62966": { - "content": "冒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62967": { - "content": "舾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62968": { - "content": "뢢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62969": { - "content": "柰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62970": { - "content": "얓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62971": { - "content": "髒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62972": { - "content": "秒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62973": { - "content": "④", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62974": { - "content": "担", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62975": { - "content": "펡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62976": { - "content": "릵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62977": { - "content": "댴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62978": { - "content": "蚍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62979": { - "content": "킷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62980": { - "content": "얏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62981": { - "content": "콗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62982": { - "content": "誇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62983": { - "content": "籐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62984": { - "content": "볭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62985": { - "content": "뺽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62986": { - "content": "虾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62987": { - "content": "늪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62988": { - "content": "깶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62989": { - "content": "췀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62990": { - "content": "튑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62991": { - "content": "激", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62992": { - "content": "ṇ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62993": { - "content": "➡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62994": { - "content": "펭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62995": { - "content": "푩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62996": { - "content": "ڷ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62997": { - "content": "逅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62998": { - "content": "恔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "62999": { - "content": "벒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63000": { - "content": "钌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63001": { - "content": "妾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63002": { - "content": "櫃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63003": { - "content": "팬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63004": { - "content": "製", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63005": { - "content": "합", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63006": { - "content": "쪑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63007": { - "content": "摛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63008": { - "content": "뫕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63009": { - "content": "쥇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63010": { - "content": "舟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63011": { - "content": "喁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63012": { - "content": "绗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63013": { - "content": "졩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63014": { - "content": "싛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63015": { - "content": "싮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63016": { - "content": "귋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63017": { - "content": "頓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63018": { - "content": "섑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63019": { - "content": "넑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63020": { - "content": "被", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63021": { - "content": "漸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63022": { - "content": "燄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63023": { - "content": "≌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63024": { - "content": "펔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63025": { - "content": "빇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63026": { - "content": "龆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63027": { - "content": "쥸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63028": { - "content": "溉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63029": { - "content": "첋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63030": { - "content": "깪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63031": { - "content": "ォ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63032": { - "content": "辂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63033": { - "content": "痖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63034": { - "content": "벃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63035": { - "content": "싇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63036": { - "content": "ോ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63037": { - "content": "샊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63038": { - "content": "깆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63039": { - "content": "댬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63040": { - "content": "즨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63041": { - "content": "吗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63042": { - "content": "燻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63043": { - "content": "逴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63044": { - "content": "芟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63045": { - "content": "撙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63046": { - "content": "汹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63047": { - "content": "煤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63048": { - "content": "쓹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63049": { - "content": "謗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63050": { - "content": "荦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63051": { - "content": "땜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63052": { - "content": "렶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63053": { - "content": "셟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63054": { - "content": "묐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63055": { - "content": "夂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63056": { - "content": "愈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63057": { - "content": "篆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63058": { - "content": "띷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63059": { - "content": "쪨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63060": { - "content": "쌿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63061": { - "content": "雎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63062": { - "content": "涴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63063": { - "content": "딨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63064": { - "content": "뷆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63065": { - "content": "ゆ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63066": { - "content": "逐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63067": { - "content": "뀳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63068": { - "content": "觀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63069": { - "content": "딑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63070": { - "content": "딚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63071": { - "content": "置", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63072": { - "content": "蓣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63073": { - "content": "숩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63074": { - "content": "쿩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63075": { - "content": "𬘬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63076": { - "content": "괙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63077": { - "content": "돏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63078": { - "content": "촼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63079": { - "content": "謠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63080": { - "content": "ਘ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63081": { - "content": "沅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63082": { - "content": "믁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63083": { - "content": "銼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63084": { - "content": "큶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63085": { - "content": "帧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63086": { - "content": "冗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63087": { - "content": "쭼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63088": { - "content": "꼭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63089": { - "content": "初", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63090": { - "content": "숖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63091": { - "content": "嚀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63092": { - "content": "틄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63093": { - "content": "뮛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63094": { - "content": "랖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63095": { - "content": "瀚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63096": { - "content": "쎟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63097": { - "content": "쌪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63098": { - "content": "皰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63099": { - "content": "줈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63100": { - "content": "寄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63101": { - "content": "쵮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63102": { - "content": "휾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63103": { - "content": "춥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63104": { - "content": "뵎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63105": { - "content": "缒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63106": { - "content": "苡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63107": { - "content": "券", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63108": { - "content": "옿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63109": { - "content": "씅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63110": { - "content": "ь", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63111": { - "content": "♂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63112": { - "content": "抛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63113": { - "content": "댨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63114": { - "content": "뺐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63115": { - "content": "夼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63116": { - "content": "먑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63117": { - "content": "籮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63118": { - "content": "씗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63119": { - "content": "나", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63120": { - "content": "몘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63121": { - "content": "뢿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63122": { - "content": "갞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63123": { - "content": "쥼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63124": { - "content": "뽏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63125": { - "content": "銅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63126": { - "content": "朳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63127": { - "content": "暇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63128": { - "content": "锅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63129": { - "content": "ấ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63130": { - "content": "줚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63131": { - "content": "魆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63132": { - "content": "蕖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63133": { - "content": "៝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63134": { - "content": "尋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63135": { - "content": "枕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63136": { - "content": "묈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63137": { - "content": "κ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63138": { - "content": "厭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63139": { - "content": "캌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63140": { - "content": "홺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63141": { - "content": "딁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63142": { - "content": "윒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63143": { - "content": "퇸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63144": { - "content": "习", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63145": { - "content": "뚺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63146": { - "content": "ण", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63147": { - "content": "皓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63148": { - "content": "筥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63149": { - "content": "돑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63150": { - "content": "萏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63151": { - "content": "蟋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63152": { - "content": "А", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63153": { - "content": "朓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63154": { - "content": "饴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63155": { - "content": "팳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63156": { - "content": "辛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63157": { - "content": "始", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63158": { - "content": "롰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63159": { - "content": "픵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63160": { - "content": "냐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63161": { - "content": "척", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63162": { - "content": "ਃ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63163": { - "content": "慌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63164": { - "content": "倍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63165": { - "content": "鉉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63166": { - "content": "냟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63167": { - "content": "浐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63168": { - "content": "軍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63169": { - "content": "빹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63170": { - "content": "豌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63171": { - "content": "纬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63172": { - "content": "懾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63173": { - "content": "壷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63174": { - "content": "꺑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63175": { - "content": "秩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63176": { - "content": "६", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63177": { - "content": "붚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63178": { - "content": "栳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63179": { - "content": "璮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63180": { - "content": "龙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63181": { - "content": "릥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63182": { - "content": "専", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63183": { - "content": "匹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63184": { - "content": "댲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63185": { - "content": "坡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63186": { - "content": "쬠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63187": { - "content": "닢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63188": { - "content": "阝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63189": { - "content": "쮳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63190": { - "content": "睦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63191": { - "content": "퐱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63192": { - "content": "쀣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63193": { - "content": "홍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63194": { - "content": "铈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63195": { - "content": "뇵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63196": { - "content": "鲔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63197": { - "content": "쁊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63198": { - "content": "巡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63199": { - "content": "狍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63200": { - "content": "볡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63201": { - "content": "鄌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63202": { - "content": "똳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63203": { - "content": "佶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63204": { - "content": "塹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63205": { - "content": "估", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63206": { - "content": "坫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63207": { - "content": "富", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63208": { - "content": "븿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63209": { - "content": "롍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63210": { - "content": "鐲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63211": { - "content": "뭡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63212": { - "content": "ಽ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63213": { - "content": "쇹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63214": { - "content": "올", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63215": { - "content": "〒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63216": { - "content": "뢡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63217": { - "content": "鲗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63218": { - "content": "릞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63219": { - "content": "诿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63220": { - "content": "逞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63221": { - "content": "언", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63222": { - "content": "자", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63223": { - "content": "馒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63224": { - "content": "쿹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63225": { - "content": "먢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63226": { - "content": "篠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63227": { - "content": "ば", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63228": { - "content": "呜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63229": { - "content": "谮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63230": { - "content": "끞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63231": { - "content": "𬶐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63232": { - "content": "빴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63233": { - "content": "纖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63234": { - "content": "𨱏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63235": { - "content": "큏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63236": { - "content": "癪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63237": { - "content": "昺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63238": { - "content": "쑐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63239": { - "content": "깋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63240": { - "content": "霅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63241": { - "content": "蝦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63242": { - "content": "떥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63243": { - "content": "펳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63244": { - "content": "䃅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63245": { - "content": "砄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63246": { - "content": "頼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63247": { - "content": "蟊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63248": { - "content": "퐞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63249": { - "content": "鎏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63250": { - "content": "唾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63251": { - "content": "헨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63252": { - "content": "튐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63253": { - "content": "鍥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63254": { - "content": "넱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63255": { - "content": "뽊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63256": { - "content": "뙡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63257": { - "content": "堊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63258": { - "content": "켜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63259": { - "content": "侬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63260": { - "content": "흢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63261": { - "content": "癔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63262": { - "content": "룫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63263": { - "content": "傷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63264": { - "content": "訏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63265": { - "content": "펼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63266": { - "content": "챳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63267": { - "content": "멾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63268": { - "content": "凭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63269": { - "content": "玿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63270": { - "content": "荮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63271": { - "content": "쿢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63272": { - "content": "遝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63273": { - "content": "뇻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63274": { - "content": "찦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63275": { - "content": "쬥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63276": { - "content": "둎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63277": { - "content": "릪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63278": { - "content": "严", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63279": { - "content": "瘛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63280": { - "content": "累", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63281": { - "content": "쿑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63282": { - "content": "翡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63283": { - "content": "苧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63284": { - "content": "럦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63285": { - "content": "扫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63286": { - "content": "뺎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63287": { - "content": "캿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63288": { - "content": "幻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63289": { - "content": "짛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63290": { - "content": "倩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63291": { - "content": "裔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63292": { - "content": "洺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63293": { - "content": "녎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63294": { - "content": "㠇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63295": { - "content": "날", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63296": { - "content": "٫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63297": { - "content": "윅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63298": { - "content": "脒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63299": { - "content": "层", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63300": { - "content": "樋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63301": { - "content": "聯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63302": { - "content": "ク", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63303": { - "content": "悔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63304": { - "content": "꺍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63305": { - "content": "哺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63306": { - "content": "颼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63307": { - "content": "古", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63308": { - "content": "ন", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63309": { - "content": "嘖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63310": { - "content": "횻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63311": { - "content": "솾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63312": { - "content": "跟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63313": { - "content": "푉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63314": { - "content": "륇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63315": { - "content": "찷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63316": { - "content": "倞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63317": { - "content": "庱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63318": { - "content": "릲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63319": { - "content": "奧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63320": { - "content": "俸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63321": { - "content": "錮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63322": { - "content": "켨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63323": { - "content": "늻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63324": { - "content": "찥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63325": { - "content": "褰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63326": { - "content": "呐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63327": { - "content": "劃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63328": { - "content": "둴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63329": { - "content": "쾳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63330": { - "content": "換", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63331": { - "content": "泊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63332": { - "content": "ঠ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63333": { - "content": "뱧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63334": { - "content": "눩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63335": { - "content": "펋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63336": { - "content": "쀮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63337": { - "content": "击", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63338": { - "content": "橇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63339": { - "content": "文", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63340": { - "content": "쑽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63341": { - "content": "덡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63342": { - "content": "쒅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63343": { - "content": "斧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63344": { - "content": "辌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63345": { - "content": "얆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63346": { - "content": "칡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63347": { - "content": "蔑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63348": { - "content": "쯰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63349": { - "content": "쎠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63350": { - "content": "좧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63351": { - "content": "鍮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63352": { - "content": "ํ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63353": { - "content": "슰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63354": { - "content": "짰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63355": { - "content": "밧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63356": { - "content": "뾧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63357": { - "content": "ঘ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63358": { - "content": "츦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63359": { - "content": "莙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63360": { - "content": "ネ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63361": { - "content": "곔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63362": { - "content": "淚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63363": { - "content": "탆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63364": { - "content": "苴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63365": { - "content": "쇊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63366": { - "content": "去", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63367": { - "content": "닀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63368": { - "content": "윢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63369": { - "content": "嬛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63370": { - "content": "栀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63371": { - "content": "幺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63372": { - "content": "섹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63373": { - "content": "榭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63374": { - "content": "鴻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63375": { - "content": "吡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63376": { - "content": "뱱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63377": { - "content": "當", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63378": { - "content": "桁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63379": { - "content": "욈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63380": { - "content": "藺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63381": { - "content": "孩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63382": { - "content": "쬷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63383": { - "content": "盍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63384": { - "content": "直", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63385": { - "content": "쭦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63386": { - "content": "鉄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63387": { - "content": "এ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63388": { - "content": "혓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63389": { - "content": "婪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63390": { - "content": "懣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63391": { - "content": "仲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63392": { - "content": "耪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63393": { - "content": "혬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63394": { - "content": "ષ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63395": { - "content": "餒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63396": { - "content": "冢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63397": { - "content": "肉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63398": { - "content": "칀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63399": { - "content": "脏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63400": { - "content": "۳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63401": { - "content": "傈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63402": { - "content": "棹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63403": { - "content": "뱰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63404": { - "content": "ট", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63405": { - "content": "섥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63406": { - "content": "룥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63407": { - "content": "쀊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63408": { - "content": "玷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63409": { - "content": "禧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63410": { - "content": "牖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63411": { - "content": "胁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63412": { - "content": "ŕ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63413": { - "content": "偬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63414": { - "content": "荖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63415": { - "content": "푳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63416": { - "content": "获", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63417": { - "content": "瓖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63418": { - "content": "斎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63419": { - "content": "儳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63420": { - "content": "쑂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63421": { - "content": "뽪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63422": { - "content": "钳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63423": { - "content": "칑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63424": { - "content": "逻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63425": { - "content": "渓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63426": { - "content": "Ё", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63427": { - "content": "柿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63428": { - "content": "쬪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63429": { - "content": "詛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63430": { - "content": "뇊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63431": { - "content": "휀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63432": { - "content": "쩢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63433": { - "content": "哉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63434": { - "content": "祇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63435": { - "content": "弒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63436": { - "content": "쯟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63437": { - "content": "赙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63438": { - "content": "扑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63439": { - "content": "廋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63440": { - "content": "纓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63441": { - "content": "쬆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63442": { - "content": "근", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63443": { - "content": "鑤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63444": { - "content": "뢏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63445": { - "content": "鸣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63446": { - "content": "퇷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63447": { - "content": "룮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63448": { - "content": "辀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63449": { - "content": "졖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63450": { - "content": "ؖ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63451": { - "content": "퍍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63452": { - "content": "镭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63453": { - "content": "럛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63454": { - "content": "𬶭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63455": { - "content": "捆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63456": { - "content": "暨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63457": { - "content": "塱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63458": { - "content": "鬏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63459": { - "content": "贍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63460": { - "content": "싂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63461": { - "content": "뭕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63462": { - "content": "述", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63463": { - "content": "ង", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63464": { - "content": "댊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63465": { - "content": "틊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63466": { - "content": "肝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63467": { - "content": "콍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63468": { - "content": "旐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63469": { - "content": "셐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63470": { - "content": "篓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63471": { - "content": "匆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63472": { - "content": "瘗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63473": { - "content": "唿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63474": { - "content": "츸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63475": { - "content": "净", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63476": { - "content": "隆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63477": { - "content": "돬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63478": { - "content": "冊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63479": { - "content": "赖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63480": { - "content": "跗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63481": { - "content": "客", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63482": { - "content": "鉚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63483": { - "content": "쥿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63484": { - "content": "뫂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63485": { - "content": "ੳ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63486": { - "content": "櫺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63487": { - "content": "곺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63488": { - "content": "栝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63489": { - "content": "땝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63490": { - "content": "筵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63491": { - "content": "퇢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63492": { - "content": "冼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63493": { - "content": "玦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63494": { - "content": "蔽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63495": { - "content": "뾐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63496": { - "content": "跱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63497": { - "content": "쨡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63498": { - "content": "怛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63499": { - "content": "扮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63500": { - "content": "魯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63501": { - "content": "쫿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63502": { - "content": "욽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63503": { - "content": "砂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63504": { - "content": "긃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63505": { - "content": "擿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63506": { - "content": "똡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63507": { - "content": "쬜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63508": { - "content": "௱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63509": { - "content": "쨴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63510": { - "content": "煃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63511": { - "content": "効", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63512": { - "content": "磁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63513": { - "content": "잧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63514": { - "content": "齟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63515": { - "content": "쏂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63516": { - "content": "钧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63517": { - "content": "董", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63518": { - "content": "合", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63519": { - "content": "贈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63520": { - "content": "컗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63521": { - "content": "꾆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63522": { - "content": "鯊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63523": { - "content": "濛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63524": { - "content": "턹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63525": { - "content": "猾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63526": { - "content": "꾱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63527": { - "content": "矾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63528": { - "content": "핸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63529": { - "content": "帔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63530": { - "content": "팁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63531": { - "content": "퉿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63532": { - "content": "凯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63533": { - "content": "映", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63534": { - "content": "퓌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63535": { - "content": "黇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63536": { - "content": "탖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63537": { - "content": "瘆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63538": { - "content": "퇅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63539": { - "content": "꺆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63540": { - "content": "듧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63541": { - "content": "द", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63542": { - "content": "춢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63543": { - "content": "窨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63544": { - "content": "잚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63545": { - "content": "듋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63546": { - "content": "纲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63547": { - "content": "憚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63548": { - "content": "虫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63549": { - "content": "퇋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63550": { - "content": "颌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63551": { - "content": "฿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63552": { - "content": "쏙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63553": { - "content": "턘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63554": { - "content": "럄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63555": { - "content": "볎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63556": { - "content": "뀇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63557": { - "content": "퇃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63558": { - "content": "솲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63559": { - "content": "𫫇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63560": { - "content": "먾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63561": { - "content": "霍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63562": { - "content": "매", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63563": { - "content": "빂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63564": { - "content": "脎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63565": { - "content": "ૈ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63566": { - "content": "콙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63567": { - "content": "醛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63568": { - "content": "끤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63569": { - "content": "雨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63570": { - "content": "둳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63571": { - "content": "뇚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63572": { - "content": "껟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63573": { - "content": "뫋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63574": { - "content": "ೄ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63575": { - "content": "쑭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63576": { - "content": "롽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63577": { - "content": "햚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63578": { - "content": "骃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63579": { - "content": "钷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63580": { - "content": "좯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63581": { - "content": "烤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63582": { - "content": "챴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63583": { - "content": "뫥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63584": { - "content": "쟂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63585": { - "content": "푃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63586": { - "content": "簰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63587": { - "content": "饜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63588": { - "content": "옩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63589": { - "content": "ọ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63590": { - "content": "띥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63591": { - "content": "ഭ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63592": { - "content": "厢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63593": { - "content": "暌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63594": { - "content": "ൿ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63595": { - "content": "깫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63596": { - "content": "쵢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63597": { - "content": "飓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63598": { - "content": "睥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63599": { - "content": "切", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63600": { - "content": "៎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63601": { - "content": "쫖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63602": { - "content": "흄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63603": { - "content": "略", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63604": { - "content": "ﻁ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63605": { - "content": "퉮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63606": { - "content": "捃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63607": { - "content": "픖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63608": { - "content": "퐵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63609": { - "content": "킿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63610": { - "content": "拾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63611": { - "content": "纮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63612": { - "content": "夢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63613": { - "content": "铬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63614": { - "content": "剷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63615": { - "content": "곣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63616": { - "content": "羕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63617": { - "content": "Ỏ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63618": { - "content": "쓆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63619": { - "content": "旺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63620": { - "content": "꾟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63621": { - "content": "솉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63622": { - "content": "ญ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63623": { - "content": "궕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63624": { - "content": "倘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63625": { - "content": "揶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63626": { - "content": "歹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63627": { - "content": "吴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63628": { - "content": "谅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63629": { - "content": "흇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63630": { - "content": "쪴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63631": { - "content": "꼟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63632": { - "content": "명", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63633": { - "content": "ν", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63634": { - "content": "챃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63635": { - "content": "舭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63636": { - "content": "쨒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63637": { - "content": "袯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63638": { - "content": "쇟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63639": { - "content": "겦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63640": { - "content": "惺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63641": { - "content": "쵱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63642": { - "content": "脖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63643": { - "content": "鏗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63644": { - "content": "长", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63645": { - "content": "揭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63646": { - "content": "ラ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63647": { - "content": "彐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63648": { - "content": "胼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63649": { - "content": "௫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63650": { - "content": "慷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63651": { - "content": "뷺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63652": { - "content": "缍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63653": { - "content": "阻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63654": { - "content": "版", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63655": { - "content": "襄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63656": { - "content": "튿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63657": { - "content": "獷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63658": { - "content": "啴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63659": { - "content": "뮿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63660": { - "content": "莳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63661": { - "content": "и", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63662": { - "content": "刊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63663": { - "content": "袒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63664": { - "content": "砌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63665": { - "content": "꼶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63666": { - "content": "숑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63667": { - "content": "뇅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63668": { - "content": "껆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63669": { - "content": "廙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63670": { - "content": "趔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63671": { - "content": "摔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63672": { - "content": "켃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63673": { - "content": "瞼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63674": { - "content": "큓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63675": { - "content": "撫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63676": { - "content": "勍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63677": { - "content": "煽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63678": { - "content": "槚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63679": { - "content": "൦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63680": { - "content": "얦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63681": { - "content": "ឯ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63682": { - "content": "过", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63683": { - "content": "쬘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63684": { - "content": "휩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63685": { - "content": "풴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63686": { - "content": "𫔎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63687": { - "content": "僩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63688": { - "content": "例", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63689": { - "content": "棕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63690": { - "content": "묿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63691": { - "content": "짳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63692": { - "content": "黨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63693": { - "content": "쑩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63694": { - "content": "쾨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63695": { - "content": "丘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63696": { - "content": "壇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63697": { - "content": "쇯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63698": { - "content": "杞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63699": { - "content": "럆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63700": { - "content": "诫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63701": { - "content": "再", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63702": { - "content": "펉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63703": { - "content": "뎷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63704": { - "content": "臢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63705": { - "content": "叚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63706": { - "content": "쉛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63707": { - "content": "푰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63708": { - "content": "堇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63709": { - "content": "瑀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63710": { - "content": "镞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63711": { - "content": "텵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63712": { - "content": "짃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63713": { - "content": "秉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63714": { - "content": "붹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63715": { - "content": "篚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63716": { - "content": "퓂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63717": { - "content": "槨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63718": { - "content": "墁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63719": { - "content": "屆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63720": { - "content": "琈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63721": { - "content": "良", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63722": { - "content": "菄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63723": { - "content": "哕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63724": { - "content": "蝮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63725": { - "content": "薊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63726": { - "content": "祯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63727": { - "content": "촦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63728": { - "content": "튮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63729": { - "content": "큑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63730": { - "content": "ひ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63731": { - "content": "汀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63732": { - "content": "톫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63733": { - "content": "뜫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63734": { - "content": "鲿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63735": { - "content": "о", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63736": { - "content": "飴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63737": { - "content": "岈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63738": { - "content": "뫠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63739": { - "content": "郜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63740": { - "content": "뜾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63741": { - "content": "겐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63742": { - "content": "당", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63743": { - "content": "蝲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63744": { - "content": "敬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63745": { - "content": "섖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63746": { - "content": "茫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63747": { - "content": "績", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63748": { - "content": "颇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63749": { - "content": "韫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63750": { - "content": "푘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63751": { - "content": "튱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63752": { - "content": "珞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63753": { - "content": "固", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63754": { - "content": "轮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63755": { - "content": "葴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63756": { - "content": "讒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63757": { - "content": "혹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63758": { - "content": "ㅏ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63759": { - "content": "쉷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63760": { - "content": "煓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63761": { - "content": "쬼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63762": { - "content": "ៀ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63763": { - "content": "뿨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63764": { - "content": "챮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63765": { - "content": "馑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63766": { - "content": "申", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63767": { - "content": "召", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63768": { - "content": "솺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63769": { - "content": "认", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63770": { - "content": "刿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63771": { - "content": "뿌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63772": { - "content": "쫅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63773": { - "content": "灼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63774": { - "content": "쿶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63775": { - "content": "饫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63776": { - "content": "掮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63777": { - "content": "깘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63778": { - "content": "祀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63779": { - "content": "홱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63780": { - "content": "횿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63781": { - "content": "搖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63782": { - "content": "ㅬ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63783": { - "content": "蔬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63784": { - "content": "谡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63785": { - "content": "휴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63786": { - "content": "츪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63787": { - "content": "썬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63788": { - "content": "掻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63789": { - "content": "策", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63790": { - "content": "钢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63791": { - "content": "侴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63792": { - "content": "舳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63793": { - "content": "쐯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63794": { - "content": "꽋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63795": { - "content": "븃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63796": { - "content": "娵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63797": { - "content": "뚧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63798": { - "content": "귽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63799": { - "content": "표", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63800": { - "content": "ఇ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63801": { - "content": "먣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63802": { - "content": "틝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63803": { - "content": "섻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63804": { - "content": "쿐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63805": { - "content": "妘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63806": { - "content": "섩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63807": { - "content": "쁥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63808": { - "content": "췱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63809": { - "content": "训", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63810": { - "content": "쀙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63811": { - "content": "넌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63812": { - "content": "ڎ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63813": { - "content": "ぞ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63814": { - "content": "懶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63815": { - "content": "篤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63816": { - "content": "춘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63817": { - "content": "꾩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63818": { - "content": "헧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63819": { - "content": "铤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63820": { - "content": "럎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63821": { - "content": "榈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63822": { - "content": "촣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63823": { - "content": "뢧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63824": { - "content": "↓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63825": { - "content": "并", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63826": { - "content": "朋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63827": { - "content": "켑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63828": { - "content": "𬶨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63829": { - "content": "뼻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63830": { - "content": "岀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63831": { - "content": "욶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63832": { - "content": "뗓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63833": { - "content": "쇆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63834": { - "content": "拼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63835": { - "content": "룤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63836": { - "content": "锃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63837": { - "content": "厥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63838": { - "content": "쌂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63839": { - "content": "뭖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63840": { - "content": "뗲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63841": { - "content": "퀨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63842": { - "content": "親", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63843": { - "content": "텓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63844": { - "content": "츶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63845": { - "content": "昳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63846": { - "content": "쥌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63847": { - "content": "풁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63848": { - "content": "좜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63849": { - "content": "썂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63850": { - "content": "븋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63851": { - "content": "瑳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63852": { - "content": "骰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63853": { - "content": "ទ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63854": { - "content": "ݫ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63855": { - "content": "蔫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63856": { - "content": "멢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63857": { - "content": "祓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63858": { - "content": "掉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63859": { - "content": "巻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63860": { - "content": "惹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63861": { - "content": "곝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63862": { - "content": "鱉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63863": { - "content": "덧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63864": { - "content": "틁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63865": { - "content": "啷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63866": { - "content": "쎍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63867": { - "content": "묒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63868": { - "content": "൯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63869": { - "content": "哙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63870": { - "content": "펚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63871": { - "content": "巖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63872": { - "content": "遁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63873": { - "content": "茅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63874": { - "content": "쭪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63875": { - "content": "碉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63876": { - "content": "馬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63877": { - "content": "輊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63878": { - "content": "慼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63879": { - "content": "犯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63880": { - "content": "Ꚗ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63881": { - "content": "白", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63882": { - "content": "梃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63883": { - "content": "뵒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63884": { - "content": "盏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63885": { - "content": "쮷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63886": { - "content": "퓳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63887": { - "content": "믽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63888": { - "content": "參", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63889": { - "content": "볖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63890": { - "content": "叵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63891": { - "content": "澦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63892": { - "content": "틾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63893": { - "content": "뚙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63894": { - "content": "쵏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63895": { - "content": "볼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63896": { - "content": "웛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63897": { - "content": "溴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63898": { - "content": "哋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63899": { - "content": "껠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63900": { - "content": "뫪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63901": { - "content": "飒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63902": { - "content": "౼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63903": { - "content": "퇒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63904": { - "content": "쳏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63905": { - "content": "탛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63906": { - "content": "쾧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63907": { - "content": "篇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63908": { - "content": "俾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63909": { - "content": "罔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63910": { - "content": "륳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63911": { - "content": "恛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63912": { - "content": "똲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63913": { - "content": "醣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63914": { - "content": "気", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63915": { - "content": "儂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63916": { - "content": "꺕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63917": { - "content": "莉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63918": { - "content": "狰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63919": { - "content": "됛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63920": { - "content": "ശ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63921": { - "content": "떷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63922": { - "content": "酚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63923": { - "content": "굲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63924": { - "content": "宽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63925": { - "content": "뤼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63926": { - "content": "휨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63927": { - "content": "ヤ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63928": { - "content": "뢺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63929": { - "content": "膻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63930": { - "content": "쭐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63931": { - "content": "뀰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63932": { - "content": "穌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63933": { - "content": "耐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63934": { - "content": "滩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63935": { - "content": "深", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63936": { - "content": "왽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63937": { - "content": "स", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63938": { - "content": "탴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63939": { - "content": "拶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63940": { - "content": "扇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63941": { - "content": "贺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63942": { - "content": "㟃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63943": { - "content": "셵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63944": { - "content": "偁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63945": { - "content": "뮓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63946": { - "content": "サ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63947": { - "content": "컋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63948": { - "content": "눢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63949": { - "content": "嗨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63950": { - "content": "낧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63951": { - "content": "耖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63952": { - "content": "榕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63953": { - "content": "튇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63954": { - "content": "쌗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63955": { - "content": "퓼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63956": { - "content": "굣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63957": { - "content": "纸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63958": { - "content": "꾶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63959": { - "content": "틩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63960": { - "content": "鄒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63961": { - "content": "妣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63962": { - "content": "닺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63963": { - "content": "氦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63964": { - "content": "핉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63965": { - "content": "ッ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63966": { - "content": "훚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63967": { - "content": "咝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63968": { - "content": "馳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63969": { - "content": "츫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63970": { - "content": "헎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63971": { - "content": "걥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63972": { - "content": "一", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63973": { - "content": "뀪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63974": { - "content": "춈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63975": { - "content": "놗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63976": { - "content": "륪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63977": { - "content": "婻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63978": { - "content": "峂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63979": { - "content": "损", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63980": { - "content": "氲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63981": { - "content": "斓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63982": { - "content": "搵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63983": { - "content": "憩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63984": { - "content": "𫗧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63985": { - "content": "ݒ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63986": { - "content": "옏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63987": { - "content": "氚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63988": { - "content": "濃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63989": { - "content": "꾮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63990": { - "content": "検", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63991": { - "content": "ಎ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63992": { - "content": "둩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63993": { - "content": "비", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63994": { - "content": "힞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63995": { - "content": "쥠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63996": { - "content": "뚂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63997": { - "content": "𦝼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63998": { - "content": "聶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "63999": { - "content": "굢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64000": { - "content": "鉍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64001": { - "content": "阐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64002": { - "content": "퀻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64003": { - "content": "쮰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64004": { - "content": "뮬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64005": { - "content": "枯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64006": { - "content": "腆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64007": { - "content": "뻢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64008": { - "content": "緬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64009": { - "content": "훕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64010": { - "content": "採", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64011": { - "content": "껄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64012": { - "content": "쓤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64013": { - "content": "梂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64014": { - "content": "瘁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64015": { - "content": "쨧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64016": { - "content": "쬦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64017": { - "content": "掃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64018": { - "content": "돦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64019": { - "content": "픺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64020": { - "content": "셲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64021": { - "content": "ೌ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64022": { - "content": "뾂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64023": { - "content": "′", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64024": { - "content": "𫔶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64025": { - "content": "𣲗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64026": { - "content": "羲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64027": { - "content": "빏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64028": { - "content": "딂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64029": { - "content": "醒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64030": { - "content": "猃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64031": { - "content": "瘊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64032": { - "content": "打", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64033": { - "content": "콿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64034": { - "content": "躇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64035": { - "content": "腎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64036": { - "content": "쇲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64037": { - "content": "鉸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64038": { - "content": "歼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64039": { - "content": "쮤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64040": { - "content": "窳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64041": { - "content": "颶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64042": { - "content": "妥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64043": { - "content": "呖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64044": { - "content": "氡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64045": { - "content": "싓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64046": { - "content": "湫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64047": { - "content": "泌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64048": { - "content": "롋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64049": { - "content": "拥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64050": { - "content": "겘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64051": { - "content": "뫑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64052": { - "content": "訣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64053": { - "content": "许", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64054": { - "content": "٭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64055": { - "content": "뒶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64056": { - "content": "科", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64057": { - "content": "鑑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64058": { - "content": "孛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64059": { - "content": "薹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64060": { - "content": "약", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64061": { - "content": "觃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64062": { - "content": "쯾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64063": { - "content": "뷎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64064": { - "content": "쫤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64065": { - "content": "ి", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64066": { - "content": "졹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64067": { - "content": "隧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64068": { - "content": "贿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64069": { - "content": "艎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64070": { - "content": "떸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64071": { - "content": "蒇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64072": { - "content": "閒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64073": { - "content": "곶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64074": { - "content": "믫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64075": { - "content": "䝙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64076": { - "content": "밿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64077": { - "content": "죁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64078": { - "content": "ݬ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64079": { - "content": "豚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64080": { - "content": "祺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64081": { - "content": "찱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64082": { - "content": "맅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64083": { - "content": "艦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64084": { - "content": "뼓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64085": { - "content": "뼰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64086": { - "content": "녘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64087": { - "content": "쟌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64088": { - "content": "睪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64089": { - "content": "纶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64090": { - "content": "鲇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64091": { - "content": "遜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64092": { - "content": "똓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64093": { - "content": "粟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64094": { - "content": "쨺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64095": { - "content": "爝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64096": { - "content": "循", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64097": { - "content": "픒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64098": { - "content": "摺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64099": { - "content": "꾿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64100": { - "content": "졨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64101": { - "content": "쏯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64102": { - "content": "될", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64103": { - "content": "챎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64104": { - "content": "琥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64105": { - "content": "蛃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64106": { - "content": "띴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64107": { - "content": "杙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64108": { - "content": "빳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64109": { - "content": "萵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64110": { - "content": "쇢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64111": { - "content": "놞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64112": { - "content": "몆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64113": { - "content": "訛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64114": { - "content": "됝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64115": { - "content": "쏳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64116": { - "content": "쎋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64117": { - "content": "멳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64118": { - "content": "撲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64119": { - "content": "軼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64120": { - "content": "玠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64121": { - "content": "葩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64122": { - "content": "婕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64123": { - "content": "묦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64124": { - "content": "엜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64125": { - "content": "뛼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64126": { - "content": "왫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64127": { - "content": "崭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64128": { - "content": "股", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64129": { - "content": "𬇹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64130": { - "content": "걨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64131": { - "content": "뢃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64132": { - "content": "딌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64133": { - "content": "쉪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64134": { - "content": "뛛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64135": { - "content": "잓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64136": { - "content": "墺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64137": { - "content": "册", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64138": { - "content": "舣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64139": { - "content": "헿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64140": { - "content": "덅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64141": { - "content": "쀴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64142": { - "content": "옕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64143": { - "content": "骶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64144": { - "content": "嬅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64145": { - "content": "겞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64146": { - "content": "渇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64147": { - "content": "쓼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64148": { - "content": "쌫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64149": { - "content": "풧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64150": { - "content": "뾖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64151": { - "content": "ہ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64152": { - "content": "쬊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64153": { - "content": "轶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64154": { - "content": "픂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64155": { - "content": "ặ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64156": { - "content": "ㅢ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64157": { - "content": "奄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64158": { - "content": "뻮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64159": { - "content": "풀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64160": { - "content": "取", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64161": { - "content": "ม", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64162": { - "content": "ョ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64163": { - "content": "겝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64164": { - "content": "菴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64165": { - "content": "雅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64166": { - "content": "る", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64167": { - "content": "缕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64168": { - "content": "욉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64169": { - "content": "턂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64170": { - "content": "柈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64171": { - "content": "蔔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64172": { - "content": "탿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64173": { - "content": "撻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64174": { - "content": "转", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64175": { - "content": "沢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64176": { - "content": "縵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64177": { - "content": "팢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64178": { - "content": "걻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64179": { - "content": "풻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64180": { - "content": "鉾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64181": { - "content": "擗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64182": { - "content": "뷦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64183": { - "content": "뤷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64184": { - "content": "誶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64185": { - "content": "腻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64186": { - "content": "锜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64187": { - "content": "쐞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64188": { - "content": "う", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64189": { - "content": "쥚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64190": { - "content": "冑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64191": { - "content": "伏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64192": { - "content": "욞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64193": { - "content": "迭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64194": { - "content": "穜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64195": { - "content": "鲏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64196": { - "content": "불", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64197": { - "content": "縠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64198": { - "content": "髖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64199": { - "content": "幂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64200": { - "content": "閨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64201": { - "content": "ឤ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64202": { - "content": "흕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64203": { - "content": "뽝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64204": { - "content": "젞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64205": { - "content": "붴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64206": { - "content": "発", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64207": { - "content": "咐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64208": { - "content": "勘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64209": { - "content": "莺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64210": { - "content": "멙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64211": { - "content": "ऽ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64212": { - "content": "拧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64213": { - "content": "齪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64214": { - "content": "垓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64215": { - "content": "៚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64216": { - "content": "떝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64217": { - "content": "嗳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64218": { - "content": "婦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64219": { - "content": "捻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64220": { - "content": "傳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64221": { - "content": "곷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64222": { - "content": "뻃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64223": { - "content": "旴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64224": { - "content": "췩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64225": { - "content": "欐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64226": { - "content": "젾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64227": { - "content": "充", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64228": { - "content": "舠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64229": { - "content": "緖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64230": { - "content": "百", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64231": { - "content": "뤜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64232": { - "content": "砹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64233": { - "content": "환", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64234": { - "content": "릑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64235": { - "content": "伪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64236": { - "content": "壩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64237": { - "content": "팹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64238": { - "content": "鹕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64239": { - "content": "ៜ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64240": { - "content": "撓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64241": { - "content": "혭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64242": { - "content": "菼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64243": { - "content": "า", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64244": { - "content": "猿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64245": { - "content": "췚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64246": { - "content": "萇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64247": { - "content": "载", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64248": { - "content": "뀓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64249": { - "content": "盐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64250": { - "content": "턧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64251": { - "content": "묬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64252": { - "content": "풣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64253": { - "content": "惕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64254": { - "content": "掴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64255": { - "content": "쎉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64256": { - "content": "띄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64257": { - "content": "뱥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64258": { - "content": "𫓹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64259": { - "content": "矯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64260": { - "content": "쟶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64261": { - "content": "츍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64262": { - "content": "캎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64263": { - "content": "랑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64264": { - "content": "쑍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64265": { - "content": "蟪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64266": { - "content": "盃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64267": { - "content": "敷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64268": { - "content": "垟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64269": { - "content": "맾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64270": { - "content": "빑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64271": { - "content": "뱌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64272": { - "content": "꿫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64273": { - "content": "츔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64274": { - "content": "墓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64275": { - "content": "뙲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64276": { - "content": "帅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64277": { - "content": "귦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64278": { - "content": "੧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64279": { - "content": "슯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64280": { - "content": "갢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64281": { - "content": "ನ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64282": { - "content": "먨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64283": { - "content": "릠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64284": { - "content": "맀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64285": { - "content": "嚯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64286": { - "content": "葬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64287": { - "content": "李", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64288": { - "content": "뙼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64289": { - "content": "댦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64290": { - "content": "礞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64291": { - "content": "囚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64292": { - "content": "锄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64293": { - "content": "慄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64294": { - "content": "霧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64295": { - "content": "谓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64296": { - "content": "近", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64297": { - "content": "틣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64298": { - "content": "붫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64299": { - "content": "앂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64300": { - "content": "턤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64301": { - "content": "嫣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64302": { - "content": "꼯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64303": { - "content": "똴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64304": { - "content": "艏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64305": { - "content": "Ә", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64306": { - "content": "厣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64307": { - "content": "쿨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64308": { - "content": "댽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64309": { - "content": "州", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64310": { - "content": "蚴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64311": { - "content": "鍵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64312": { - "content": "콷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64313": { - "content": "甕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64314": { - "content": "핼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64315": { - "content": "ㅴ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64316": { - "content": "쾴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64317": { - "content": "봓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64318": { - "content": "텡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64319": { - "content": "씵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64320": { - "content": "럑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64321": { - "content": "궐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64322": { - "content": "蝤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64323": { - "content": "솆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64324": { - "content": "웬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64325": { - "content": "铨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64326": { - "content": "鐸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64327": { - "content": "걓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64328": { - "content": "캕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64329": { - "content": "훮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64330": { - "content": "鲨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64331": { - "content": "确", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64332": { - "content": "펴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64333": { - "content": "셭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64334": { - "content": "ោ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64335": { - "content": "담", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64336": { - "content": "驼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64337": { - "content": "૫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64338": { - "content": "蹯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64339": { - "content": "徉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64340": { - "content": "矗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64341": { - "content": "줥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64342": { - "content": "麖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64343": { - "content": "앋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64344": { - "content": "迎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64345": { - "content": "ت", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64346": { - "content": "虹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64347": { - "content": "홹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64348": { - "content": "褫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64349": { - "content": "𬘡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64350": { - "content": "춍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64351": { - "content": "礱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64352": { - "content": "앗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64353": { - "content": "ก", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64354": { - "content": "昝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64355": { - "content": "볩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64356": { - "content": "묆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64357": { - "content": "જ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64358": { - "content": "蕭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64359": { - "content": "튈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64360": { - "content": "圙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64361": { - "content": "嗵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64362": { - "content": "밷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64363": { - "content": "畔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64364": { - "content": "갣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64365": { - "content": "蛆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64366": { - "content": "愠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64367": { - "content": "쮹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64368": { - "content": "嶔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64369": { - "content": "뛓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64370": { - "content": "퍋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64371": { - "content": "댻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64372": { - "content": "璱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64373": { - "content": "뻺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64374": { - "content": "敲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64375": { - "content": "쁉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64376": { - "content": "쳌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64377": { - "content": "幼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64378": { - "content": "𫄧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64379": { - "content": "腐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64380": { - "content": "互", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64381": { - "content": "떧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64382": { - "content": "痓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64383": { - "content": "뿙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64384": { - "content": "瑷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64385": { - "content": "究", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64386": { - "content": "沁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64387": { - "content": "葱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64388": { - "content": "뙍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64389": { - "content": "룵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64390": { - "content": "荫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64391": { - "content": "罠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64392": { - "content": "片", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64393": { - "content": "畈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64394": { - "content": "溽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64395": { - "content": "藤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64396": { - "content": "涂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64397": { - "content": "눣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64398": { - "content": "쯐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64399": { - "content": "耧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64400": { - "content": "푒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64401": { - "content": "핞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64402": { - "content": "쿽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64403": { - "content": "時", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64404": { - "content": "撐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64405": { - "content": "럂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64406": { - "content": "鋸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64407": { - "content": "뎧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64408": { - "content": "픰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64409": { - "content": "怖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64410": { - "content": "돋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64411": { - "content": "윐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64412": { - "content": "蒙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64413": { - "content": "컔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64414": { - "content": "촞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64415": { - "content": "햲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64416": { - "content": "坶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64417": { - "content": "뿆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64418": { - "content": "뺅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64419": { - "content": "왂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64420": { - "content": "뗱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64421": { - "content": "롎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64422": { - "content": "ۢ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64423": { - "content": "헬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64424": { - "content": "咔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64425": { - "content": "욁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64426": { - "content": "뫽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64427": { - "content": "圻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64428": { - "content": "펽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64429": { - "content": "ả", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64430": { - "content": "淟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64431": { - "content": "붗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64432": { - "content": "颢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64433": { - "content": "흭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64434": { - "content": "芬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64435": { - "content": "㶲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64436": { - "content": "冤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64437": { - "content": "횩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64438": { - "content": "긵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64439": { - "content": "祏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64440": { - "content": "菂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64441": { - "content": "뭳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64442": { - "content": "긓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64443": { - "content": "퐥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64444": { - "content": "≡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64445": { - "content": "𨱔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64446": { - "content": "놲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64447": { - "content": "效", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64448": { - "content": "쳥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64449": { - "content": "ਠ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64450": { - "content": "宫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64451": { - "content": "ऒ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64452": { - "content": "볒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64453": { - "content": "饼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64454": { - "content": "ಐ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64455": { - "content": "쑬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64456": { - "content": "汇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64457": { - "content": "※", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64458": { - "content": "밍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64459": { - "content": "顯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64460": { - "content": "윏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64461": { - "content": "쪾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64462": { - "content": "쯵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64463": { - "content": "洘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64464": { - "content": "抿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64465": { - "content": "獒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64466": { - "content": "露", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64467": { - "content": "쒴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64468": { - "content": "돳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64469": { - "content": "땻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64470": { - "content": "想", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64471": { - "content": "뿧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64472": { - "content": "훿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64473": { - "content": "呎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64474": { - "content": "뿵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64475": { - "content": "儇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64476": { - "content": "٧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64477": { - "content": "뛋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64478": { - "content": "횏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64479": { - "content": "빻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64480": { - "content": "초", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64481": { - "content": "꿙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64482": { - "content": "늼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64483": { - "content": "ษ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64484": { - "content": "뙮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64485": { - "content": "쫄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64486": { - "content": "掙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64487": { - "content": "턳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64488": { - "content": "둤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64489": { - "content": "휹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64490": { - "content": "커", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64491": { - "content": "脹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64492": { - "content": "糍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64493": { - "content": "歯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64494": { - "content": "氫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64495": { - "content": "禊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64496": { - "content": "锹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64497": { - "content": "쑒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64498": { - "content": "針", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64499": { - "content": "꺈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64500": { - "content": "톘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64501": { - "content": "貽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64502": { - "content": "픳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64503": { - "content": "뇿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64504": { - "content": "렖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64505": { - "content": "往", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64506": { - "content": "绞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64507": { - "content": "됒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64508": { - "content": "턙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64509": { - "content": "醫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64510": { - "content": "昙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64511": { - "content": "榃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64512": { - "content": "彝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64513": { - "content": "벵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64514": { - "content": "萃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64515": { - "content": "릆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64516": { - "content": "뼍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64517": { - "content": "脘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64518": { - "content": "煟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64519": { - "content": "몢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64520": { - "content": "楯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64521": { - "content": "经", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64522": { - "content": "۪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64523": { - "content": "떜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64524": { - "content": "噻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64525": { - "content": "똇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64526": { - "content": "看", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64527": { - "content": "眈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64528": { - "content": "쏬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64529": { - "content": "八", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64530": { - "content": "뾓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64531": { - "content": "ఽ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64532": { - "content": "裒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64533": { - "content": "퉏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64534": { - "content": "崇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64535": { - "content": "몙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64536": { - "content": "륓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64537": { - "content": "즌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64538": { - "content": "첗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64539": { - "content": "쪌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64540": { - "content": "凿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64541": { - "content": "泯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64542": { - "content": "츬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64543": { - "content": "꼹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64544": { - "content": "룀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64545": { - "content": "룼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64546": { - "content": "휈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64547": { - "content": "쇪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64548": { - "content": "酉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64549": { - "content": "꼲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64550": { - "content": "쨏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64551": { - "content": "本", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64552": { - "content": "쁧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64553": { - "content": "騫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64554": { - "content": "亍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64555": { - "content": "獣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64556": { - "content": "겼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64557": { - "content": "썠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64558": { - "content": "ឨ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64559": { - "content": "뷓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64560": { - "content": "粢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64561": { - "content": "뾠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64562": { - "content": "쾛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64563": { - "content": "뮈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64564": { - "content": "篌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64565": { - "content": "谔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64566": { - "content": "蒜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64567": { - "content": "쒛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64568": { - "content": "뵭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64569": { - "content": "૨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64570": { - "content": "边", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64571": { - "content": "흘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64572": { - "content": "ช", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64573": { - "content": "黢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64574": { - "content": "쨍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64575": { - "content": "뻸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64576": { - "content": "鲊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64577": { - "content": "뮏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64578": { - "content": "쎦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64579": { - "content": "흾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64580": { - "content": "砘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64581": { - "content": "铛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64582": { - "content": "淵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64583": { - "content": "姦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64584": { - "content": "奥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64585": { - "content": "쭏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64586": { - "content": "艳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64587": { - "content": "빆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64588": { - "content": "鵲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64589": { - "content": "ឞ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64590": { - "content": "狐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64591": { - "content": "覗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64592": { - "content": "땄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64593": { - "content": "좷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64594": { - "content": "蘼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64595": { - "content": "홪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64596": { - "content": "똆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64597": { - "content": "멑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64598": { - "content": "쉃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64599": { - "content": "ಕ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64600": { - "content": "踵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64601": { - "content": "뺿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64602": { - "content": "꺱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64603": { - "content": "曰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64604": { - "content": "ς", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64605": { - "content": "뱒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64606": { - "content": "믩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64607": { - "content": "嵁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64608": { - "content": "๎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64609": { - "content": "샗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64610": { - "content": "쮘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64611": { - "content": "甄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64612": { - "content": "뭵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64613": { - "content": "톗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64614": { - "content": "뷫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64615": { - "content": "飏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64616": { - "content": "攘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64617": { - "content": "녳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64618": { - "content": "삇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64619": { - "content": "휲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64620": { - "content": "뫟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64621": { - "content": "彗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64622": { - "content": "쌎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64623": { - "content": "ٙ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64624": { - "content": "沨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64625": { - "content": "对", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64626": { - "content": "纤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64627": { - "content": "𫸩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64628": { - "content": "៸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64629": { - "content": "쀓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64630": { - "content": "适", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64631": { - "content": "놾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64632": { - "content": "ۀ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64633": { - "content": "骇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64634": { - "content": "슑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64635": { - "content": "웪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64636": { - "content": "줡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64637": { - "content": "蠟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64638": { - "content": "阱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64639": { - "content": "㬎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64640": { - "content": "௷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64641": { - "content": "伊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64642": { - "content": "괮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64643": { - "content": "뎿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64644": { - "content": "晟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64645": { - "content": "춹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64646": { - "content": "ڠ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64647": { - "content": "提", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64648": { - "content": "喚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64649": { - "content": "튝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64650": { - "content": "躙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64651": { - "content": "찹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64652": { - "content": "퉂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64653": { - "content": "웃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64654": { - "content": "왓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64655": { - "content": "권", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64656": { - "content": "쯋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64657": { - "content": "ㅇ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64658": { - "content": "和", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64659": { - "content": "칖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64660": { - "content": "힀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64661": { - "content": "囔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64662": { - "content": "批", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64663": { - "content": "룐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64664": { - "content": "캜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64665": { - "content": "홲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64666": { - "content": "แ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64667": { - "content": "횁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64668": { - "content": "툱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64669": { - "content": "굄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64670": { - "content": "澱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64671": { - "content": "揸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64672": { - "content": "찻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64673": { - "content": "싃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64674": { - "content": "纷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64675": { - "content": "ഹ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64676": { - "content": "첝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64677": { - "content": "캯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64678": { - "content": "迈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64679": { - "content": "흯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64680": { - "content": "ゅ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64681": { - "content": "癘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64682": { - "content": "桔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64683": { - "content": "榮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64684": { - "content": "븽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64685": { - "content": "닦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64686": { - "content": "殘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64687": { - "content": "氣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64688": { - "content": "갑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64689": { - "content": "늀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64690": { - "content": "쬵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64691": { - "content": "퇆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64692": { - "content": "θ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64693": { - "content": "ņ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64694": { - "content": "士", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64695": { - "content": "쉓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64696": { - "content": "보", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64697": { - "content": "곡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64698": { - "content": "茶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64699": { - "content": "ۦ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64700": { - "content": "𬘭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64701": { - "content": "舗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64702": { - "content": "姶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64703": { - "content": "回", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64704": { - "content": "밐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64705": { - "content": "렭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64706": { - "content": "寥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64707": { - "content": "溧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64708": { - "content": "跚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64709": { - "content": "랺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64710": { - "content": "앥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64711": { - "content": "Ъ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64712": { - "content": "ஂ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64713": { - "content": "궦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64714": { - "content": "쪵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64715": { - "content": "뱙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64716": { - "content": "ฝ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64717": { - "content": "뭇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64718": { - "content": "唄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64719": { - "content": "佺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64720": { - "content": "皖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64721": { - "content": "咡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64722": { - "content": "줆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64723": { - "content": "쑘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64724": { - "content": "횡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64725": { - "content": "谿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64726": { - "content": "뉳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64727": { - "content": "꾾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64728": { - "content": "듈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64729": { - "content": "苘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64730": { - "content": "티", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64731": { - "content": "읐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64732": { - "content": "뫤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64733": { - "content": "갰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64734": { - "content": "枣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64735": { - "content": "푴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64736": { - "content": "憭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64737": { - "content": "શ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64738": { - "content": "郵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64739": { - "content": "랇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64740": { - "content": "챡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64741": { - "content": "亊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64742": { - "content": "랳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64743": { - "content": "즕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64744": { - "content": "벿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64745": { - "content": "끌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64746": { - "content": "乒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64747": { - "content": "貢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64748": { - "content": "骁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64749": { - "content": "Һ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64750": { - "content": "괛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64751": { - "content": "쿅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64752": { - "content": "隣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64753": { - "content": "鳀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64754": { - "content": "듐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64755": { - "content": "쉧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64756": { - "content": "릍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64757": { - "content": "鼴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64758": { - "content": "쿰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64759": { - "content": "绵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64760": { - "content": "뷮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64761": { - "content": "啭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64762": { - "content": "镟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64763": { - "content": "뛨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64764": { - "content": "許", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64765": { - "content": "荔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64766": { - "content": "댃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64767": { - "content": "؛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64768": { - "content": "굕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64769": { - "content": "샬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64770": { - "content": "餽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64771": { - "content": "兢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64772": { - "content": "訪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64773": { - "content": "盔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64774": { - "content": "툐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64775": { - "content": "械", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64776": { - "content": "嵗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64777": { - "content": "摧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64778": { - "content": "ぃ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64779": { - "content": "祖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64780": { - "content": "톺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64781": { - "content": "閥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64782": { - "content": "疠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64783": { - "content": "쁈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64784": { - "content": "俺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64785": { - "content": "츥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64786": { - "content": "棗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64787": { - "content": "쏕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64788": { - "content": "々", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64789": { - "content": "轪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64790": { - "content": "렐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64791": { - "content": "琚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64792": { - "content": "흫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64793": { - "content": "塥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64794": { - "content": "媱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64795": { - "content": "餌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64796": { - "content": "潆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64797": { - "content": "뷢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64798": { - "content": "ऑ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64799": { - "content": "돯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64800": { - "content": "檎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64801": { - "content": "빖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64802": { - "content": "ឍ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64803": { - "content": "钗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64804": { - "content": "얚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64805": { - "content": "녞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64806": { - "content": "궣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64807": { - "content": "흜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64808": { - "content": "鳑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64809": { - "content": "௦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64810": { - "content": "纻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64811": { - "content": "ഊ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64812": { - "content": "짿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64813": { - "content": "鯧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64814": { - "content": "侑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64815": { - "content": "끾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64816": { - "content": "볞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64817": { - "content": "삂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64818": { - "content": "놢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64819": { - "content": "饬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64820": { - "content": "舎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64821": { - "content": "閱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64822": { - "content": "浬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64823": { - "content": "주", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64824": { - "content": "貞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64825": { - "content": "됾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64826": { - "content": "౦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64827": { - "content": "죀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64828": { - "content": "뀎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64829": { - "content": "릷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64830": { - "content": "툄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64831": { - "content": "롴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64832": { - "content": "暧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64833": { - "content": "醐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64834": { - "content": "뫅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64835": { - "content": "睐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64836": { - "content": "勗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64837": { - "content": "痳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64838": { - "content": "戛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64839": { - "content": "樓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64840": { - "content": "챠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64841": { - "content": "엾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64842": { - "content": "뗝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64843": { - "content": "쓟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64844": { - "content": "賣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64845": { - "content": "泪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64846": { - "content": "殃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64847": { - "content": "昉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64848": { - "content": "ధ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64849": { - "content": "믗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64850": { - "content": "จ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64851": { - "content": "守", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64852": { - "content": "ボ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64853": { - "content": "쾷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64854": { - "content": "囿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64855": { - "content": "쩐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64856": { - "content": "琔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64857": { - "content": "탚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64858": { - "content": "祚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64859": { - "content": "옂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64860": { - "content": "쟏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64861": { - "content": "ㅟ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64862": { - "content": "붋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64863": { - "content": "숳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64864": { - "content": "尤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64865": { - "content": "켆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64866": { - "content": "힙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64867": { - "content": "廻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64868": { - "content": "ё", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64869": { - "content": "鰾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64870": { - "content": "뢤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64871": { - "content": "챑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64872": { - "content": "須", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64873": { - "content": "姬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64874": { - "content": "뻽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64875": { - "content": "걳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64876": { - "content": "漋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64877": { - "content": "炝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64878": { - "content": "𬣳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64879": { - "content": "쒏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64880": { - "content": "欲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64881": { - "content": "볇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64882": { - "content": "ڬ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64883": { - "content": "关", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64884": { - "content": "鲌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64885": { - "content": "詢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64886": { - "content": "薨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64887": { - "content": "呵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64888": { - "content": "띀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64889": { - "content": "郢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64890": { - "content": "퓴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64891": { - "content": "젉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64892": { - "content": "텿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64893": { - "content": "兆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64894": { - "content": "魏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64895": { - "content": "였", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64896": { - "content": "泇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64897": { - "content": "풾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64898": { - "content": "嘬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64899": { - "content": "嚏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64900": { - "content": "듳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64901": { - "content": "샨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64902": { - "content": "탹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64903": { - "content": "淠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64904": { - "content": "뒽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64905": { - "content": "쓸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64906": { - "content": "像", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64907": { - "content": "칩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64908": { - "content": "ټ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64909": { - "content": "랦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64910": { - "content": "繋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64911": { - "content": "똊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64912": { - "content": "욯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64913": { - "content": "悖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64914": { - "content": "૦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64915": { - "content": "떱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64916": { - "content": "蒌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64917": { - "content": "빾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64918": { - "content": "૭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64919": { - "content": "늢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64920": { - "content": "횰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64921": { - "content": "녈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64922": { - "content": "씈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64923": { - "content": "懇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64924": { - "content": "鈉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64925": { - "content": "퍜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64926": { - "content": "醇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64927": { - "content": "蛹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64928": { - "content": "흺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64929": { - "content": "넉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64930": { - "content": "껶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64931": { - "content": "궥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64932": { - "content": "瑗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64933": { - "content": "앜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64934": { - "content": "툡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64935": { - "content": "各", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64936": { - "content": "掀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64937": { - "content": "煅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64938": { - "content": "緊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64939": { - "content": "룁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64940": { - "content": "얭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64941": { - "content": "빈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64942": { - "content": "콴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64943": { - "content": "ഡ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64944": { - "content": "隙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64945": { - "content": "详", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64946": { - "content": "뫫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64947": { - "content": "끆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64948": { - "content": "醌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64949": { - "content": "퍂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64950": { - "content": "몴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64951": { - "content": "𫢸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64952": { - "content": "榖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64953": { - "content": "尸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64954": { - "content": "챶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64955": { - "content": "澡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64956": { - "content": "휽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64957": { - "content": "崧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64958": { - "content": "傣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64959": { - "content": "ㅨ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64960": { - "content": "봢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64961": { - "content": "蝰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64962": { - "content": "郪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64963": { - "content": "哢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64964": { - "content": "콜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64965": { - "content": "珍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64966": { - "content": "턒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64967": { - "content": "阊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64968": { - "content": "랎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64969": { - "content": "؂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64970": { - "content": "퐧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64971": { - "content": "팎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64972": { - "content": "磴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64973": { - "content": "ㅎ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64974": { - "content": "똏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64975": { - "content": "麓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64976": { - "content": "タ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64977": { - "content": "곎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64978": { - "content": "췕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64979": { - "content": "ゾ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64980": { - "content": "갧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64981": { - "content": "ङ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64982": { - "content": "䲠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64983": { - "content": "雒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64984": { - "content": "㎏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64985": { - "content": "妨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64986": { - "content": "亵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64987": { - "content": "翰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64988": { - "content": "켬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64989": { - "content": "膝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64990": { - "content": "枉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64991": { - "content": "谛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64992": { - "content": "ผ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64993": { - "content": "쌽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64994": { - "content": "詈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64995": { - "content": "뻔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64996": { - "content": "씏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64997": { - "content": "핕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64998": { - "content": "븞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "64999": { - "content": "镢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65000": { - "content": "昌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65001": { - "content": "驃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65002": { - "content": "સ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65003": { - "content": "ほ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65004": { - "content": "蓦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65005": { - "content": "퇀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65006": { - "content": "잿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65007": { - "content": "龐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65008": { - "content": "읃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65009": { - "content": "씜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65010": { - "content": "뵾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65011": { - "content": "뺩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65012": { - "content": "稂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65013": { - "content": "𬍛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65014": { - "content": "얊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65015": { - "content": "佝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65016": { - "content": "吲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65017": { - "content": "馁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65018": { - "content": "饿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65019": { - "content": "Ū", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65020": { - "content": "拤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65021": { - "content": "兗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65022": { - "content": "랲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65023": { - "content": "뀽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65024": { - "content": "뛷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65025": { - "content": "뿮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65026": { - "content": "凧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65027": { - "content": "쎹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65028": { - "content": "簾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65029": { - "content": "笾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65030": { - "content": "뻝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65031": { - "content": "夙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65032": { - "content": "켙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65033": { - "content": "贯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65034": { - "content": "봎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65035": { - "content": "勚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65036": { - "content": "挝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65037": { - "content": "訊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65038": { - "content": "滠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65039": { - "content": "凍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65040": { - "content": "攮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65041": { - "content": "铞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65042": { - "content": "笋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65043": { - "content": "焐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65044": { - "content": "卫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65045": { - "content": "உ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65046": { - "content": "뽺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65047": { - "content": "๕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65048": { - "content": "쩿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65049": { - "content": "돻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65050": { - "content": "쒣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65051": { - "content": "넇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65052": { - "content": "甜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65053": { - "content": "杂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65054": { - "content": "댡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65055": { - "content": "퐡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65056": { - "content": "勒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65057": { - "content": "ٍ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65058": { - "content": "ૂ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65059": { - "content": "쑅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65060": { - "content": "е", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65061": { - "content": "끁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65062": { - "content": "햁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65063": { - "content": "আ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65064": { - "content": "촕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65065": { - "content": "ಞ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65066": { - "content": "桀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65067": { - "content": "릴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65068": { - "content": "눖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65069": { - "content": "쀐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65070": { - "content": "檐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65071": { - "content": "뱃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65072": { - "content": "ਜ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65073": { - "content": "檸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65074": { - "content": "촜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65075": { - "content": "ロ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65076": { - "content": "풥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65077": { - "content": "쮈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65078": { - "content": "턺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65079": { - "content": "捕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65080": { - "content": "١", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65081": { - "content": "촹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65082": { - "content": "뼮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65083": { - "content": "谶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65084": { - "content": "녣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65085": { - "content": "眍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65086": { - "content": "푵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65087": { - "content": "ノ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65088": { - "content": "な", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65089": { - "content": "홄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65090": { - "content": "囹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65091": { - "content": "쥳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65092": { - "content": "쫵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65093": { - "content": "㈯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65094": { - "content": "禪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65095": { - "content": "칲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65096": { - "content": "澤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65097": { - "content": "潸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65098": { - "content": "嫜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65099": { - "content": "횷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65100": { - "content": "꼑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65101": { - "content": "瑖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65102": { - "content": "楪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65103": { - "content": "홞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65104": { - "content": "漢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65105": { - "content": "뫇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65106": { - "content": "잻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65107": { - "content": "뺃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65108": { - "content": "撳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65109": { - "content": "갺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65110": { - "content": "镋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65111": { - "content": "衮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65112": { - "content": "뤭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65113": { - "content": "뜦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65114": { - "content": "힢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65115": { - "content": "탨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65116": { - "content": "짹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65117": { - "content": "嫫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65118": { - "content": "쨫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65119": { - "content": "ㅜ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65120": { - "content": "껰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65121": { - "content": "잜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65122": { - "content": "怦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65123": { - "content": "酱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65124": { - "content": "셌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65125": { - "content": "忌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65126": { - "content": "谄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65127": { - "content": "됙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65128": { - "content": "ಝ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65129": { - "content": "琴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65130": { - "content": "횇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65131": { - "content": "坜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65132": { - "content": "续", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65133": { - "content": "텠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65134": { - "content": "衄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65135": { - "content": "꾘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65136": { - "content": "沓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65137": { - "content": "航", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65138": { - "content": "꺀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65139": { - "content": "땿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65140": { - "content": "뢵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65141": { - "content": "ӯ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65142": { - "content": "탓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65143": { - "content": "귲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65144": { - "content": "瓯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65145": { - "content": "萬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65146": { - "content": "鲹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65147": { - "content": "軸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65148": { - "content": "€", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65149": { - "content": "뷐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65150": { - "content": "뚣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65151": { - "content": "쟄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65152": { - "content": "杵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65153": { - "content": "缵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65154": { - "content": "蛟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65155": { - "content": "袅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65156": { - "content": "둡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65157": { - "content": "뢍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65158": { - "content": "쵂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65159": { - "content": "윭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65160": { - "content": "綿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65161": { - "content": "낹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65162": { - "content": "솦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65163": { - "content": "ゴ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65164": { - "content": "餡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65165": { - "content": "殴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65166": { - "content": "퀱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65167": { - "content": "瑆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65168": { - "content": "꿜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65169": { - "content": "뭙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65170": { - "content": "쎶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65171": { - "content": "쨨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65172": { - "content": "莹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65173": { - "content": "树", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65174": { - "content": "톴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65175": { - "content": "륚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65176": { - "content": "忉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65177": { - "content": "져", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65178": { - "content": "뾪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65179": { - "content": "뾙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65180": { - "content": "昃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65181": { - "content": "珋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65182": { - "content": "ښ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65183": { - "content": "师", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65184": { - "content": "感", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65185": { - "content": "ớ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65186": { - "content": "銑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65187": { - "content": "甬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65188": { - "content": "튞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65189": { - "content": "半", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65190": { - "content": "쳷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65191": { - "content": "뼇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65192": { - "content": "件", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65193": { - "content": "简", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65194": { - "content": "듄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65195": { - "content": "후", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65196": { - "content": "녗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65197": { - "content": "铕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65198": { - "content": "샏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65199": { - "content": "퇪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65200": { - "content": "彭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65201": { - "content": "뷰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65202": { - "content": "롒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65203": { - "content": "헾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65204": { - "content": "눽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65205": { - "content": "ヒ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65206": { - "content": "뒙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65207": { - "content": "厖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65208": { - "content": "嬬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65209": { - "content": "咇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65210": { - "content": "墾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65211": { - "content": "稃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65212": { - "content": "髂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65213": { - "content": "뜬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65214": { - "content": "㛹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65215": { - "content": "쾶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65216": { - "content": "兇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65217": { - "content": "掛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65218": { - "content": "뒚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65219": { - "content": "뱳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65220": { - "content": "붛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65221": { - "content": "ோ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65222": { - "content": "ഌ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65223": { - "content": "匚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65224": { - "content": "燬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65225": { - "content": "뼝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65226": { - "content": "ẳ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65227": { - "content": "갡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65228": { - "content": "쩳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65229": { - "content": "魘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65230": { - "content": "븄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65231": { - "content": "顔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65232": { - "content": "껣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65233": { - "content": "퇧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65234": { - "content": "翅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65235": { - "content": "妆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65236": { - "content": "婞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65237": { - "content": "抱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65238": { - "content": "奸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65239": { - "content": "큮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65240": { - "content": "쭠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65241": { - "content": "꿘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65242": { - "content": "뉽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65243": { - "content": "풫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65244": { - "content": "咲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65245": { - "content": "班", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65246": { - "content": "쾁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65247": { - "content": "撬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65248": { - "content": "庠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65249": { - "content": "ヂ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65250": { - "content": "뵡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65251": { - "content": "쏠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65252": { - "content": "字", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65253": { - "content": "鲰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65254": { - "content": "뙻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65255": { - "content": "변", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65256": { - "content": "葰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65257": { - "content": "잸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65258": { - "content": "퀳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65259": { - "content": "밫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65260": { - "content": "镧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65261": { - "content": "プ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65262": { - "content": "휳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65263": { - "content": "걙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65264": { - "content": "詔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65265": { - "content": "좗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65266": { - "content": "폟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65267": { - "content": "噙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65268": { - "content": "료", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65269": { - "content": "ٯ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65270": { - "content": "辽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65271": { - "content": "봾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65272": { - "content": "耩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65273": { - "content": "七", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65274": { - "content": "믙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65275": { - "content": "뛂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65276": { - "content": "벓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65277": { - "content": "샂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65278": { - "content": "犹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65279": { - "content": "氘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65280": { - "content": "셙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65281": { - "content": "쥩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65282": { - "content": "噍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65283": { - "content": "砧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65284": { - "content": "윂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65285": { - "content": "삪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65286": { - "content": "런", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65287": { - "content": "뇗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65288": { - "content": "堎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65289": { - "content": "隻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65290": { - "content": "ិ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65291": { - "content": "ݸ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65292": { - "content": "쬞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65293": { - "content": "禿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65294": { - "content": "홦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65295": { - "content": "꽸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65296": { - "content": "屜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65297": { - "content": "쉯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65298": { - "content": "믇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65299": { - "content": "뀹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65300": { - "content": "튃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65301": { - "content": "잁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65302": { - "content": "浥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65303": { - "content": "뷏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65304": { - "content": "놎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65305": { - "content": "玑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65306": { - "content": "굆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65307": { - "content": "绫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65308": { - "content": "볥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65309": { - "content": "횐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65310": { - "content": "줳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65311": { - "content": "픱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65312": { - "content": "쪛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65313": { - "content": "ૉ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65314": { - "content": "馈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65315": { - "content": "뫲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65316": { - "content": "뉻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65317": { - "content": "鹏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65318": { - "content": "듓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65319": { - "content": "鍊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65320": { - "content": "되", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65321": { - "content": "퐊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65322": { - "content": "픫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65323": { - "content": "꽞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65324": { - "content": "됏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65325": { - "content": "拢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65326": { - "content": "琺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65327": { - "content": "샹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65328": { - "content": "쩑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65329": { - "content": "鲂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65330": { - "content": "쓙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65331": { - "content": "ソ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65332": { - "content": "녇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65333": { - "content": "魁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65334": { - "content": "춦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65335": { - "content": "軔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65336": { - "content": "쁲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65337": { - "content": "균", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65338": { - "content": "釙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65339": { - "content": "밲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65340": { - "content": "툿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65341": { - "content": "찶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65342": { - "content": "며", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65343": { - "content": "퇔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65344": { - "content": "楩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65345": { - "content": "磋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65346": { - "content": "쪈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65347": { - "content": "퍵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65348": { - "content": "鑄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65349": { - "content": "맓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65350": { - "content": "믄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65351": { - "content": "级", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65352": { - "content": "鱗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65353": { - "content": "쿸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65354": { - "content": "윷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65355": { - "content": "溚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65356": { - "content": "钽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65357": { - "content": "붭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65358": { - "content": "쿓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65359": { - "content": "蟛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65360": { - "content": "혚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65361": { - "content": "랄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65362": { - "content": "꾴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65363": { - "content": "큖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65364": { - "content": "춉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65365": { - "content": "需", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65366": { - "content": "쿼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65367": { - "content": "叮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65368": { - "content": "粳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65369": { - "content": "霓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65370": { - "content": "꿕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65371": { - "content": "𫵷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65372": { - "content": "ڌ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65373": { - "content": "茌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65374": { - "content": "Щ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65375": { - "content": "늃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65376": { - "content": "鉤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65377": { - "content": "뤂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65378": { - "content": "굡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65379": { - "content": "碓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65380": { - "content": "㳇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65381": { - "content": "퉨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65382": { - "content": "畏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65383": { - "content": "镙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65384": { - "content": "않", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65385": { - "content": "럋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65386": { - "content": "冏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65387": { - "content": "Ξ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65388": { - "content": "뽛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65389": { - "content": "흓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65390": { - "content": "툒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65391": { - "content": "괻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65392": { - "content": "羼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65393": { - "content": "茛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65394": { - "content": "ไ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65395": { - "content": "卣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65396": { - "content": "튺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65397": { - "content": "佈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65398": { - "content": "釅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65399": { - "content": "矧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65400": { - "content": "隨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65401": { - "content": "켾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65402": { - "content": "듛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65403": { - "content": "뤤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65404": { - "content": "蓼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65405": { - "content": "푱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65406": { - "content": "죠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65407": { - "content": "뭛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65408": { - "content": "흂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65409": { - "content": "湩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65410": { - "content": "晞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65411": { - "content": "왮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65412": { - "content": "瞻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65413": { - "content": "쏱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65414": { - "content": "ݖ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65415": { - "content": "동", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65416": { - "content": "溘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65417": { - "content": "륾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65418": { - "content": "愍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65419": { - "content": "ഥ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65420": { - "content": "곭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65421": { - "content": "꼏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65422": { - "content": "쉰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65423": { - "content": "誓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65424": { - "content": "쌒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65425": { - "content": "笕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65426": { - "content": "罗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65427": { - "content": "躍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65428": { - "content": "髑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65429": { - "content": "쎸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65430": { - "content": "轳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65431": { - "content": "흅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65432": { - "content": "梿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65433": { - "content": "괣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65434": { - "content": "腳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65435": { - "content": "깇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65436": { - "content": "됟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65437": { - "content": "탈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65438": { - "content": "햢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65439": { - "content": "杓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65440": { - "content": "光", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65441": { - "content": "꼋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65442": { - "content": "쳍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65443": { - "content": "싺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65444": { - "content": "𫓶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65445": { - "content": "讖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65446": { - "content": "𦭜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65447": { - "content": "殼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65448": { - "content": "写", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65449": { - "content": "崒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65450": { - "content": "똽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65451": { - "content": "챀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65452": { - "content": "슳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65453": { - "content": "龛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65454": { - "content": "졸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65455": { - "content": "늾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65456": { - "content": "赭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65457": { - "content": "곇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65458": { - "content": "찞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65459": { - "content": "샌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65460": { - "content": "즍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65461": { - "content": "骎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65462": { - "content": "൧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65463": { - "content": "雖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65464": { - "content": "倧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65465": { - "content": "喻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65466": { - "content": "끷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65467": { - "content": "艺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65468": { - "content": "쏔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65469": { - "content": "已", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65470": { - "content": "扆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65471": { - "content": "릜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65472": { - "content": "꾬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65473": { - "content": "뼩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65474": { - "content": "ਏ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65475": { - "content": "陡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65476": { - "content": "谜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65477": { - "content": "눳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65478": { - "content": "닝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65479": { - "content": "Ṭ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65480": { - "content": "嗑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65481": { - "content": "홇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65482": { - "content": "쌋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65483": { - "content": "詳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65484": { - "content": "醬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65485": { - "content": "鲒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65486": { - "content": "꽀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65487": { - "content": "툋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65488": { - "content": "쫑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65489": { - "content": "쑱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65490": { - "content": "붰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65491": { - "content": "땕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65492": { - "content": "뉼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65493": { - "content": "資", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65494": { - "content": "薪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65495": { - "content": "黌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65496": { - "content": "難", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65497": { - "content": "僰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65498": { - "content": "짱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65499": { - "content": "씀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65500": { - "content": "奩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65501": { - "content": "촑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65502": { - "content": "쾦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65503": { - "content": "橦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65504": { - "content": "뇔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65505": { - "content": "駈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65506": { - "content": "듭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65507": { - "content": "鳁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65508": { - "content": "౺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65509": { - "content": "쒲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65510": { - "content": "폮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65511": { - "content": "쮔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65512": { - "content": "뜵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65513": { - "content": "桩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65514": { - "content": "侠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65515": { - "content": "귻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65516": { - "content": "喽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65517": { - "content": "硌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65518": { - "content": "仅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65519": { - "content": "믃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65520": { - "content": "胜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65521": { - "content": "揆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65522": { - "content": "裁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65523": { - "content": "숮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65524": { - "content": "캅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65525": { - "content": "뛎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65526": { - "content": "繽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65527": { - "content": "펲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65528": { - "content": "쪏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65529": { - "content": "鬟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65530": { - "content": "옧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65531": { - "content": "멍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65532": { - "content": "丕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65533": { - "content": "돲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65534": { - "content": "찉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65535": { - "content": "膀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65536": { - "content": "꺸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65537": { - "content": "ู", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65538": { - "content": "饪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65539": { - "content": "뼢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65540": { - "content": "뜉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65541": { - "content": "冬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65542": { - "content": "軾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65543": { - "content": "눧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65544": { - "content": "鸯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65545": { - "content": "뛏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65546": { - "content": "앎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65547": { - "content": "ध", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65548": { - "content": "쓽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65549": { - "content": "딥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65550": { - "content": "ਤ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65551": { - "content": "솹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65552": { - "content": "꿠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65553": { - "content": "蛤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65554": { - "content": "겕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65555": { - "content": "쐃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65556": { - "content": "仞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65557": { - "content": "솥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65558": { - "content": "뮇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65559": { - "content": "뮔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65560": { - "content": "쵕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65561": { - "content": "贤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65562": { - "content": "ݐ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65563": { - "content": "僅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65564": { - "content": "껉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65565": { - "content": "澄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65566": { - "content": "녹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65567": { - "content": "克", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65568": { - "content": "왺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65569": { - "content": "м", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65570": { - "content": "쟟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65571": { - "content": "ベ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65572": { - "content": "컌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65573": { - "content": "េ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65574": { - "content": "웳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65575": { - "content": "磐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65576": { - "content": "鳜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65577": { - "content": "궩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65578": { - "content": "謝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65579": { - "content": "夤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65580": { - "content": "뱈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65581": { - "content": "쮎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65582": { - "content": "ঈ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65583": { - "content": "踅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65584": { - "content": "鋒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65585": { - "content": "歿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65586": { - "content": "每", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65587": { - "content": "鞏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65588": { - "content": "珢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65589": { - "content": "堵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65590": { - "content": "솗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65591": { - "content": "擷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65592": { - "content": "嵅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65593": { - "content": "务", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65594": { - "content": "뵂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65595": { - "content": "쯴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65596": { - "content": "쮡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65597": { - "content": "兌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65598": { - "content": "넫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65599": { - "content": "쟿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65600": { - "content": "Ế", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65601": { - "content": "降", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65602": { - "content": "訄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65603": { - "content": "؋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65604": { - "content": "각", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65605": { - "content": "쏲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65606": { - "content": "嗐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65607": { - "content": "쓜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65608": { - "content": "条", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65609": { - "content": "倭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65610": { - "content": "삄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65611": { - "content": "쀾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65612": { - "content": "뵲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65613": { - "content": "呲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65614": { - "content": "ỳ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65615": { - "content": "혈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65616": { - "content": "땲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65617": { - "content": "蓒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65618": { - "content": "덇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65619": { - "content": "됶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65620": { - "content": "종", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65621": { - "content": "釦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65622": { - "content": "貘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65623": { - "content": "뗵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65624": { - "content": "虛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65625": { - "content": "쪱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65626": { - "content": "硎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65627": { - "content": "痱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65628": { - "content": "멷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65629": { - "content": "뜟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65630": { - "content": "츧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65631": { - "content": "앭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65632": { - "content": "륽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65633": { - "content": "印", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65634": { - "content": "웟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65635": { - "content": "飩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65636": { - "content": "葎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65637": { - "content": "Η", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65638": { - "content": "ൾ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65639": { - "content": "崄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65640": { - "content": "쯗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65641": { - "content": "窺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65642": { - "content": "즦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65643": { - "content": "쳕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65644": { - "content": "펃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65645": { - "content": "煆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65646": { - "content": "圍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65647": { - "content": "롞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65648": { - "content": "쐻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65649": { - "content": "铍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65650": { - "content": "푞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65651": { - "content": "볶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65652": { - "content": "켪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65653": { - "content": "澗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65654": { - "content": "웘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65655": { - "content": "쫡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65656": { - "content": "徜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65657": { - "content": "톻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65658": { - "content": "뮑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65659": { - "content": "必", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65660": { - "content": "緙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65661": { - "content": "茗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65662": { - "content": "兴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65663": { - "content": "ݿ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65664": { - "content": "멅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65665": { - "content": "矬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65666": { - "content": "۝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65667": { - "content": "佰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65668": { - "content": "핝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65669": { - "content": "柱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65670": { - "content": "탪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65671": { - "content": "퐲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65672": { - "content": "쯌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65673": { - "content": "퓩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65674": { - "content": "銳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65675": { - "content": "렮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65676": { - "content": "죴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65677": { - "content": "뻇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65678": { - "content": "恩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65679": { - "content": "齐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65680": { - "content": "숣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65681": { - "content": "腼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65682": { - "content": "콼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65683": { - "content": "핛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65684": { - "content": "劳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65685": { - "content": "쉟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65686": { - "content": "惙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65687": { - "content": "堐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65688": { - "content": "湑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65689": { - "content": "眸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65690": { - "content": "폒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65691": { - "content": "뎏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65692": { - "content": "먶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65693": { - "content": "땦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65694": { - "content": "몠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65695": { - "content": "둑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65696": { - "content": "냭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65697": { - "content": "笫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65698": { - "content": "럏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65699": { - "content": "ઠ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65700": { - "content": "한", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65701": { - "content": "퀩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65702": { - "content": "풎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65703": { - "content": "暿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65704": { - "content": "𠅤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65705": { - "content": "위", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65706": { - "content": "ㅳ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65707": { - "content": "睏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65708": { - "content": "琳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65709": { - "content": "꺌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65710": { - "content": "ケ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65711": { - "content": "劝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65712": { - "content": "놴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65713": { - "content": "税", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65714": { - "content": "汪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65715": { - "content": "톟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65716": { - "content": "捜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65717": { - "content": "豇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65718": { - "content": "屦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65719": { - "content": "耷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65720": { - "content": "祿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65721": { - "content": "尼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65722": { - "content": "ゃ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65723": { - "content": "娼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65724": { - "content": "袗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65725": { - "content": "범", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65726": { - "content": "양", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65727": { - "content": "𬸣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65728": { - "content": "췭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65729": { - "content": "꼾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65730": { - "content": "뒆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65731": { - "content": "盛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65732": { - "content": "糜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65733": { - "content": "绦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65734": { - "content": "왊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65735": { - "content": "鲟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65736": { - "content": "韆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65737": { - "content": "곓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65738": { - "content": "팧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65739": { - "content": "榑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65740": { - "content": "츹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65741": { - "content": "出", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65742": { - "content": "安", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65743": { - "content": "巾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65744": { - "content": "怵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65745": { - "content": "잦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65746": { - "content": "툂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65747": { - "content": "란", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65748": { - "content": "덁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65749": { - "content": "訝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65750": { - "content": "జ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65751": { - "content": "꽄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65752": { - "content": "畿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65753": { - "content": "枍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65754": { - "content": "骸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65755": { - "content": "搪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65756": { - "content": "쀢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65757": { - "content": "솟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65758": { - "content": "쐝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65759": { - "content": "ள", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65760": { - "content": "捞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65761": { - "content": "棤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65762": { - "content": "듯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65763": { - "content": "늨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65764": { - "content": "뚓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65765": { - "content": "は", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65766": { - "content": "ਂ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65767": { - "content": "轄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65768": { - "content": "偾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65769": { - "content": "箆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65770": { - "content": "탅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65771": { - "content": "躺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65772": { - "content": "섗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65773": { - "content": "롊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65774": { - "content": "缏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65775": { - "content": "翊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65776": { - "content": "컕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65777": { - "content": "涜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65778": { - "content": "쓩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65779": { - "content": "꿭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65780": { - "content": "慫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65781": { - "content": "뙸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65782": { - "content": "쒾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65783": { - "content": "劼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65784": { - "content": "ぇ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65785": { - "content": "癞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65786": { - "content": "陇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65787": { - "content": "냚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65788": { - "content": "첀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65789": { - "content": "匠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65790": { - "content": "闺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65791": { - "content": "륮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65792": { - "content": "룉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65793": { - "content": "宵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65794": { - "content": "崛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65795": { - "content": "艄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65796": { - "content": "យ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65797": { - "content": "뽞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65798": { - "content": "튂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65799": { - "content": "徊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65800": { - "content": "田", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65801": { - "content": "喑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65802": { - "content": "늬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65803": { - "content": "じ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65804": { - "content": "듍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65805": { - "content": "꽵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65806": { - "content": "겸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65807": { - "content": "ซ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65808": { - "content": "豆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65809": { - "content": "낺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65810": { - "content": "캫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65811": { - "content": "퉰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65812": { - "content": "肼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65813": { - "content": "뺉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65814": { - "content": "혋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65815": { - "content": "얔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65816": { - "content": "韌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65817": { - "content": "ˉ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65818": { - "content": "퉛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65819": { - "content": "齣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65820": { - "content": "쉁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65821": { - "content": "캨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65822": { - "content": "鎢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65823": { - "content": "鹒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65824": { - "content": "걭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65825": { - "content": "囀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65826": { - "content": "茏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65827": { - "content": "놯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65828": { - "content": "윃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65829": { - "content": "셕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65830": { - "content": "댵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65831": { - "content": "휂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65832": { - "content": "셢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65833": { - "content": "읞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65834": { - "content": "뀸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65835": { - "content": "뤐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65836": { - "content": "씧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65837": { - "content": "咎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65838": { - "content": "示", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65839": { - "content": "퉞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65840": { - "content": "축", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65841": { - "content": "嵊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65842": { - "content": "森", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65843": { - "content": "Ғ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65844": { - "content": "茑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65845": { - "content": "쐘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65846": { - "content": "쓈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65847": { - "content": "쇰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65848": { - "content": "ำ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65849": { - "content": "놱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65850": { - "content": "淳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65851": { - "content": "沂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65852": { - "content": "塒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65853": { - "content": "箍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65854": { - "content": "팱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65855": { - "content": "埸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65856": { - "content": "零", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65857": { - "content": "莶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65858": { - "content": "謊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65859": { - "content": "鹎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65860": { - "content": "둂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65861": { - "content": "吹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65862": { - "content": "澪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65863": { - "content": "뾾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65864": { - "content": "뺰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65865": { - "content": "픑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65866": { - "content": "獺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65867": { - "content": "厶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65868": { - "content": "쳊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65869": { - "content": "턊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65870": { - "content": "荑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65871": { - "content": "떵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65872": { - "content": "偉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65873": { - "content": "埕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65874": { - "content": "뒃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65875": { - "content": "磉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65876": { - "content": "胩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65877": { - "content": "髓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65878": { - "content": "쥱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65879": { - "content": "촩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65880": { - "content": "蟾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65881": { - "content": "浪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65882": { - "content": "얜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65883": { - "content": "洵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65884": { - "content": "턌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65885": { - "content": "羨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65886": { - "content": "뚆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65887": { - "content": "ব", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65888": { - "content": "甹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65889": { - "content": "롷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65890": { - "content": "춆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65891": { - "content": "필", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65892": { - "content": "뛸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65893": { - "content": "뤦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65894": { - "content": "좻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65895": { - "content": "밯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65896": { - "content": "൹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65897": { - "content": "높", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65898": { - "content": "쮉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65899": { - "content": "黷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65900": { - "content": "졄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65901": { - "content": "诐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65902": { - "content": "瑨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65903": { - "content": "켞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65904": { - "content": "资", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65905": { - "content": "띪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65906": { - "content": "莒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65907": { - "content": "뙅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65908": { - "content": "邰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65909": { - "content": "莲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65910": { - "content": "故", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65911": { - "content": "ु", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65912": { - "content": "喋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65913": { - "content": "쫸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65914": { - "content": "첏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65915": { - "content": "쀘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65916": { - "content": "郃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65917": { - "content": "ਚ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65918": { - "content": "툚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65919": { - "content": "呕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65920": { - "content": "茬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65921": { - "content": "첄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65922": { - "content": "坼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65923": { - "content": "ิ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65924": { - "content": "픤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65925": { - "content": "仗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65926": { - "content": "役", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65927": { - "content": "婺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65928": { - "content": "밪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65929": { - "content": "줫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65930": { - "content": "琪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65931": { - "content": "饞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65932": { - "content": "둶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65933": { - "content": "穄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65934": { - "content": "분", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65935": { - "content": "途", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65936": { - "content": "뱋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65937": { - "content": "渟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65938": { - "content": "庀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65939": { - "content": "현", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65940": { - "content": "첦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65941": { - "content": "幔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65942": { - "content": "镜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65943": { - "content": "ਨ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65944": { - "content": "奐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65945": { - "content": "桨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65946": { - "content": "낋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65947": { - "content": "ㄹ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65948": { - "content": "핢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65949": { - "content": "끠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65950": { - "content": "当", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65951": { - "content": "荃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65952": { - "content": "ു", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65953": { - "content": "疵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65954": { - "content": "蔆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65955": { - "content": "捍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65956": { - "content": "睜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65957": { - "content": "썿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65958": { - "content": "蒯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65959": { - "content": "溦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65960": { - "content": "院", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65961": { - "content": "詫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65962": { - "content": "댜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65963": { - "content": "샤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65964": { - "content": "笼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65965": { - "content": "క", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65966": { - "content": "얍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65967": { - "content": "頹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65968": { - "content": "觞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65969": { - "content": "쎅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65970": { - "content": "聱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65971": { - "content": "玙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65972": { - "content": "戻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65973": { - "content": "茨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65974": { - "content": "⁉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65975": { - "content": "岵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65976": { - "content": "愦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65977": { - "content": "캠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65978": { - "content": "ㄴ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65979": { - "content": "졑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65980": { - "content": "蚺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65981": { - "content": "挢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65982": { - "content": "퍈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65983": { - "content": "럊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65984": { - "content": "目", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65985": { - "content": "斤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65986": { - "content": "潟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65987": { - "content": "팴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65988": { - "content": "舲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65989": { - "content": "돨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65990": { - "content": "祐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65991": { - "content": "帑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65992": { - "content": "笤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65993": { - "content": "諄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65994": { - "content": "乳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65995": { - "content": "埂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65996": { - "content": "𨱇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65997": { - "content": "暸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65998": { - "content": "딍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "65999": { - "content": "쭰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66000": { - "content": "瑝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66001": { - "content": "摂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66002": { - "content": "畎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66003": { - "content": "첆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66004": { - "content": "풿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66005": { - "content": "膜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66006": { - "content": "戮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66007": { - "content": "彩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66008": { - "content": "曷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66009": { - "content": "솰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66010": { - "content": "킶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66011": { - "content": "앀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66012": { - "content": "篑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66013": { - "content": "꼷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66014": { - "content": "샀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66015": { - "content": "杻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66016": { - "content": "볊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66017": { - "content": "疾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66018": { - "content": "礫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66019": { - "content": "걿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66020": { - "content": "뉦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66021": { - "content": "떂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66022": { - "content": "괐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66023": { - "content": "짏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66024": { - "content": "욛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66025": { - "content": "ڂ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66026": { - "content": "で", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66027": { - "content": "絡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66028": { - "content": "뚖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66029": { - "content": "授", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66030": { - "content": "겭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66031": { - "content": "隰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66032": { - "content": "铩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66033": { - "content": "ť", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66034": { - "content": "뮚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66035": { - "content": "亹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66036": { - "content": "𬩽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66037": { - "content": "谘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66038": { - "content": "ў", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66039": { - "content": "螂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66040": { - "content": "跞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66041": { - "content": "桠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66042": { - "content": "궱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66043": { - "content": "穡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66044": { - "content": "绲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66045": { - "content": "롶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66046": { - "content": "蹉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66047": { - "content": "쩩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66048": { - "content": "们", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66049": { - "content": "뒲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66050": { - "content": "唧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66051": { - "content": "얙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66052": { - "content": "푀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66053": { - "content": "楗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66054": { - "content": "𨱑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66055": { - "content": "憑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66056": { - "content": "テ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66057": { - "content": "썖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66058": { - "content": "娲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66059": { - "content": "訕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66060": { - "content": "창", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66061": { - "content": "聚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66062": { - "content": "쟢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66063": { - "content": "슱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66064": { - "content": "셛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66065": { - "content": "鳂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66066": { - "content": "戊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66067": { - "content": "騷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66068": { - "content": "雊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66069": { - "content": "쫒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66070": { - "content": "칧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66071": { - "content": "집", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66072": { - "content": "넒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66073": { - "content": "庆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66074": { - "content": "湧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66075": { - "content": "崁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66076": { - "content": "쉬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66077": { - "content": "席", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66078": { - "content": "曜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66079": { - "content": "祆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66080": { - "content": "혝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66081": { - "content": "퉣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66082": { - "content": "Ử", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66083": { - "content": "샃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66084": { - "content": "럒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66085": { - "content": "샪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66086": { - "content": "滋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66087": { - "content": "跌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66088": { - "content": "婵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66089": { - "content": "뱪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66090": { - "content": "搞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66091": { - "content": "٤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66092": { - "content": "薅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66093": { - "content": "깿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66094": { - "content": "ヘ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66095": { - "content": "萎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66096": { - "content": "號", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66097": { - "content": "침", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66098": { - "content": "횴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66099": { - "content": "룏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66100": { - "content": "볱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66101": { - "content": "櫸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66102": { - "content": "빣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66103": { - "content": "밓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66104": { - "content": "溯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66105": { - "content": "쵉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66106": { - "content": "욺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66107": { - "content": "얛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66108": { - "content": "饋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66109": { - "content": "枝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66110": { - "content": "䲢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66111": { - "content": "П", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66112": { - "content": "짾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66113": { - "content": "吳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66114": { - "content": "혿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66115": { - "content": "쩱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66116": { - "content": "폤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66117": { - "content": "鬚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66118": { - "content": "흏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66119": { - "content": "વ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66120": { - "content": "綺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66121": { - "content": "腕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66122": { - "content": "睃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66123": { - "content": "瘐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66124": { - "content": "欣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66125": { - "content": "饗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66126": { - "content": "퐴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66127": { - "content": "ੈ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66128": { - "content": "즁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66129": { - "content": "罍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66130": { - "content": "末", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66131": { - "content": "衡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66132": { - "content": "場", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66133": { - "content": "疏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66134": { - "content": "띃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66135": { - "content": "腫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66136": { - "content": "빍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66137": { - "content": "땏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66138": { - "content": "롬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66139": { - "content": "첣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66140": { - "content": "۟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66141": { - "content": "ਊ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66142": { - "content": "磨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66143": { - "content": "봁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66144": { - "content": "꼕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66145": { - "content": "웢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66146": { - "content": "漖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66147": { - "content": "햼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66148": { - "content": "쾄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66149": { - "content": "同", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66150": { - "content": "រ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66151": { - "content": "뗜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66152": { - "content": "워", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66153": { - "content": "醞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66154": { - "content": "朐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66155": { - "content": "钤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66156": { - "content": "溺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66157": { - "content": "삼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66158": { - "content": "遄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66159": { - "content": "竜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66160": { - "content": "쪃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66161": { - "content": "岜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66162": { - "content": "秫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66163": { - "content": "擂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66164": { - "content": "풨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66165": { - "content": "学", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66166": { - "content": "욜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66167": { - "content": "귞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66168": { - "content": "옓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66169": { - "content": "𬀩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66170": { - "content": "띊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66171": { - "content": "鵄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66172": { - "content": "铰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66173": { - "content": "ౢ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66174": { - "content": "ീ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66175": { - "content": "弧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66176": { - "content": "뷪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66177": { - "content": "弛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66178": { - "content": "ः", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66179": { - "content": "껧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66180": { - "content": "럧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66181": { - "content": "ി", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66182": { - "content": "卒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66183": { - "content": "쾍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66184": { - "content": "蠣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66185": { - "content": "곂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66186": { - "content": "摏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66187": { - "content": "햂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66188": { - "content": "醾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66189": { - "content": "镰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66190": { - "content": "駙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66191": { - "content": "윳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66192": { - "content": "繪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66193": { - "content": "聋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66194": { - "content": "仑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66195": { - "content": "糟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66196": { - "content": "웚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66197": { - "content": "튎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66198": { - "content": "띂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66199": { - "content": "唤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66200": { - "content": "든", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66201": { - "content": "瘿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66202": { - "content": "飾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66203": { - "content": "俊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66204": { - "content": "Р", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66205": { - "content": "녀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66206": { - "content": "턎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66207": { - "content": "筮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66208": { - "content": "ي", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66209": { - "content": "챓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66210": { - "content": "泱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66211": { - "content": "좊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66212": { - "content": "눦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66213": { - "content": "ٖ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66214": { - "content": "午", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66215": { - "content": "萍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66216": { - "content": "콫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66217": { - "content": "ﻅ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66218": { - "content": "昽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66219": { - "content": "턭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66220": { - "content": "헐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66221": { - "content": "何", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66222": { - "content": "퐕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66223": { - "content": "횧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66224": { - "content": "뗚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66225": { - "content": "엇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66226": { - "content": "멓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66227": { - "content": "졒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66228": { - "content": "吸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66229": { - "content": "苞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66230": { - "content": "邝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66231": { - "content": "눴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66232": { - "content": "馮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66233": { - "content": "럴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66234": { - "content": "侗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66235": { - "content": "췫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66236": { - "content": "菜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66237": { - "content": "쾼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66238": { - "content": "邬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66239": { - "content": "꾭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66240": { - "content": "틶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66241": { - "content": "얉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66242": { - "content": "훣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66243": { - "content": "킘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66244": { - "content": "Ь", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66245": { - "content": "糰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66246": { - "content": "쀇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66247": { - "content": "꽢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66248": { - "content": "軻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66249": { - "content": "끲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66250": { - "content": "蚵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66251": { - "content": "콛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66252": { - "content": "肿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66253": { - "content": "푚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66254": { - "content": "텻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66255": { - "content": "荭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66256": { - "content": "筅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66257": { - "content": "곱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66258": { - "content": "ょ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66259": { - "content": "뀫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66260": { - "content": "韧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66261": { - "content": "猞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66262": { - "content": "萄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66263": { - "content": "ൈ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66264": { - "content": "艋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66265": { - "content": "訶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66266": { - "content": "蜡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66267": { - "content": "뚽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66268": { - "content": "챼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66269": { - "content": "鈷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66270": { - "content": "껱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66271": { - "content": "샢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66272": { - "content": "吨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66273": { - "content": "켝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66274": { - "content": "ố", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66275": { - "content": "揃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66276": { - "content": "羌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66277": { - "content": "흈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66278": { - "content": "瑁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66279": { - "content": "뇒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66280": { - "content": "툘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66281": { - "content": "텷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66282": { - "content": "紡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66283": { - "content": "衬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66284": { - "content": "됱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66285": { - "content": "쉢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66286": { - "content": "拣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66287": { - "content": "螠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66288": { - "content": "才", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66289": { - "content": "ݡ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66290": { - "content": "斥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66291": { - "content": "菪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66292": { - "content": "뙦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66293": { - "content": "ऐ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66294": { - "content": "華", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66295": { - "content": "쟭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66296": { - "content": "؉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66297": { - "content": "Ẻ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66298": { - "content": "ௗ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66299": { - "content": "彫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66300": { - "content": "帆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66301": { - "content": "舥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66302": { - "content": "纵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66303": { - "content": "骛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66304": { - "content": "섭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66305": { - "content": "陸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66306": { - "content": "镔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66307": { - "content": "쉽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66308": { - "content": "뀀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66309": { - "content": "랋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66310": { - "content": "梯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66311": { - "content": "桴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66312": { - "content": "귳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66313": { - "content": "肢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66314": { - "content": "数", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66315": { - "content": "嵛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66316": { - "content": "穢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66317": { - "content": "㑊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66318": { - "content": "쥷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66319": { - "content": "屬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66320": { - "content": "꿮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66321": { - "content": "폋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66322": { - "content": "떞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66323": { - "content": "イ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66324": { - "content": "玄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66325": { - "content": "닩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66326": { - "content": "븭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66327": { - "content": "텇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66328": { - "content": "岌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66329": { - "content": "小", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66330": { - "content": "ٮ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66331": { - "content": "洄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66332": { - "content": "漠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66333": { - "content": "뛖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66334": { - "content": "薳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66335": { - "content": "赃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66336": { - "content": "貳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66337": { - "content": "붞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66338": { - "content": "룂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66339": { - "content": "긎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66340": { - "content": "튼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66341": { - "content": "ആ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66342": { - "content": "넋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66343": { - "content": "蚓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66344": { - "content": "跛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66345": { - "content": "镄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66346": { - "content": "쭯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66347": { - "content": "狃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66348": { - "content": "쬉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66349": { - "content": "쮕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66350": { - "content": "輪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66351": { - "content": "휱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66352": { - "content": "슼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66353": { - "content": "內", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66354": { - "content": "絶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66355": { - "content": "织", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66356": { - "content": "飼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66357": { - "content": "さ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66358": { - "content": "쇽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66359": { - "content": "촻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66360": { - "content": "絳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66361": { - "content": "అ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66362": { - "content": "ఢ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66363": { - "content": "데", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66364": { - "content": "𬀪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66365": { - "content": "橼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66366": { - "content": "던", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66367": { - "content": "첻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66368": { - "content": "桉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66369": { - "content": "떏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66370": { - "content": "돧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66371": { - "content": "玛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66372": { - "content": "봆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66373": { - "content": "柜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66374": { - "content": "Ř", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66375": { - "content": "멋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66376": { - "content": "旨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66377": { - "content": "鲸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66378": { - "content": "썢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66379": { - "content": "캘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66380": { - "content": "巇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66381": { - "content": "鐮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66382": { - "content": "뒂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66383": { - "content": "懔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66384": { - "content": "柝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66385": { - "content": "殳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66386": { - "content": "溶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66387": { - "content": "퀄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66388": { - "content": "縴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66389": { - "content": "蓝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66390": { - "content": "帘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66391": { - "content": "턝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66392": { - "content": "셴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66393": { - "content": "럨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66394": { - "content": "뤄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66395": { - "content": "둣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66396": { - "content": "퇴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66397": { - "content": "뮢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66398": { - "content": "셪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66399": { - "content": "뫄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66400": { - "content": "寿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66401": { - "content": "镨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66402": { - "content": "熙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66403": { - "content": "랟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66404": { - "content": "꾒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66405": { - "content": "梓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66406": { - "content": "늇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66407": { - "content": "횶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66408": { - "content": "𬤊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66409": { - "content": "帥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66410": { - "content": "૬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66411": { - "content": "ニ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66412": { - "content": "쩇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66413": { - "content": "꿩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66414": { - "content": "셾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66415": { - "content": "้", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66416": { - "content": "괠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66417": { - "content": "떆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66418": { - "content": "컟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66419": { - "content": "フ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66420": { - "content": "璇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66421": { - "content": "믛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66422": { - "content": "걱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66423": { - "content": "蚜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66424": { - "content": "嘣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66425": { - "content": "뽢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66426": { - "content": "뜯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66427": { - "content": "뷷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66428": { - "content": "샋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66429": { - "content": "昂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66430": { - "content": "쒋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66431": { - "content": "渭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66432": { - "content": "芳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66433": { - "content": "妞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66434": { - "content": "틺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66435": { - "content": "嚙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66436": { - "content": "볋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66437": { - "content": "≮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66438": { - "content": "鈽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66439": { - "content": "礦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66440": { - "content": "骥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66441": { - "content": "뇜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66442": { - "content": "馄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66443": { - "content": "뼑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66444": { - "content": "頷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66445": { - "content": "핃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66446": { - "content": "묺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66447": { - "content": "묙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66448": { - "content": "磯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66449": { - "content": "伈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66450": { - "content": "北", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66451": { - "content": "뷊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66452": { - "content": "绨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66453": { - "content": "箖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66454": { - "content": "镍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66455": { - "content": "鹜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66456": { - "content": "텏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66457": { - "content": "惇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66458": { - "content": "븦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66459": { - "content": "곴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66460": { - "content": "變", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66461": { - "content": "ؓ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66462": { - "content": "お", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66463": { - "content": "窄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66464": { - "content": "鞴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66465": { - "content": "愤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66466": { - "content": "홑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66467": { - "content": "矰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66468": { - "content": "맴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66469": { - "content": "휠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66470": { - "content": "怃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66471": { - "content": "ര", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66472": { - "content": "숼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66473": { - "content": "承", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66474": { - "content": "衔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66475": { - "content": "嗣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66476": { - "content": "쟇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66477": { - "content": "偕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66478": { - "content": "띔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66479": { - "content": "外", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66480": { - "content": "裏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66481": { - "content": "宋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66482": { - "content": "襫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66483": { - "content": "곢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66484": { - "content": "뛉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66485": { - "content": "俪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66486": { - "content": "党", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66487": { - "content": "痤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66488": { - "content": "솣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66489": { - "content": "쮨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66490": { - "content": "恝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66491": { - "content": "棟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66492": { - "content": "畝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66493": { - "content": "婴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66494": { - "content": "勢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66495": { - "content": "耸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66496": { - "content": "몂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66497": { - "content": "扈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66498": { - "content": "叉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66499": { - "content": "뽦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66500": { - "content": "亏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66501": { - "content": "쵡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66502": { - "content": "냬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66503": { - "content": "嵚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66504": { - "content": "讐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66505": { - "content": "沮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66506": { - "content": "檄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66507": { - "content": "瀛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66508": { - "content": "捋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66509": { - "content": "셞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66510": { - "content": "틆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66511": { - "content": "먗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66512": { - "content": "픔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66513": { - "content": "죂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66514": { - "content": "랠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66515": { - "content": "습", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66516": { - "content": "讳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66517": { - "content": "뉶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66518": { - "content": "딎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66519": { - "content": "缃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66520": { - "content": "쵎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66521": { - "content": "묔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66522": { - "content": "륊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66523": { - "content": "贓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66524": { - "content": "帚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66525": { - "content": "瀹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66526": { - "content": "虐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66527": { - "content": "ұ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66528": { - "content": "乇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66529": { - "content": "添", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66530": { - "content": "兽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66531": { - "content": "벻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66532": { - "content": "쁜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66533": { - "content": "쁡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66534": { - "content": "퓲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66535": { - "content": "뎾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66536": { - "content": "퍱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66537": { - "content": "럭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66538": { - "content": "盘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66539": { - "content": "뿋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66540": { - "content": "花", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66541": { - "content": "秕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66542": { - "content": "觉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66543": { - "content": "햨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66544": { - "content": "옫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66545": { - "content": "雰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66546": { - "content": "뫚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66547": { - "content": "釧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66548": { - "content": "콘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66549": { - "content": "忮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66550": { - "content": "埴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66551": { - "content": "坻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66552": { - "content": "杆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66553": { - "content": "너", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66554": { - "content": "镕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66555": { - "content": "콡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66556": { - "content": "垙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66557": { - "content": "誥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66558": { - "content": "뀨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66559": { - "content": "촲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66560": { - "content": "퇚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66561": { - "content": "뜶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66562": { - "content": "씺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66563": { - "content": "씯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66564": { - "content": "揣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66565": { - "content": "愭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66566": { - "content": "뤿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66567": { - "content": "苔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66568": { - "content": "粋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66569": { - "content": "볦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66570": { - "content": "۬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66571": { - "content": "悫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66572": { - "content": "롮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66573": { - "content": "틕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66574": { - "content": "情", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66575": { - "content": "鳞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66576": { - "content": "뺤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66577": { - "content": "쎮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66578": { - "content": "ฬ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66579": { - "content": "畲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66580": { - "content": "췔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66581": { - "content": "쬬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66582": { - "content": "须", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66583": { - "content": "쨆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66584": { - "content": "朧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66585": { - "content": "窮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66586": { - "content": "反", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66587": { - "content": "퉶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66588": { - "content": "껅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66589": { - "content": "沥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66590": { - "content": "쫴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66591": { - "content": "鹙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66592": { - "content": "콐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66593": { - "content": "旅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66594": { - "content": "刑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66595": { - "content": "瘳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66596": { - "content": "ク", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66597": { - "content": "ㆎ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66598": { - "content": "逶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66599": { - "content": "舊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66600": { - "content": "詰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66601": { - "content": "栻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66602": { - "content": "윘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66603": { - "content": "囉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66604": { - "content": "씤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66605": { - "content": "鄚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66606": { - "content": "츿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66607": { - "content": "쇕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66608": { - "content": "람", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66609": { - "content": "읓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66610": { - "content": "뎔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66611": { - "content": "돖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66612": { - "content": "矻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66613": { - "content": "蜢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66614": { - "content": "캴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66615": { - "content": "섀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66616": { - "content": "墳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66617": { - "content": "佬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66618": { - "content": "딋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66619": { - "content": "꽩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66620": { - "content": "윪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66621": { - "content": "哽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66622": { - "content": "샴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66623": { - "content": "칻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66624": { - "content": "Ụ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66625": { - "content": "厄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66626": { - "content": "늁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66627": { - "content": "▲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66628": { - "content": "辶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66629": { - "content": "뿞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66630": { - "content": "됦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66631": { - "content": "を", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66632": { - "content": "굎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66633": { - "content": "揍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66634": { - "content": "콊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66635": { - "content": "弥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66636": { - "content": "솫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66637": { - "content": "ヅ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66638": { - "content": "阂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66639": { - "content": "촘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66640": { - "content": "瞬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66641": { - "content": "큺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66642": { - "content": "튽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66643": { - "content": "样", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66644": { - "content": "몫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66645": { - "content": "瀵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66646": { - "content": "最", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66647": { - "content": "圓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66648": { - "content": "ӣ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66649": { - "content": "展", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66650": { - "content": "앣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66651": { - "content": "荟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66652": { - "content": "쌄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66653": { - "content": "손", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66654": { - "content": "띝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66655": { - "content": "뫐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66656": { - "content": "닕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66657": { - "content": "둰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66658": { - "content": "벯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66659": { - "content": "崟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66660": { - "content": "虚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66661": { - "content": "뀠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66662": { - "content": "볗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66663": { - "content": "먆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66664": { - "content": "赓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66665": { - "content": "끐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66666": { - "content": "씔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66667": { - "content": "홅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66668": { - "content": "퐨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66669": { - "content": "특", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66670": { - "content": "볲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66671": { - "content": "岖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66672": { - "content": "Ű", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66673": { - "content": "壯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66674": { - "content": "뢨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66675": { - "content": "뿰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66676": { - "content": "τ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66677": { - "content": "셸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66678": { - "content": "肽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66679": { - "content": "嚓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66680": { - "content": "颅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66681": { - "content": "亦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66682": { - "content": "ẵ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66683": { - "content": "鲵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66684": { - "content": "햕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66685": { - "content": "ス", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66686": { - "content": "먘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66687": { - "content": "迓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66688": { - "content": "區", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66689": { - "content": "晡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66690": { - "content": "둦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66691": { - "content": "텫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66692": { - "content": "모", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66693": { - "content": "푢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66694": { - "content": "음", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66695": { - "content": "𬬿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66696": { - "content": "н", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66697": { - "content": "虸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66698": { - "content": "窕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66699": { - "content": "몊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66700": { - "content": "좉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66701": { - "content": "麥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66702": { - "content": "葖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66703": { - "content": "Г", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66704": { - "content": "ㅓ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66705": { - "content": "튯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66706": { - "content": "뽰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66707": { - "content": "앫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66708": { - "content": "댺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66709": { - "content": "풰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66710": { - "content": "뤒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66711": { - "content": "𫄷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66712": { - "content": "흗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66713": { - "content": "ಢ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66714": { - "content": "賢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66715": { - "content": "穗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66716": { - "content": "핚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66717": { - "content": "瓶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66718": { - "content": "츲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66719": { - "content": "꼀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66720": { - "content": "뾇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66721": { - "content": "킦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66722": { - "content": "纹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66723": { - "content": "퍩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66724": { - "content": "ア", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66725": { - "content": "젙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66726": { - "content": "툶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66727": { - "content": "鲼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66728": { - "content": "醴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66729": { - "content": "셤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66730": { - "content": "첸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66731": { - "content": "쫔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66732": { - "content": "产", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66733": { - "content": "핈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66734": { - "content": "잳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66735": { - "content": "毵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66736": { - "content": "쎯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66737": { - "content": "鱒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66738": { - "content": "됻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66739": { - "content": "蹚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66740": { - "content": "뮤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66741": { - "content": "뽐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66742": { - "content": "爟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66743": { - "content": "桫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66744": { - "content": "ٸ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66745": { - "content": "퐔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66746": { - "content": "匪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66747": { - "content": "钬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66748": { - "content": "쩝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66749": { - "content": "줎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66750": { - "content": "둘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66751": { - "content": "缝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66752": { - "content": "췓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66753": { - "content": "챕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66754": { - "content": "扭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66755": { - "content": "奖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66756": { - "content": "힋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66757": { - "content": "텳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66758": { - "content": "圭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66759": { - "content": "잗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66760": { - "content": "훺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66761": { - "content": "꿍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66762": { - "content": "헟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66763": { - "content": "뚄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66764": { - "content": "碘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66765": { - "content": "엟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66766": { - "content": "著", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66767": { - "content": "鯉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66768": { - "content": "찖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66769": { - "content": "倪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66770": { - "content": "俠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66771": { - "content": "暉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66772": { - "content": "횈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66773": { - "content": "쒗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66774": { - "content": "괚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66775": { - "content": "긬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66776": { - "content": "쎈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66777": { - "content": "稹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66778": { - "content": "亸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66779": { - "content": "탟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66780": { - "content": "왆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66781": { - "content": "䴔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66782": { - "content": "쪅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66783": { - "content": "훛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66784": { - "content": "뤉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66785": { - "content": "蜂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66786": { - "content": "爨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66787": { - "content": "蛄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66788": { - "content": "돒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66789": { - "content": "润", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66790": { - "content": "ฺ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66791": { - "content": "ਉ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66792": { - "content": "픆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66793": { - "content": "ం", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66794": { - "content": "胶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66795": { - "content": "犛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66796": { - "content": "দ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66797": { - "content": "놨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66798": { - "content": "护", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66799": { - "content": "닳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66800": { - "content": "疎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66801": { - "content": "ǚ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66802": { - "content": "睿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66803": { - "content": "不", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66804": { - "content": "읢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66805": { - "content": "飄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66806": { - "content": "쁍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66807": { - "content": "阁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66808": { - "content": "쓂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66809": { - "content": "귕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66810": { - "content": "곃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66811": { - "content": "꾡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66812": { - "content": "陴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66813": { - "content": "杌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66814": { - "content": "謳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66815": { - "content": "泥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66816": { - "content": "晉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66817": { - "content": "谬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66818": { - "content": "ূ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66819": { - "content": "秬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66820": { - "content": "퉹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66821": { - "content": "៍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66822": { - "content": "滓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66823": { - "content": "汕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66824": { - "content": "蕃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66825": { - "content": "됰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66826": { - "content": "넓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66827": { - "content": "욤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66828": { - "content": "퓪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66829": { - "content": "翈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66830": { - "content": "鹂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66831": { - "content": "ݩ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66832": { - "content": "쥜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66833": { - "content": "붽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66834": { - "content": "屃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66835": { - "content": "샇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66836": { - "content": "甏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66837": { - "content": "쉖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66838": { - "content": "휬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66839": { - "content": "쎌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66840": { - "content": "죾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66841": { - "content": "缞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66842": { - "content": "賈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66843": { - "content": "ఫ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66844": { - "content": "𨚕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66845": { - "content": "ౖ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66846": { - "content": "혘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66847": { - "content": "邡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66848": { - "content": "촇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66849": { - "content": "눠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66850": { - "content": "윍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66851": { - "content": "ㅍ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66852": { - "content": "틯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66853": { - "content": "馐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66854": { - "content": "म", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66855": { - "content": "崽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66856": { - "content": "뢲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66857": { - "content": "츉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66858": { - "content": "딴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66859": { - "content": "撵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66860": { - "content": "뗸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66861": { - "content": "搬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66862": { - "content": "绹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66863": { - "content": "쭉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66864": { - "content": "뷚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66865": { - "content": "콇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66866": { - "content": "ҋ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66867": { - "content": "ਪ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66868": { - "content": "翱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66869": { - "content": "駒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66870": { - "content": "選", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66871": { - "content": "懒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66872": { - "content": "왋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66873": { - "content": "藜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66874": { - "content": "Ồ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66875": { - "content": "챟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66876": { - "content": "蹾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66877": { - "content": "튊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66878": { - "content": "唏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66879": { - "content": "蹲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66880": { - "content": "쬟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66881": { - "content": "鵠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66882": { - "content": "న", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66883": { - "content": "桢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66884": { - "content": "ఎ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66885": { - "content": "꽁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66886": { - "content": "ఒ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66887": { - "content": "줦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66888": { - "content": "璎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66889": { - "content": "ن", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66890": { - "content": "툰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66891": { - "content": "ڋ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66892": { - "content": "텬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66893": { - "content": "噢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66894": { - "content": "悯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66895": { - "content": "쁳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66896": { - "content": "캼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66897": { - "content": "욒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66898": { - "content": "뙾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66899": { - "content": "쑉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66900": { - "content": "霸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66901": { - "content": "봣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66902": { - "content": "咣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66903": { - "content": "虱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66904": { - "content": "ㅱ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66905": { - "content": "ರ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66906": { - "content": "림", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66907": { - "content": "縉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66908": { - "content": "䏝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66909": { - "content": "춭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66910": { - "content": "翥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66911": { - "content": "뮥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66912": { - "content": "摴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66913": { - "content": "貲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66914": { - "content": "돸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66915": { - "content": "씦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66916": { - "content": "홫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66917": { - "content": "巢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66918": { - "content": "켖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66919": { - "content": "구", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66920": { - "content": "긯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66921": { - "content": "彳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66922": { - "content": "쀞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66923": { - "content": "瘺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66924": { - "content": "熜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66925": { - "content": "뢭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66926": { - "content": "辆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66927": { - "content": "≈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66928": { - "content": "蹀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66929": { - "content": "归", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66930": { - "content": "궿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66931": { - "content": "쵓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66932": { - "content": "垕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66933": { - "content": "늳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66934": { - "content": "챵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66935": { - "content": "ҳ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66936": { - "content": "훏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66937": { - "content": "雇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66938": { - "content": "칳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66939": { - "content": "銃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66940": { - "content": "婀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66941": { - "content": "㳚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66942": { - "content": "菋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66943": { - "content": "떡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66944": { - "content": "굞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66945": { - "content": "双", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66946": { - "content": "킃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66947": { - "content": "٠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66948": { - "content": "ぼ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66949": { - "content": "拊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66950": { - "content": "؇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66951": { - "content": "欠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66952": { - "content": "揎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66953": { - "content": "설", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66954": { - "content": "밑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66955": { - "content": "瓏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66956": { - "content": "౾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66957": { - "content": "뱠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66958": { - "content": "섞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66959": { - "content": "쨻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66960": { - "content": "ル", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66961": { - "content": "縈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66962": { - "content": "诉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66963": { - "content": "邹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66964": { - "content": "랴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66965": { - "content": "嫉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66966": { - "content": "胍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66967": { - "content": "琍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66968": { - "content": "海", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66969": { - "content": "拟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66970": { - "content": "橱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66971": { - "content": "蹅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66972": { - "content": "垛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66973": { - "content": "艶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66974": { - "content": "뮘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66975": { - "content": "鹉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66976": { - "content": "賤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66977": { - "content": "प", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66978": { - "content": "獗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66979": { - "content": "덠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66980": { - "content": "𬬱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66981": { - "content": "悄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66982": { - "content": "荐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66983": { - "content": "څ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66984": { - "content": "镏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66985": { - "content": "쌛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66986": { - "content": "맶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66987": { - "content": "휸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66988": { - "content": "耕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66989": { - "content": "𫓧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66990": { - "content": "住", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66991": { - "content": "햓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66992": { - "content": "퓯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66993": { - "content": "翾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66994": { - "content": "齒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66995": { - "content": "莼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66996": { - "content": "줸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66997": { - "content": "勤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66998": { - "content": "ਅ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "66999": { - "content": "쥰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67000": { - "content": "궎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67001": { - "content": "뤣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67002": { - "content": "룲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67003": { - "content": "뭜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67004": { - "content": "纯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67005": { - "content": "칅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67006": { - "content": "얎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67007": { - "content": "놟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67008": { - "content": "釩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67009": { - "content": "Ị", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67010": { - "content": "업", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67011": { - "content": "틫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67012": { - "content": "턬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67013": { - "content": "媓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67014": { - "content": "裏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67015": { - "content": "ৗ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67016": { - "content": "맦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67017": { - "content": "嶽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67018": { - "content": "륲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67019": { - "content": "펎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67020": { - "content": "𬟁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67021": { - "content": "삈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67022": { - "content": "왘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67023": { - "content": "难", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67024": { - "content": "큳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67025": { - "content": "趯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67026": { - "content": "轺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67027": { - "content": "얠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67028": { - "content": "꾀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67029": { - "content": "笑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67030": { - "content": "场", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67031": { - "content": "ع", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67032": { - "content": "믟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67033": { - "content": "荻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67034": { - "content": "쓗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67035": { - "content": "톐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67036": { - "content": "꿳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67037": { - "content": "碰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67038": { - "content": "폛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67039": { - "content": "徨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67040": { - "content": "싚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67041": { - "content": "뀡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67042": { - "content": "챐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67043": { - "content": "\u0001", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67044": { - "content": "롘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67045": { - "content": "窈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67046": { - "content": "१", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67047": { - "content": "樂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67048": { - "content": "긹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67049": { - "content": "볤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67050": { - "content": "璟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67051": { - "content": "𫖯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67052": { - "content": "텾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67053": { - "content": "広", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67054": { - "content": "쭿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67055": { - "content": "ㄾ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67056": { - "content": "仵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67057": { - "content": "蹣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67058": { - "content": "굙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67059": { - "content": "쩘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67060": { - "content": "寨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67061": { - "content": "蔷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67062": { - "content": "껔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67063": { - "content": "햺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67064": { - "content": "吵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67065": { - "content": "뇛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67066": { - "content": "搽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67067": { - "content": "ث", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67068": { - "content": "卬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67069": { - "content": "쓥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67070": { - "content": "す", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67071": { - "content": "納", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67072": { - "content": "頌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67073": { - "content": "朵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67074": { - "content": "恣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67075": { - "content": "꺜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67076": { - "content": "낢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67077": { - "content": "ڼ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67078": { - "content": "髢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67079": { - "content": "쀳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67080": { - "content": "芷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67081": { - "content": "ং", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67082": { - "content": "쇿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67083": { - "content": "숒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67084": { - "content": "浏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67085": { - "content": "峯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67086": { - "content": "顾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67087": { - "content": "溱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67088": { - "content": "蓀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67089": { - "content": "練", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67090": { - "content": "짣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67091": { - "content": "떬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67092": { - "content": "姿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67093": { - "content": "췖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67094": { - "content": "뽂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67095": { - "content": "黙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67096": { - "content": "盎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67097": { - "content": "옥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67098": { - "content": "谸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67099": { - "content": "뻘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67100": { - "content": "엝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67101": { - "content": "措", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67102": { - "content": "썑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67103": { - "content": "뢮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67104": { - "content": "㙍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67105": { - "content": "툖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67106": { - "content": "鹟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67107": { - "content": "놥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67108": { - "content": "滥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67109": { - "content": "턜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67110": { - "content": "⇨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67111": { - "content": "甪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67112": { - "content": "藦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67113": { - "content": "்", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67114": { - "content": "돱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67115": { - "content": "พ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67116": { - "content": "绮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67117": { - "content": "븪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67118": { - "content": "坞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67119": { - "content": "盅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67120": { - "content": "胀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67121": { - "content": "竘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67122": { - "content": "揹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67123": { - "content": "폨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67124": { - "content": "ঙ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67125": { - "content": "칦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67126": { - "content": "ૅ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67127": { - "content": "첱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67128": { - "content": "쒇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67129": { - "content": "횑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67130": { - "content": "쾚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67131": { - "content": "셺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67132": { - "content": "𬬹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67133": { - "content": "腋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67134": { - "content": "뺑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67135": { - "content": "牤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67136": { - "content": "弔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67137": { - "content": "磅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67138": { - "content": "監", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67139": { - "content": "묣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67140": { - "content": "謦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67141": { - "content": "ೞ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67142": { - "content": "暄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67143": { - "content": "駱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67144": { - "content": "贗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67145": { - "content": "띁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67146": { - "content": "큩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67147": { - "content": "촀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67148": { - "content": "庄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67149": { - "content": "광", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67150": { - "content": "벦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67151": { - "content": "炸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67152": { - "content": "랕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67153": { - "content": "ళ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67154": { - "content": "箸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67155": { - "content": "풼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67156": { - "content": "牁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67157": { - "content": "興", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67158": { - "content": "뇱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67159": { - "content": "헴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67160": { - "content": "珫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67161": { - "content": "ǎ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67162": { - "content": "繅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67163": { - "content": "봠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67164": { - "content": "涫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67165": { - "content": "妲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67166": { - "content": "싀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67167": { - "content": "띶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67168": { - "content": "뫞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67169": { - "content": "렬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67170": { - "content": "셎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67171": { - "content": "궒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67172": { - "content": "쑣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67173": { - "content": "롪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67174": { - "content": "浡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67175": { - "content": "競", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67176": { - "content": "췺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67177": { - "content": "붆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67178": { - "content": "谱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67179": { - "content": "쥵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67180": { - "content": "魇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67181": { - "content": "捧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67182": { - "content": "頊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67183": { - "content": "٥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67184": { - "content": "갾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67185": { - "content": "댙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67186": { - "content": "꽒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67187": { - "content": "닪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67188": { - "content": "甭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67189": { - "content": "ۛ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67190": { - "content": "턪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67191": { - "content": "읬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67192": { - "content": "홐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67193": { - "content": "쳒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67194": { - "content": "쌔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67195": { - "content": "띯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67196": { - "content": "빢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67197": { - "content": "웭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67198": { - "content": "틛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67199": { - "content": "쀌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67200": { - "content": "伐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67201": { - "content": "哎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67202": { - "content": "篭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67203": { - "content": "啕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67204": { - "content": "庑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67205": { - "content": "漻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67206": { - "content": "疽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67207": { - "content": "뮗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67208": { - "content": "泞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67209": { - "content": "똥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67210": { - "content": "灣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67211": { - "content": "괬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67212": { - "content": "콆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67213": { - "content": "퐪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67214": { - "content": "臂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67215": { - "content": "鏟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67216": { - "content": "놅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67217": { - "content": "낀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67218": { - "content": "吓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67219": { - "content": "큦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67220": { - "content": "駭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67221": { - "content": "놮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67222": { - "content": "샲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67223": { - "content": "伋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67224": { - "content": "뿺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67225": { - "content": "௭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67226": { - "content": "帼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67227": { - "content": "숟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67228": { - "content": "鄅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67229": { - "content": "吟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67230": { - "content": "뷾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67231": { - "content": "岣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67232": { - "content": "꽚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67233": { - "content": "诡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67234": { - "content": "臊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67235": { - "content": "貆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67236": { - "content": "ダ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67237": { - "content": "똪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67238": { - "content": "赅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67239": { - "content": "굛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67240": { - "content": "뵜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67241": { - "content": "窯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67242": { - "content": "쒄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67243": { - "content": "喔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67244": { - "content": "胯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67245": { - "content": "엧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67246": { - "content": "뮼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67247": { - "content": "𪨶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67248": { - "content": "璋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67249": { - "content": "뜸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67250": { - "content": "邃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67251": { - "content": "芋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67252": { - "content": "擔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67253": { - "content": "榄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67254": { - "content": "땔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67255": { - "content": "떀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67256": { - "content": "뎘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67257": { - "content": "픇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67258": { - "content": "믍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67259": { - "content": "묯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67260": { - "content": "赕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67261": { - "content": "疑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67262": { - "content": "揄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67263": { - "content": "忱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67264": { - "content": "쯪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67265": { - "content": "쥉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67266": { - "content": "퓺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67267": { - "content": "닋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67268": { - "content": "샶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67269": { - "content": "ݳ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67270": { - "content": "켰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67271": { - "content": "겡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67272": { - "content": "뷖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67273": { - "content": "춒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67274": { - "content": "洸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67275": { - "content": "筝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67276": { - "content": "謿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67277": { - "content": "녒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67278": { - "content": "寵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67279": { - "content": "喉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67280": { - "content": "탣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67281": { - "content": "퍲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67282": { - "content": "뉞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67283": { - "content": "셦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67284": { - "content": "奮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67285": { - "content": "窝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67286": { - "content": "ẽ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67287": { - "content": "统", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67288": { - "content": "켍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67289": { - "content": "숄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67290": { - "content": "힎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67291": { - "content": "篮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67292": { - "content": "悃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67293": { - "content": "舢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67294": { - "content": "鮒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67295": { - "content": "擴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67296": { - "content": "닿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67297": { - "content": "쏿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67298": { - "content": "쯩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67299": { - "content": "𬉼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67300": { - "content": "쮽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67301": { - "content": "๋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67302": { - "content": "먯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67303": { - "content": "휕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67304": { - "content": "カ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67305": { - "content": "췹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67306": { - "content": "裈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67307": { - "content": "磚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67308": { - "content": "挿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67309": { - "content": "摊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67310": { - "content": "粗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67311": { - "content": "漈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67312": { - "content": "석", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67313": { - "content": "큠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67314": { - "content": "觿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67315": { - "content": "뛜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67316": { - "content": "흧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67317": { - "content": "칹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67318": { - "content": "훸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67319": { - "content": "逢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67320": { - "content": "伉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67321": { - "content": "춁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67322": { - "content": "肘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67323": { - "content": "셣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67324": { - "content": "욊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67325": { - "content": "외", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67326": { - "content": "棠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67327": { - "content": "턲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67328": { - "content": "麇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67329": { - "content": "멱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67330": { - "content": "络", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67331": { - "content": "菌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67332": { - "content": "钚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67333": { - "content": "ﻥ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67334": { - "content": "罚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67335": { - "content": "쀯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67336": { - "content": "쐓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67337": { - "content": "플", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67338": { - "content": "柃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67339": { - "content": "螱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67340": { - "content": "땧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67341": { - "content": "湟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67342": { - "content": "똫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67343": { - "content": "쒤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67344": { - "content": "걠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67345": { - "content": "―", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67346": { - "content": "겈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67347": { - "content": "헃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67348": { - "content": "칱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67349": { - "content": "玒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67350": { - "content": "눝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67351": { - "content": "엪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67352": { - "content": "쵅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67353": { - "content": "噹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67354": { - "content": "浠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67355": { - "content": "곍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67356": { - "content": "칏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67357": { - "content": "骯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67358": { - "content": "퇦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67359": { - "content": "빁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67360": { - "content": "ೕ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67361": { - "content": "荬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67362": { - "content": "볪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67363": { - "content": "들", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67364": { - "content": "ぢ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67365": { - "content": "鳶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67366": { - "content": "鳳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67367": { - "content": "휇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67368": { - "content": "汜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67369": { - "content": "絰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67370": { - "content": "컴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67371": { - "content": "讣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67372": { - "content": "쒸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67373": { - "content": "屡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67374": { - "content": "斬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67375": { - "content": "驢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67376": { - "content": "퉻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67377": { - "content": "춨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67378": { - "content": "쨙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67379": { - "content": "娯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67380": { - "content": "漬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67381": { - "content": "쿞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67382": { - "content": "뫯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67383": { - "content": "줪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67384": { - "content": "璘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67385": { - "content": "쒨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67386": { - "content": "旯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67387": { - "content": "뜚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67388": { - "content": "밨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67389": { - "content": "췳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67390": { - "content": "篾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67391": { - "content": "숗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67392": { - "content": "稳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67393": { - "content": "쵵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67394": { - "content": "Ф", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67395": { - "content": "섄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67396": { - "content": "쐨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67397": { - "content": "궢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67398": { - "content": "ێ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67399": { - "content": "횅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67400": { - "content": "簦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67401": { - "content": "桊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67402": { - "content": "娟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67403": { - "content": "봀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67404": { - "content": "쩋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67405": { - "content": "号", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67406": { - "content": "뒸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67407": { - "content": "쓿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67408": { - "content": "霆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67409": { - "content": "堃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67410": { - "content": "놩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67411": { - "content": "责", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67412": { - "content": "꺻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67413": { - "content": "ఆ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67414": { - "content": "풪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67415": { - "content": "𨙸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67416": { - "content": "낉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67417": { - "content": "莅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67418": { - "content": "梴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67419": { - "content": "悅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67420": { - "content": "뱑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67421": { - "content": "뻪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67422": { - "content": "떴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67423": { - "content": "즭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67424": { - "content": "홡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67425": { - "content": "猎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67426": { - "content": "錄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67427": { - "content": "恧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67428": { - "content": "吃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67429": { - "content": "끎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67430": { - "content": "눼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67431": { - "content": "踡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67432": { - "content": "沘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67433": { - "content": "徕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67434": { - "content": "쾔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67435": { - "content": "삝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67436": { - "content": "꽪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67437": { - "content": "좭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67438": { - "content": "٪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67439": { - "content": "뷅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67440": { - "content": "헊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67441": { - "content": "궲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67442": { - "content": "ॢ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67443": { - "content": "꿵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67444": { - "content": "뾎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67445": { - "content": "겷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67446": { - "content": "乾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67447": { - "content": "余", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67448": { - "content": "蜩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67449": { - "content": "睎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67450": { - "content": "徠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67451": { - "content": "쫺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67452": { - "content": "뤸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67453": { - "content": "괭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67454": { - "content": "몏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67455": { - "content": "ۘ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67456": { - "content": "돝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67457": { - "content": "뙨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67458": { - "content": "蟀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67459": { - "content": "툩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67460": { - "content": "膊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67461": { - "content": "댭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67462": { - "content": "ॅ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67463": { - "content": "쭢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67464": { - "content": "绒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67465": { - "content": "챖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67466": { - "content": "뻜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67467": { - "content": "窿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67468": { - "content": "樟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67469": { - "content": "넥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67470": { - "content": "륛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67471": { - "content": "訖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67472": { - "content": "鱾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67473": { - "content": "랿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67474": { - "content": "則", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67475": { - "content": "솭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67476": { - "content": "ڕ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67477": { - "content": "쨚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67478": { - "content": "瀑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67479": { - "content": "枫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67480": { - "content": "뼵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67481": { - "content": "邁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67482": { - "content": "눻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67483": { - "content": "칊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67484": { - "content": "ٽ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67485": { - "content": "꿛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67486": { - "content": "믅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67487": { - "content": "츗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67488": { - "content": "냕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67489": { - "content": "쨔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67490": { - "content": "郛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67491": { - "content": "麈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67492": { - "content": "뗢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67493": { - "content": "ஈ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67494": { - "content": "夠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67495": { - "content": "滹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67496": { - "content": "蟥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67497": { - "content": "滁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67498": { - "content": "췤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67499": { - "content": "닸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67500": { - "content": "릡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67501": { - "content": "톜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67502": { - "content": "媼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67503": { - "content": "ழ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67504": { - "content": "彡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67505": { - "content": "곀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67506": { - "content": "趑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67507": { - "content": "쉮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67508": { - "content": "샿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67509": { - "content": "漷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67510": { - "content": "况", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67511": { - "content": "嗓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67512": { - "content": "쬈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67513": { - "content": "ষ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67514": { - "content": "罌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67515": { - "content": "歸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67516": { - "content": "듇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67517": { - "content": "叔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67518": { - "content": "蹰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67519": { - "content": "껞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67520": { - "content": "儉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67521": { - "content": "싢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67522": { - "content": "퍮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67523": { - "content": "邲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67524": { - "content": "𬭛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67525": { - "content": "騾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67526": { - "content": "胨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67527": { - "content": "꾄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67528": { - "content": "쒙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67529": { - "content": "繍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67530": { - "content": "伝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67531": { - "content": "ಔ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67532": { - "content": "噶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67533": { - "content": "뉀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67534": { - "content": "톆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67535": { - "content": "옌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67536": { - "content": "踴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67537": { - "content": "쏏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67538": { - "content": "纥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67539": { - "content": "喩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67540": { - "content": "秦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67541": { - "content": "ェ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67542": { - "content": "좆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67543": { - "content": "ケ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67544": { - "content": "𬶋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67545": { - "content": "녊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67546": { - "content": "췈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67547": { - "content": "퓆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67548": { - "content": "貓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67549": { - "content": "随", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67550": { - "content": "쵇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67551": { - "content": "遮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67552": { - "content": "木", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67553": { - "content": "砲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67554": { - "content": "폡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67555": { - "content": "큽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67556": { - "content": "吕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67557": { - "content": "뤑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67558": { - "content": "闹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67559": { - "content": "뀲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67560": { - "content": "્", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67561": { - "content": "눉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67562": { - "content": "뫌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67563": { - "content": "댑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67564": { - "content": "뀚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67565": { - "content": "ಜ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67566": { - "content": "௹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67567": { - "content": "뚬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67568": { - "content": "옹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67569": { - "content": "캊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67570": { - "content": "處", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67571": { - "content": "酴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67572": { - "content": "썸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67573": { - "content": "臬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67574": { - "content": "胎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67575": { - "content": "腩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67576": { - "content": "푹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67577": { - "content": "싟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67578": { - "content": "뇘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67579": { - "content": "落", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67580": { - "content": "틻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67581": { - "content": "愎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67582": { - "content": "푇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67583": { - "content": "岨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67584": { - "content": "젣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67585": { - "content": "ః", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67586": { - "content": "么", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67587": { - "content": "虺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67588": { - "content": "퐟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67589": { - "content": "ぱ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67590": { - "content": "ৌ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67591": { - "content": "蠃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67592": { - "content": "蚬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67593": { - "content": "孜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67594": { - "content": "诶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67595": { - "content": "督", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67596": { - "content": "괕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67597": { - "content": "亞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67598": { - "content": "춧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67599": { - "content": "恥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67600": { - "content": "잘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67601": { - "content": "憊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67602": { - "content": "먤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67603": { - "content": "餵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67604": { - "content": "갩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67605": { - "content": "묋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67606": { - "content": "쩶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67607": { - "content": "恠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67608": { - "content": "ホ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67609": { - "content": "ൗ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67610": { - "content": "糕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67611": { - "content": "쑔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67612": { - "content": "엓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67613": { - "content": "鸰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67614": { - "content": "뗶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67615": { - "content": "챚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67616": { - "content": "劍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67617": { - "content": "뤀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67618": { - "content": "制", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67619": { - "content": "돽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67620": { - "content": "憂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67621": { - "content": "쐉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67622": { - "content": "藍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67623": { - "content": "鍍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67624": { - "content": "뵦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67625": { - "content": "球", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67626": { - "content": "菽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67627": { - "content": "짢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67628": { - "content": "쵟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67629": { - "content": "硃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67630": { - "content": "窖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67631": { - "content": "믜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67632": { - "content": "쪙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67633": { - "content": "約", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67634": { - "content": "鹿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67635": { - "content": "ص", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67636": { - "content": "캻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67637": { - "content": "訥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67638": { - "content": "葦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67639": { - "content": "떪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67640": { - "content": "谌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67641": { - "content": "뇈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67642": { - "content": "쓕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67643": { - "content": "僦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67644": { - "content": "쎛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67645": { - "content": "骊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67646": { - "content": "郏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67647": { - "content": "य", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67648": { - "content": "뼹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67649": { - "content": "쐍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67650": { - "content": "螟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67651": { - "content": "钊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67652": { - "content": "눗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67653": { - "content": "硚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67654": { - "content": "魷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67655": { - "content": "녾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67656": { - "content": "브", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67657": { - "content": "헫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67658": { - "content": "킾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67659": { - "content": "绷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67660": { - "content": "내", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67661": { - "content": "렯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67662": { - "content": "탶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67663": { - "content": "暈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67664": { - "content": "툟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67665": { - "content": "왨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67666": { - "content": "쬛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67667": { - "content": "깧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67668": { - "content": "졈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67669": { - "content": "뛠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67670": { - "content": "轼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67671": { - "content": "殻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67672": { - "content": "妬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67673": { - "content": "贷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67674": { - "content": "좙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67675": { - "content": "뜋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67676": { - "content": "樾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67677": { - "content": "낚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67678": { - "content": "쨰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67679": { - "content": "轻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67680": { - "content": "র", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67681": { - "content": "蘋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67682": { - "content": "쵚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67683": { - "content": "喂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67684": { - "content": "헔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67685": { - "content": "큇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67686": { - "content": "텋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67687": { - "content": "뎳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67688": { - "content": "뻗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67689": { - "content": "릔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67690": { - "content": "겶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67691": { - "content": "촌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67692": { - "content": "틏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67693": { - "content": "綮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67694": { - "content": "뱺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67695": { - "content": "嫦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67696": { - "content": "彻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67697": { - "content": "垌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67698": { - "content": "꽷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67699": { - "content": "峙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67700": { - "content": "틗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67701": { - "content": "꺼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67702": { - "content": "蝶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67703": { - "content": "썔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67704": { - "content": "쫋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67705": { - "content": "雁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67706": { - "content": "쐐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67707": { - "content": "큂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67708": { - "content": "끒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67709": { - "content": "鸚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67710": { - "content": "굑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67711": { - "content": "喫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67712": { - "content": "蓢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67713": { - "content": "媵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67714": { - "content": "즠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67715": { - "content": "븢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67716": { - "content": "௧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67717": { - "content": "귀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67718": { - "content": "౸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67719": { - "content": "绊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67720": { - "content": "ウ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67721": { - "content": "權", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67722": { - "content": "暲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67723": { - "content": "铚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67724": { - "content": "븠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67725": { - "content": "揲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67726": { - "content": "섆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67727": { - "content": "콰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67728": { - "content": "ン", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67729": { - "content": "搓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67730": { - "content": "咸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67731": { - "content": "륝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67732": { - "content": "眺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67733": { - "content": "盟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67734": { - "content": "홝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67735": { - "content": "猜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67736": { - "content": "쪬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67737": { - "content": "쭀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67738": { - "content": "後", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67739": { - "content": "뀗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67740": { - "content": "ॠ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67741": { - "content": "迺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67742": { - "content": "ఈ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67743": { - "content": "揉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67744": { - "content": "뙭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67745": { - "content": "봻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67746": { - "content": "郇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67747": { - "content": "꿪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67748": { - "content": "麂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67749": { - "content": "똙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67750": { - "content": "Й", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67751": { - "content": "됍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67752": { - "content": "푠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67753": { - "content": "ഖ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67754": { - "content": "尾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67755": { - "content": "찪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67756": { - "content": "氾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67757": { - "content": "넠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67758": { - "content": "펮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67759": { - "content": "徼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67760": { - "content": "폘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67761": { - "content": "릤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67762": { - "content": "曾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67763": { - "content": "蔣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67764": { - "content": "봸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67765": { - "content": "黼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67766": { - "content": "뀩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67767": { - "content": "壳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67768": { - "content": "员", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67769": { - "content": "쎑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67770": { - "content": "屾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67771": { - "content": "훩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67772": { - "content": "덟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67773": { - "content": "퀚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67774": { - "content": "묥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67775": { - "content": "楸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67776": { - "content": "Ữ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67777": { - "content": "প", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67778": { - "content": "꼚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67779": { - "content": "那", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67780": { - "content": "뎯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67781": { - "content": "휒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67782": { - "content": "拝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67783": { - "content": "簖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67784": { - "content": "폄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67785": { - "content": "砆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67786": { - "content": "蹦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67787": { - "content": "辫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67788": { - "content": "빕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67789": { - "content": "营", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67790": { - "content": "헇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67791": { - "content": "갛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67792": { - "content": "꽕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67793": { - "content": "築", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67794": { - "content": "췎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67795": { - "content": "之", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67796": { - "content": "耵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67797": { - "content": "첔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67798": { - "content": "풸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67799": { - "content": "윑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67800": { - "content": "튨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67801": { - "content": "腨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67802": { - "content": "曦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67803": { - "content": "쾟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67804": { - "content": "첟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67805": { - "content": "昄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67806": { - "content": "꾝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67807": { - "content": "鹭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67808": { - "content": "𬯎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67809": { - "content": "娣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67810": { - "content": "퉼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67811": { - "content": "뜷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67812": { - "content": "侪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67813": { - "content": "ੁ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67814": { - "content": "뱻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67815": { - "content": "籀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67816": { - "content": "మ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67817": { - "content": "邽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67818": { - "content": "춸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67819": { - "content": "섟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67820": { - "content": "꼜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67821": { - "content": "脤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67822": { - "content": "핹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67823": { - "content": "瘥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67824": { - "content": "줹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67825": { - "content": "덲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67826": { - "content": "씹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67827": { - "content": "鲦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67828": { - "content": "얡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67829": { - "content": "즓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67830": { - "content": "뤰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67831": { - "content": "猶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67832": { - "content": "釜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67833": { - "content": "诀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67834": { - "content": "酞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67835": { - "content": "뎂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67836": { - "content": "낥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67837": { - "content": "嚷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67838": { - "content": "줘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67839": { - "content": "萘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67840": { - "content": "ഈ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67841": { - "content": "黟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67842": { - "content": "쾺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67843": { - "content": "酅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67844": { - "content": "诅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67845": { - "content": "욍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67846": { - "content": "猝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67847": { - "content": "烀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67848": { - "content": "쨕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67849": { - "content": "뵄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67850": { - "content": "氙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67851": { - "content": "춱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67852": { - "content": "瓔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67853": { - "content": "棼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67854": { - "content": "氍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67855": { - "content": "퍳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67856": { - "content": "코", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67857": { - "content": "픛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67858": { - "content": "흲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67859": { - "content": "犀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67860": { - "content": "醉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67861": { - "content": "멼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67862": { - "content": "撞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67863": { - "content": "첁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67864": { - "content": "諾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67865": { - "content": "팔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67866": { - "content": "圈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67867": { - "content": "뒜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67868": { - "content": "惋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67869": { - "content": "藻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67870": { - "content": "뾛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67871": { - "content": "垧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67872": { - "content": "恨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67873": { - "content": "즔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67874": { - "content": "畫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67875": { - "content": "娇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67876": { - "content": "誧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67877": { - "content": "京", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67878": { - "content": "퉔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67879": { - "content": "썻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67880": { - "content": "힌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67881": { - "content": "캋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67882": { - "content": "糗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67883": { - "content": "骐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67884": { - "content": "맆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67885": { - "content": "ݥ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67886": { - "content": "嘱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67887": { - "content": "흶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67888": { - "content": "홯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67889": { - "content": "镒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67890": { - "content": "ೊ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67891": { - "content": "셳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67892": { - "content": "퀍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67893": { - "content": "궉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67894": { - "content": "扎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67895": { - "content": "늂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67896": { - "content": "條", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67897": { - "content": "봼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67898": { - "content": "ణ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67899": { - "content": "念", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67900": { - "content": "盹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67901": { - "content": "竽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67902": { - "content": "띮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67903": { - "content": "끳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67904": { - "content": "烊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67905": { - "content": "冥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67906": { - "content": "肯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67907": { - "content": "璩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67908": { - "content": "副", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67909": { - "content": "ಫ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67910": { - "content": "患", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67911": { - "content": "놉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67912": { - "content": "人", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67913": { - "content": "漏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67914": { - "content": "呱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67915": { - "content": "縷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67916": { - "content": "ข", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67917": { - "content": "セ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67918": { - "content": "쎣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67919": { - "content": "些", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67920": { - "content": "恳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67921": { - "content": "嗤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67922": { - "content": "촵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67923": { - "content": "첛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67924": { - "content": "깛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67925": { - "content": "趱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67926": { - "content": "접", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67927": { - "content": "獎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67928": { - "content": "痩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67929": { - "content": "▷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67930": { - "content": "꿱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67931": { - "content": "못", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67932": { - "content": "첎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67933": { - "content": "嚮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67934": { - "content": "죜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67935": { - "content": "쮁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67936": { - "content": "Ź", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67937": { - "content": "쬿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67938": { - "content": "떄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67939": { - "content": "斜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67940": { - "content": "쉩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67941": { - "content": "텦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67942": { - "content": "〇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67943": { - "content": "妻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67944": { - "content": "令", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67945": { - "content": "햃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67946": { - "content": "墩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67947": { - "content": "뷿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67948": { - "content": "洶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67949": { - "content": "础", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67950": { - "content": "히", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67951": { - "content": "焞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67952": { - "content": "혂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67953": { - "content": "닑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67954": { - "content": "탑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67955": { - "content": "殯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67956": { - "content": "듰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67957": { - "content": "벙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67958": { - "content": "魚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67959": { - "content": "優", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67960": { - "content": "泄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67961": { - "content": "썜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67962": { - "content": "圜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67963": { - "content": "屺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67964": { - "content": "룈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67965": { - "content": "窘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67966": { - "content": "茲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67967": { - "content": "흍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67968": { - "content": "맑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67969": { - "content": "઼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67970": { - "content": "烔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67971": { - "content": "蒗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67972": { - "content": "굓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67973": { - "content": "冴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67974": { - "content": "ఛ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67975": { - "content": "툮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67976": { - "content": "上", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67977": { - "content": "ٴ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67978": { - "content": "饭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67979": { - "content": "럮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67980": { - "content": "핧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67981": { - "content": "뇂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67982": { - "content": "뼷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67983": { - "content": "퉽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67984": { - "content": "好", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67985": { - "content": "掸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67986": { - "content": "凌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67987": { - "content": "봰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67988": { - "content": "춬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67989": { - "content": "샠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67990": { - "content": "휫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67991": { - "content": "걔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67992": { - "content": "록", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67993": { - "content": "袷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67994": { - "content": "그", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67995": { - "content": "띉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67996": { - "content": "쳤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67997": { - "content": "무", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67998": { - "content": "ឋ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "67999": { - "content": "삭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68000": { - "content": "ણ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68001": { - "content": "햡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68002": { - "content": "ݘ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68003": { - "content": "틂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68004": { - "content": "핣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68005": { - "content": "걐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68006": { - "content": "鈔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68007": { - "content": "๛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68008": { - "content": "膨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68009": { - "content": "뜕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68010": { - "content": "稱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68011": { - "content": "仫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68012": { - "content": "휃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68013": { - "content": "Ễ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68014": { - "content": "狈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68015": { - "content": "뢔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68016": { - "content": "隔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68017": { - "content": "쓴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68018": { - "content": "긟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68019": { - "content": "欧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68020": { - "content": "牡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68021": { - "content": "𬺈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68022": { - "content": "镅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68023": { - "content": "捨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68024": { - "content": "ẩ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68025": { - "content": "쯥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68026": { - "content": "졪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68027": { - "content": "궽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68028": { - "content": "과", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68029": { - "content": "쑠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68030": { - "content": "幢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68031": { - "content": "럀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68032": { - "content": "炬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68033": { - "content": "르", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68034": { - "content": "ڿ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68035": { - "content": "검", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68036": { - "content": "뉍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68037": { - "content": "텞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68038": { - "content": "岊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68039": { - "content": "꾠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68040": { - "content": "篦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68041": { - "content": "ഞ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68042": { - "content": "혰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68043": { - "content": "潘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68044": { - "content": "凹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68045": { - "content": "앲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68046": { - "content": "릩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68047": { - "content": "붶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68048": { - "content": "뼱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68049": { - "content": "拳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68050": { - "content": "켴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68051": { - "content": "쀂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68052": { - "content": "장", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68053": { - "content": "琬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68054": { - "content": "앧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68055": { - "content": "젩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68056": { - "content": "뉫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68057": { - "content": "흪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68058": { - "content": "灰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68059": { - "content": "졋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68060": { - "content": "が", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68061": { - "content": "쳑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68062": { - "content": "뉜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68063": { - "content": "伸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68064": { - "content": "섺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68065": { - "content": "쨄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68066": { - "content": "깱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68067": { - "content": "曇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68068": { - "content": "뚜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68069": { - "content": "뛙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68070": { - "content": "팡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68071": { - "content": "ẓ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68072": { - "content": "긡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68073": { - "content": "녍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68074": { - "content": "탤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68075": { - "content": "믪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68076": { - "content": "瘧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68077": { - "content": "뾦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68078": { - "content": "శ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68079": { - "content": "ਕ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68080": { - "content": "훽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68081": { - "content": "锟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68082": { - "content": "侥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68083": { - "content": "痢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68084": { - "content": "벇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68085": { - "content": "좱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68086": { - "content": "炕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68087": { - "content": "𫟼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68088": { - "content": "멨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68089": { - "content": "꽗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68090": { - "content": "಼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68091": { - "content": "봹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68092": { - "content": "퇣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68093": { - "content": "력", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68094": { - "content": "벌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68095": { - "content": "𦈡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68096": { - "content": "驴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68097": { - "content": "퉉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68098": { - "content": "菝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68099": { - "content": "멏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68100": { - "content": "ஶ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68101": { - "content": "뽎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68102": { - "content": "邯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68103": { - "content": "냅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68104": { - "content": "떦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68105": { - "content": "뷩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68106": { - "content": "슒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68107": { - "content": "셿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68108": { - "content": "੭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68109": { - "content": "喧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68110": { - "content": "녰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68111": { - "content": "뵟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68112": { - "content": "땫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68113": { - "content": "ដ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68114": { - "content": "뻰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68115": { - "content": "糨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68116": { - "content": "쉶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68117": { - "content": "펶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68118": { - "content": "诟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68119": { - "content": "凓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68120": { - "content": "斷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68121": { - "content": "턣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68122": { - "content": "៱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68123": { - "content": "놄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68124": { - "content": "텖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68125": { - "content": "乓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68126": { - "content": "겑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68127": { - "content": "睡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68128": { - "content": "쪘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68129": { - "content": "쭤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68130": { - "content": "瘴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68131": { - "content": "অ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68132": { - "content": "ヌ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68133": { - "content": "⅓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68134": { - "content": "頔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68135": { - "content": "檢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68136": { - "content": "瓴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68137": { - "content": "應", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68138": { - "content": "탱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68139": { - "content": "怀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68140": { - "content": "毓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68141": { - "content": "쎇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68142": { - "content": "咏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68143": { - "content": "蘩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68144": { - "content": "묑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68145": { - "content": "娥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68146": { - "content": "괽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68147": { - "content": "휰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68148": { - "content": "졷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68149": { - "content": "俄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68150": { - "content": "偺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68151": { - "content": "浍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68152": { - "content": "趺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68153": { - "content": "嶒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68154": { - "content": "쵷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68155": { - "content": "Ő", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68156": { - "content": "큪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68157": { - "content": "몬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68158": { - "content": "鉢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68159": { - "content": "匡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68160": { - "content": "𬪩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68161": { - "content": "썊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68162": { - "content": "ಚ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68163": { - "content": "茝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68164": { - "content": "貪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68165": { - "content": "챘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68166": { - "content": "뜂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68167": { - "content": "皞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68168": { - "content": "皴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68169": { - "content": "孥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68170": { - "content": "揠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68171": { - "content": "肩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68172": { - "content": "餿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68173": { - "content": "쟊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68174": { - "content": "童", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68175": { - "content": "摅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68176": { - "content": "沤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68177": { - "content": "쓛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68178": { - "content": "잪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68179": { - "content": "ۍ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68180": { - "content": "厍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68181": { - "content": "莿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68182": { - "content": "악", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68183": { - "content": "嫂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68184": { - "content": "릏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68185": { - "content": "鸨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68186": { - "content": "닣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68187": { - "content": "뼃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68188": { - "content": "ㇳ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68189": { - "content": "똖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68190": { - "content": "맛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68191": { - "content": "付", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68192": { - "content": "좓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68193": { - "content": "農", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68194": { - "content": "큈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68195": { - "content": "삛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68196": { - "content": "팦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68197": { - "content": "Ư", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68198": { - "content": "犒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68199": { - "content": "蕙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68200": { - "content": "컪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68201": { - "content": "쇀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68202": { - "content": "狒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68203": { - "content": "꾽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68204": { - "content": "所", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68205": { - "content": "癍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68206": { - "content": "쨝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68207": { - "content": "깬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68208": { - "content": "脰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68209": { - "content": "笥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68210": { - "content": "ឭ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68211": { - "content": "辋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68212": { - "content": "꺰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68213": { - "content": "備", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68214": { - "content": "휿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68215": { - "content": "钖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68216": { - "content": "냌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68217": { - "content": "៷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68218": { - "content": "붍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68219": { - "content": "뻥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68220": { - "content": "을", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68221": { - "content": "勳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68222": { - "content": "졫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68223": { - "content": "绩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68224": { - "content": "벶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68225": { - "content": "쁷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68226": { - "content": "楫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68227": { - "content": "瞭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68228": { - "content": "饲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68229": { - "content": "눓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68230": { - "content": "況", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68231": { - "content": "톮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68232": { - "content": "렃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68233": { - "content": "曳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68234": { - "content": "昨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68235": { - "content": "諺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68236": { - "content": "뺼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68237": { - "content": "匏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68238": { - "content": "蕹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68239": { - "content": "鄞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68240": { - "content": "デ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68241": { - "content": "車", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68242": { - "content": "飞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68243": { - "content": "컾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68244": { - "content": "퇄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68245": { - "content": "녖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68246": { - "content": "쀟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68247": { - "content": "衎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68248": { - "content": "艙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68249": { - "content": "誉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68250": { - "content": "읯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68251": { - "content": "У", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68252": { - "content": "ト", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68253": { - "content": "И", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68254": { - "content": "쎻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68255": { - "content": "닛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68256": { - "content": "火", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68257": { - "content": "ઋ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68258": { - "content": "㿠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68259": { - "content": "뻯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68260": { - "content": "嚐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68261": { - "content": "뎴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68262": { - "content": "봇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68263": { - "content": "烹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68264": { - "content": "独", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68265": { - "content": "좀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68266": { - "content": "甸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68267": { - "content": "騁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68268": { - "content": "觑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68269": { - "content": "퐈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68270": { - "content": "섵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68271": { - "content": "箴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68272": { - "content": "抔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68273": { - "content": "퐀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68274": { - "content": "翼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68275": { - "content": "墕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68276": { - "content": "৯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68277": { - "content": "탸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68278": { - "content": "鑾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68279": { - "content": "칁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68280": { - "content": "攽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68281": { - "content": "鑰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68282": { - "content": "奚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68283": { - "content": "Ү", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68284": { - "content": "쭣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68285": { - "content": "슉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68286": { - "content": "뇞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68287": { - "content": "煩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68288": { - "content": "锷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68289": { - "content": "웕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68290": { - "content": "콑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68291": { - "content": "랪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68292": { - "content": "뢽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68293": { - "content": "웴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68294": { - "content": "쓲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68295": { - "content": "엒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68296": { - "content": "允", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68297": { - "content": "ۊ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68298": { - "content": "꼝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68299": { - "content": "킣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68300": { - "content": "롣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68301": { - "content": "淤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68302": { - "content": "냓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68303": { - "content": "葛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68304": { - "content": "萨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68305": { - "content": "숊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68306": { - "content": "뙁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68307": { - "content": "鲐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68308": { - "content": "굉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68309": { - "content": "抹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68310": { - "content": "탻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68311": { - "content": "堞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68312": { - "content": "損", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68313": { - "content": "鞦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68314": { - "content": "왜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68315": { - "content": "溏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68316": { - "content": "ٚ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68317": { - "content": "画", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68318": { - "content": "덂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68319": { - "content": "掺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68320": { - "content": "槊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68321": { - "content": "儸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68322": { - "content": "爿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68323": { - "content": "썝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68324": { - "content": "煊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68325": { - "content": "斟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68326": { - "content": "례", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68327": { - "content": "轡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68328": { - "content": "쁎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68329": { - "content": "삯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68330": { - "content": "夔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68331": { - "content": "낈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68332": { - "content": "롁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68333": { - "content": "팼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68334": { - "content": "츒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68335": { - "content": "ㄸ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68336": { - "content": "입", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68337": { - "content": "館", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68338": { - "content": "됧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68339": { - "content": "篡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68340": { - "content": "殷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68341": { - "content": "흱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68342": { - "content": "낝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68343": { - "content": "壺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68344": { - "content": "闖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68345": { - "content": "附", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68346": { - "content": "켺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68347": { - "content": "솒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68348": { - "content": "젋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68349": { - "content": "쎓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68350": { - "content": "讧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68351": { - "content": "鄃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68352": { - "content": "闼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68353": { - "content": "쉒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68354": { - "content": "형", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68355": { - "content": "销", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68356": { - "content": "𬒔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68357": { - "content": "츜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68358": { - "content": "큸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68359": { - "content": "뇨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68360": { - "content": "읡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68361": { - "content": "퐤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68362": { - "content": "끓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68363": { - "content": "덽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68364": { - "content": "棄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68365": { - "content": "鸹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68366": { - "content": "户", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68367": { - "content": "웁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68368": { - "content": "具", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68369": { - "content": "譫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68370": { - "content": "琢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68371": { - "content": "儲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68372": { - "content": "鰍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68373": { - "content": "陬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68374": { - "content": "댤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68375": { - "content": "曝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68376": { - "content": "뉯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68377": { - "content": "렞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68378": { - "content": "롅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68379": { - "content": "졏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68380": { - "content": "鞠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68381": { - "content": "뮨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68382": { - "content": "瘘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68383": { - "content": "뗔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68384": { - "content": "ؿ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68385": { - "content": "퐢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68386": { - "content": "阘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68387": { - "content": "삱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68388": { - "content": "餞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68389": { - "content": "𩾃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68390": { - "content": "엺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68391": { - "content": "퐋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68392": { - "content": "쒻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68393": { - "content": "擅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68394": { - "content": "봜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68395": { - "content": "킮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68396": { - "content": "싳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68397": { - "content": "狡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68398": { - "content": "귷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68399": { - "content": "뗋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68400": { - "content": "헰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68401": { - "content": "洋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68402": { - "content": "罘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68403": { - "content": "욭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68404": { - "content": "濺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68405": { - "content": "槭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68406": { - "content": "鰓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68407": { - "content": "쳻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68408": { - "content": "펰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68409": { - "content": "臧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68410": { - "content": "팫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68411": { - "content": "됸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68412": { - "content": "뚈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68413": { - "content": "졗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68414": { - "content": "똟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68415": { - "content": "걦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68416": { - "content": "뭗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68417": { - "content": "箫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68418": { - "content": "ஹ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68419": { - "content": "蔊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68420": { - "content": "ೇ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68421": { - "content": "钠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68422": { - "content": "슪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68423": { - "content": "遅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68424": { - "content": "싡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68425": { - "content": "똔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68426": { - "content": "욑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68427": { - "content": "琄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68428": { - "content": "땛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68429": { - "content": "息", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68430": { - "content": "疗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68431": { - "content": "晙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68432": { - "content": "꾦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68433": { - "content": "퇳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68434": { - "content": "骤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68435": { - "content": "氰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68436": { - "content": "둸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68437": { - "content": "컎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68438": { - "content": "戏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68439": { - "content": "招", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68440": { - "content": "픶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68441": { - "content": "裣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68442": { - "content": "丸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68443": { - "content": "궨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68444": { - "content": "꼰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68445": { - "content": "咱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68446": { - "content": "꺅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68447": { - "content": "잵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68448": { - "content": "朴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68449": { - "content": "뫻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68450": { - "content": "뢂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68451": { - "content": "띎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68452": { - "content": "ៗ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68453": { - "content": "क़", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68454": { - "content": "缡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68455": { - "content": "횽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68456": { - "content": "唢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68457": { - "content": "姒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68458": { - "content": "깃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68459": { - "content": "х", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68460": { - "content": "嚅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68461": { - "content": "래", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68462": { - "content": "飪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68463": { - "content": "쮺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68464": { - "content": "휮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68465": { - "content": "뻌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68466": { - "content": "ऊ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68467": { - "content": "몃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68468": { - "content": "꺬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68469": { - "content": "쀀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68470": { - "content": "喙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68471": { - "content": "ம", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68472": { - "content": "璆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68473": { - "content": "럹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68474": { - "content": "拓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68475": { - "content": "โ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68476": { - "content": "縻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68477": { - "content": "럩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68478": { - "content": "튉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68479": { - "content": "긠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68480": { - "content": "病", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68481": { - "content": "뜏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68482": { - "content": "힉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68483": { - "content": "열", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68484": { - "content": "簋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68485": { - "content": "픮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68486": { - "content": "应", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68487": { - "content": "톌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68488": { - "content": "뾯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68489": { - "content": "퐗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68490": { - "content": "괅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68491": { - "content": "쟮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68492": { - "content": "쮂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68493": { - "content": "戌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68494": { - "content": "舫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68495": { - "content": "멟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68496": { - "content": "裨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68497": { - "content": "麒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68498": { - "content": "뭝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68499": { - "content": "뿘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68500": { - "content": "꺵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68501": { - "content": "뻷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68502": { - "content": "꺏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68503": { - "content": "團", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68504": { - "content": "ั", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68505": { - "content": "襞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68506": { - "content": "홶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68507": { - "content": "퍄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68508": { - "content": "鈣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68509": { - "content": "꽈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68510": { - "content": "뀄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68511": { - "content": "験", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68512": { - "content": "릘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68513": { - "content": "辭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68514": { - "content": "坳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68515": { - "content": "穣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68516": { - "content": "ച", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68517": { - "content": "쳜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68518": { - "content": "률", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68519": { - "content": "쁛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68520": { - "content": "똩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68521": { - "content": "괍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68522": { - "content": "離", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68523": { - "content": "핎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68524": { - "content": "Ḍ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68525": { - "content": "뜆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68526": { - "content": "阿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68527": { - "content": "鬆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68528": { - "content": "좌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68529": { - "content": "𬺛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68530": { - "content": "쑞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68531": { - "content": "汧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68532": { - "content": "鸤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68533": { - "content": "锥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68534": { - "content": "볻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68535": { - "content": "募", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68536": { - "content": "樗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68537": { - "content": "鲩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68538": { - "content": "诚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68539": { - "content": "짖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68540": { - "content": "椭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68541": { - "content": "틑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68542": { - "content": "娄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68543": { - "content": "뇮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68544": { - "content": "㥄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68545": { - "content": "崞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68546": { - "content": "띧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68547": { - "content": "临", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68548": { - "content": "艿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68549": { - "content": "逛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68550": { - "content": "팰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68551": { - "content": "깅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68552": { - "content": "쫾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68553": { - "content": "懸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68554": { - "content": "臣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68555": { - "content": "은", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68556": { - "content": "빐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68557": { - "content": "鼇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68558": { - "content": "៤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68559": { - "content": "鳒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68560": { - "content": "헛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68561": { - "content": "Ấ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68562": { - "content": "헶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68563": { - "content": "륯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68564": { - "content": "驺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68565": { - "content": "夐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68566": { - "content": "씰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68567": { - "content": "떫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68568": { - "content": "감", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68569": { - "content": "풽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68570": { - "content": "紀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68571": { - "content": "왝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68572": { - "content": "ㅈ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68573": { - "content": "껻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68574": { - "content": "袞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68575": { - "content": "쎞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68576": { - "content": "Δ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68577": { - "content": "색", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68578": { - "content": "햩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68579": { - "content": "篱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68580": { - "content": "γ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68581": { - "content": "볃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68582": { - "content": "鼷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68583": { - "content": "뽼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68584": { - "content": "觚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68585": { - "content": "詨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68586": { - "content": "晃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68587": { - "content": "Ẽ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68588": { - "content": "밻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68589": { - "content": "딗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68590": { - "content": "鱿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68591": { - "content": "施", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68592": { - "content": "앪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68593": { - "content": "ਯ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68594": { - "content": "걁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68595": { - "content": "鵬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68596": { - "content": "퇯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68597": { - "content": "鹨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68598": { - "content": "鸲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68599": { - "content": "뼌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68600": { - "content": "賊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68601": { - "content": "અ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68602": { - "content": "ん", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68603": { - "content": "陞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68604": { - "content": "챢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68605": { - "content": "럵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68606": { - "content": "므", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68607": { - "content": "킫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68608": { - "content": "벡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68609": { - "content": "云", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68610": { - "content": "ছ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68611": { - "content": "쳿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68612": { - "content": "飲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68613": { - "content": "틞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68614": { - "content": "σ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68615": { - "content": "쯀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68616": { - "content": "淴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68617": { - "content": "믢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68618": { - "content": "뮡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68619": { - "content": "끧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68620": { - "content": "调", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68621": { - "content": "젂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68622": { - "content": "窜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68623": { - "content": "고", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68624": { - "content": "쿏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68625": { - "content": "龔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68626": { - "content": "옱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68627": { - "content": "仟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68628": { - "content": "潔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68629": { - "content": "꼍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68630": { - "content": "꾺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68631": { - "content": "꾉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68632": { - "content": "뻆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68633": { - "content": "ٓ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68634": { - "content": "센", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68635": { - "content": "쬚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68636": { - "content": "卞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68637": { - "content": "죺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68638": { - "content": "쟐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68639": { - "content": "럼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68640": { - "content": "웖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68641": { - "content": "酹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68642": { - "content": "숶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68643": { - "content": "쳐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68644": { - "content": "罶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68645": { - "content": "츓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68646": { - "content": "앟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68647": { - "content": "粵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68648": { - "content": "际", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68649": { - "content": "옄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68650": { - "content": "狼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68651": { - "content": "지", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68652": { - "content": "獰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68653": { - "content": "ฒ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68654": { - "content": "亡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68655": { - "content": "憧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68656": { - "content": "엱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68657": { - "content": "샓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68658": { - "content": "伞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68659": { - "content": "掣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68660": { - "content": "柑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68661": { - "content": "玼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68662": { - "content": "긲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68663": { - "content": "फ़", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68664": { - "content": "攥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68665": { - "content": "쳓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68666": { - "content": "셅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68667": { - "content": "吋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68668": { - "content": "웙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68669": { - "content": "옞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68670": { - "content": "엵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68671": { - "content": "毗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68672": { - "content": "脟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68673": { - "content": "럞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68674": { - "content": "丏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68675": { - "content": "ങ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68676": { - "content": "치", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68677": { - "content": "ਰ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68678": { - "content": "讲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68679": { - "content": "맂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68680": { - "content": "儅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68681": { - "content": "룚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68682": { - "content": "蓑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68683": { - "content": "綵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68684": { - "content": "れ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68685": { - "content": "宄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68686": { - "content": "푔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68687": { - "content": "嫁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68688": { - "content": "뻱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68689": { - "content": "됵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68690": { - "content": "殇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68691": { - "content": "优", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68692": { - "content": "ਵ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68693": { - "content": "쬖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68694": { - "content": "몾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68695": { - "content": "옘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68696": { - "content": "속", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68697": { - "content": "ক", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68698": { - "content": "记", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68699": { - "content": "골", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68700": { - "content": "겁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68701": { - "content": "긛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68702": { - "content": "렳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68703": { - "content": "ゲ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68704": { - "content": "쏷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68705": { - "content": "잤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68706": { - "content": "쒔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68707": { - "content": "鸬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68708": { - "content": "宬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68709": { - "content": "侂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68710": { - "content": "貅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68711": { - "content": "革", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68712": { - "content": "귢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68713": { - "content": "慮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68714": { - "content": "ੋ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68715": { - "content": "係", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68716": { - "content": "٘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68717": { - "content": "璜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68718": { - "content": "캹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68719": { - "content": "श", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68720": { - "content": "歃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68721": { - "content": "桤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68722": { - "content": "『", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68723": { - "content": "栏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68724": { - "content": "誌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68725": { - "content": "第", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68726": { - "content": "듽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68727": { - "content": "蛭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68728": { - "content": "峛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68729": { - "content": "丝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68730": { - "content": "빯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68731": { - "content": "鞁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68732": { - "content": "餐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68733": { - "content": "鰐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68734": { - "content": "톤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68735": { - "content": "쯻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68736": { - "content": "俙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68737": { - "content": "鼋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68738": { - "content": "규", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68739": { - "content": "簿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68740": { - "content": "갱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68741": { - "content": "鋈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68742": { - "content": "꺩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68743": { - "content": "댰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68744": { - "content": "脂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68745": { - "content": "넆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68746": { - "content": "麝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68747": { - "content": "툊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68748": { - "content": "殂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68749": { - "content": "쭇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68750": { - "content": "뭂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68751": { - "content": "흴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68752": { - "content": "葚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68753": { - "content": "囝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68754": { - "content": "햷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68755": { - "content": "淀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68756": { - "content": "贏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68757": { - "content": "튥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68758": { - "content": "コ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68759": { - "content": "琨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68760": { - "content": "翕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68761": { - "content": "마", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68762": { - "content": "꺘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68763": { - "content": "蠊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68764": { - "content": "윹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68765": { - "content": "느", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68766": { - "content": "돎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68767": { - "content": "푭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68768": { - "content": "垡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68769": { - "content": "爭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68770": { - "content": "物", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68771": { - "content": "씾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68772": { - "content": "쿷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68773": { - "content": "룋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68774": { - "content": "묹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68775": { - "content": "쮓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68776": { - "content": "剽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68777": { - "content": "ધ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68778": { - "content": "뾟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68779": { - "content": "믵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68780": { - "content": "짲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68781": { - "content": "뢄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68782": { - "content": "뗺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68783": { - "content": "믕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68784": { - "content": "삆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68785": { - "content": "颧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68786": { - "content": "濮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68787": { - "content": "२", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68788": { - "content": "鸢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68789": { - "content": "脊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68790": { - "content": "뭍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68791": { - "content": "났", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68792": { - "content": "쩉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68793": { - "content": "玃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68794": { - "content": "퉊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68795": { - "content": "ڵ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68796": { - "content": "챷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68797": { - "content": "찆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68798": { - "content": "漿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68799": { - "content": "驵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68800": { - "content": "喰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68801": { - "content": "쭂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68802": { - "content": "칂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68803": { - "content": "웏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68804": { - "content": "혱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68805": { - "content": "헩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68806": { - "content": "耳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68807": { - "content": "姥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68808": { - "content": "ۼ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68809": { - "content": "Ť", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68810": { - "content": "鐺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68811": { - "content": "៑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68812": { - "content": "뛢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68813": { - "content": "것", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68814": { - "content": "붧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68815": { - "content": "硐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68816": { - "content": "虬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68817": { - "content": "궶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68818": { - "content": "낓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68819": { - "content": "疸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68820": { - "content": "ៃ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68821": { - "content": "즛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68822": { - "content": "얲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68823": { - "content": "唠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68824": { - "content": "慕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68825": { - "content": "鈍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68826": { - "content": "觼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68827": { - "content": "汗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68828": { - "content": "昶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68829": { - "content": "鉼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68830": { - "content": "즙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68831": { - "content": "貯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68832": { - "content": "扱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68833": { - "content": "껵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68834": { - "content": "덶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68835": { - "content": "졾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68836": { - "content": "밝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68837": { - "content": "쏩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68838": { - "content": "藿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68839": { - "content": "爸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68840": { - "content": "鳢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68841": { - "content": "홗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68842": { - "content": "윜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68843": { - "content": "籁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68844": { - "content": "훨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68845": { - "content": "픷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68846": { - "content": "鲷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68847": { - "content": "ह", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68848": { - "content": "氿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68849": { - "content": "벂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68850": { - "content": "띞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68851": { - "content": "뎑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68852": { - "content": "궮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68853": { - "content": "辩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68854": { - "content": "佩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68855": { - "content": "쬕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68856": { - "content": "蛸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68857": { - "content": "洪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68858": { - "content": "쎆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68859": { - "content": "찒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68860": { - "content": "噛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68861": { - "content": "娶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68862": { - "content": "턵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68863": { - "content": "𧿹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68864": { - "content": "汍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68865": { - "content": "嘹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68866": { - "content": "鹐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68867": { - "content": "贞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68868": { - "content": "뵼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68869": { - "content": "鼓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68870": { - "content": "扉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68871": { - "content": "鑲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68872": { - "content": "켚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68873": { - "content": "풲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68874": { - "content": "愔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68875": { - "content": "ؤ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68876": { - "content": "纳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68877": { - "content": "럣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68878": { - "content": "쳾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68879": { - "content": "啞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68880": { - "content": "行", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68881": { - "content": "귑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68882": { - "content": "স", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68883": { - "content": "왑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68884": { - "content": "漴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68885": { - "content": "螯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68886": { - "content": "헖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68887": { - "content": "묓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68888": { - "content": "哨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68889": { - "content": "群", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68890": { - "content": "鬨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68891": { - "content": "グ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68892": { - "content": "社", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68893": { - "content": "窩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68894": { - "content": "洨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68895": { - "content": "鄫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68896": { - "content": "驭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68897": { - "content": "됳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68898": { - "content": "淘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68899": { - "content": "쯕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68900": { - "content": "锰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68901": { - "content": "꾳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68902": { - "content": "쫪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68903": { - "content": "৬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68904": { - "content": "晦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68905": { - "content": "럺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68906": { - "content": "绻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68907": { - "content": "추", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68908": { - "content": "轴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68909": { - "content": "鮫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68910": { - "content": "교", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68911": { - "content": "괵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68912": { - "content": "봕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68913": { - "content": "찐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68914": { - "content": "麹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68915": { - "content": "찑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68916": { - "content": "퐒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68917": { - "content": "媆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68918": { - "content": "륶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68919": { - "content": "씕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68920": { - "content": "쁿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68921": { - "content": "店", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68922": { - "content": "뗑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68923": { - "content": "旄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68924": { - "content": "镌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68925": { - "content": "괿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68926": { - "content": "颈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68927": { - "content": "잉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68928": { - "content": "੦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68929": { - "content": "厳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68930": { - "content": "ト", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68931": { - "content": "탳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68932": { - "content": "篪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68933": { - "content": "빫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68934": { - "content": "뗉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68935": { - "content": "嵋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68936": { - "content": "茆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68937": { - "content": "뷣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68938": { - "content": "ۏ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68939": { - "content": "诲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68940": { - "content": "𫓯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68941": { - "content": "買", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68942": { - "content": "킼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68943": { - "content": "꽏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68944": { - "content": "賃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68945": { - "content": "杭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68946": { - "content": "氪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68947": { - "content": "烜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68948": { - "content": "忡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68949": { - "content": "灑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68950": { - "content": "뼐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68951": { - "content": "쯨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68952": { - "content": "瞅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68953": { - "content": "뇆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68954": { - "content": "렜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68955": { - "content": "ٳ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68956": { - "content": "偻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68957": { - "content": "탠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68958": { - "content": "蹿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68959": { - "content": "甙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68960": { - "content": "剂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68961": { - "content": "炀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68962": { - "content": "関", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68963": { - "content": "첳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68964": { - "content": "汰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68965": { - "content": "寳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68966": { - "content": "诏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68967": { - "content": "궾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68968": { - "content": "晕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68969": { - "content": "囂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68970": { - "content": "껛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68971": { - "content": "녤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68972": { - "content": "祝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68973": { - "content": "쓐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68974": { - "content": "愁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68975": { - "content": "臾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68976": { - "content": "섢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68977": { - "content": "튕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68978": { - "content": "๊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68979": { - "content": "甥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68980": { - "content": "뢠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68981": { - "content": "뚝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68982": { - "content": "쾂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68983": { - "content": "硝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68984": { - "content": "袖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68985": { - "content": "듴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68986": { - "content": "郈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68987": { - "content": "뎅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68988": { - "content": "베", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68989": { - "content": "쫠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68990": { - "content": "峮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68991": { - "content": "领", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68992": { - "content": "貉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68993": { - "content": "空", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68994": { - "content": "谞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68995": { - "content": "쉇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68996": { - "content": "섬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68997": { - "content": "론", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68998": { - "content": "풡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "68999": { - "content": "딈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69000": { - "content": "넜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69001": { - "content": "묝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69002": { - "content": "얒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69003": { - "content": "ঊ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69004": { - "content": "쪻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69005": { - "content": "啬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69006": { - "content": "೪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69007": { - "content": "颀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69008": { - "content": "왎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69009": { - "content": "쑆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69010": { - "content": "뎬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69011": { - "content": "統", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69012": { - "content": "𬱟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69013": { - "content": "뺣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69014": { - "content": "믳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69015": { - "content": "ٜ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69016": { - "content": "밅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69017": { - "content": "뵮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69018": { - "content": "뎭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69019": { - "content": "쭈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69020": { - "content": "멀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69021": { - "content": "জ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69022": { - "content": "话", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69023": { - "content": "裾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69024": { - "content": "좠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69025": { - "content": "ऍ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69026": { - "content": "맠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69027": { - "content": "잨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69028": { - "content": "뭓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69029": { - "content": "动", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69030": { - "content": "뜠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69031": { - "content": "쾊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69032": { - "content": "펄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69033": { - "content": "榣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69034": { - "content": "즒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69035": { - "content": "烷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69036": { - "content": "せ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69037": { - "content": "빗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69038": { - "content": "甡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69039": { - "content": "호", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69040": { - "content": "鏈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69041": { - "content": "똾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69042": { - "content": "쏊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69043": { - "content": "몹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69044": { - "content": "蚂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69045": { - "content": "笪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69046": { - "content": "옛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69047": { - "content": "幡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69048": { - "content": "茯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69049": { - "content": "丙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69050": { - "content": "饔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69051": { - "content": "钭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69052": { - "content": "릕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69053": { - "content": "쭝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69054": { - "content": "纰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69055": { - "content": "혣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69056": { - "content": "漹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69057": { - "content": "鎊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69058": { - "content": "횵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69059": { - "content": "劓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69060": { - "content": "郸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69061": { - "content": "겾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69062": { - "content": "묭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69063": { - "content": "燴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69064": { - "content": "껭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69065": { - "content": "ݷ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69066": { - "content": "堨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69067": { - "content": "扯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69068": { - "content": "쓧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69069": { - "content": "야", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69070": { - "content": "慵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69071": { - "content": "蓟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69072": { - "content": "쀡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69073": { - "content": "궈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69074": { - "content": "홈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69075": { - "content": "𬭎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69076": { - "content": "혦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69077": { - "content": "桦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69078": { - "content": "증", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69079": { - "content": "葺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69080": { - "content": "౹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69081": { - "content": "熘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69082": { - "content": "蹶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69083": { - "content": "땹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69084": { - "content": "뭽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69085": { - "content": "톈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69086": { - "content": "쟁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69087": { - "content": "뱿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69088": { - "content": "٬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69089": { - "content": "憫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69090": { - "content": "홼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69091": { - "content": "딄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69092": { - "content": "愧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69093": { - "content": "챏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69094": { - "content": "퉤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69095": { - "content": "薩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69096": { - "content": "怯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69097": { - "content": "슨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69098": { - "content": "欻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69099": { - "content": "뼶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69100": { - "content": "੩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69101": { - "content": "姗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69102": { - "content": "姚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69103": { - "content": "힊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69104": { - "content": "쐖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69105": { - "content": "៘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69106": { - "content": "톕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69107": { - "content": "栅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69108": { - "content": "땎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69109": { - "content": "뽃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69110": { - "content": "ㅆ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69111": { - "content": "퀅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69112": { - "content": "ँ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69113": { - "content": "骋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69114": { - "content": "ڐ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69115": { - "content": "骼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69116": { - "content": "灘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69117": { - "content": "笯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69118": { - "content": "넶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69119": { - "content": "濋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69120": { - "content": "熬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69121": { - "content": "枢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69122": { - "content": "쁱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69123": { - "content": "晨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69124": { - "content": "漤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69125": { - "content": "테", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69126": { - "content": "쵖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69127": { - "content": "쥁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69128": { - "content": "居", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69129": { - "content": "뙒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69130": { - "content": "匍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69131": { - "content": "뎠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69132": { - "content": "홂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69133": { - "content": "頭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69134": { - "content": "东", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69135": { - "content": "먽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69136": { - "content": "紗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69137": { - "content": "삊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69138": { - "content": "弨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69139": { - "content": "熏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69140": { - "content": "묵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69141": { - "content": "꿬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69142": { - "content": "쭖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69143": { - "content": "𫘦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69144": { - "content": "徛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69145": { - "content": "佯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69146": { - "content": "崦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69147": { - "content": "괶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69148": { - "content": "혛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69149": { - "content": "춏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69150": { - "content": "슫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69151": { - "content": "셄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69152": { - "content": "瘟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69153": { - "content": "眀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69154": { - "content": "ハ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69155": { - "content": "푷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69156": { - "content": "簷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69157": { - "content": "螻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69158": { - "content": "꼃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69159": { - "content": "췅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69160": { - "content": "讜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69161": { - "content": "實", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69162": { - "content": "퐓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69163": { - "content": "뵳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69164": { - "content": "籥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69165": { - "content": "厕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69166": { - "content": "癟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69167": { - "content": "齲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69168": { - "content": "辚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69169": { - "content": "ㅋ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69170": { - "content": "輞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69171": { - "content": "볆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69172": { - "content": "攫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69173": { - "content": "牿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69174": { - "content": "캚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69175": { - "content": "鍪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69176": { - "content": "띛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69177": { - "content": "积", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69178": { - "content": "휺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69179": { - "content": "렲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69180": { - "content": "틚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69181": { - "content": "윤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69182": { - "content": "←", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69183": { - "content": "섕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69184": { - "content": "ౕ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69185": { - "content": "팒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69186": { - "content": "盈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69187": { - "content": "謐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69188": { - "content": "蜚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69189": { - "content": "꾁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69190": { - "content": "섇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69191": { - "content": "؀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69192": { - "content": "悩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69193": { - "content": "냀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69194": { - "content": "釉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69195": { - "content": "渡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69196": { - "content": "쵶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69197": { - "content": "孝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69198": { - "content": "砒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69199": { - "content": "壌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69200": { - "content": "壬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69201": { - "content": "웶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69202": { - "content": "끵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69203": { - "content": "倴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69204": { - "content": "몣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69205": { - "content": "햵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69206": { - "content": "겉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69207": { - "content": "虓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69208": { - "content": "몵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69209": { - "content": "좕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69210": { - "content": "゙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69211": { - "content": "個", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69212": { - "content": "扛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69213": { - "content": "퐬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69214": { - "content": "襲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69215": { - "content": "鹯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69216": { - "content": "造", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69217": { - "content": "朙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69218": { - "content": "縁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69219": { - "content": "姣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69220": { - "content": "靦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69221": { - "content": "靠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69222": { - "content": "틀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69223": { - "content": "졝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69224": { - "content": "干", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69225": { - "content": "뺙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69226": { - "content": "쿡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69227": { - "content": "拮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69228": { - "content": "犷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69229": { - "content": "٦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69230": { - "content": "𫚭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69231": { - "content": "桿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69232": { - "content": "筏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69233": { - "content": "츝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69234": { - "content": "뫙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69235": { - "content": "렠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69236": { - "content": "넳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69237": { - "content": "뇲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69238": { - "content": "촎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69239": { - "content": "첺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69240": { - "content": "ғ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69241": { - "content": "瘢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69242": { - "content": "尊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69243": { - "content": "슜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69244": { - "content": "믣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69245": { - "content": "픯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69246": { - "content": "츛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69247": { - "content": "떠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69248": { - "content": "驶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69249": { - "content": "랏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69250": { - "content": "頫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69251": { - "content": "Ơ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69252": { - "content": "敉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69253": { - "content": "Υ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69254": { - "content": "齇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69255": { - "content": "匂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69256": { - "content": "쏟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69257": { - "content": "唷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69258": { - "content": "듩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69259": { - "content": "鎳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69260": { - "content": "澽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69261": { - "content": "៩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69262": { - "content": "•", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69263": { - "content": "눟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69264": { - "content": "街", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69265": { - "content": "൪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69266": { - "content": "퀙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69267": { - "content": "名", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69268": { - "content": "驕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69269": { - "content": "㛚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69270": { - "content": "柙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69271": { - "content": "漕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69272": { - "content": "玖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69273": { - "content": "吆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69274": { - "content": "櫆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69275": { - "content": "主", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69276": { - "content": "櫂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69277": { - "content": "쐡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69278": { - "content": "웩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69279": { - "content": "툕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69280": { - "content": "ஷ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69281": { - "content": "普", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69282": { - "content": "脱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69283": { - "content": "蠖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69284": { - "content": "넅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69285": { - "content": "倚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69286": { - "content": "뾉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69287": { - "content": "컯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69288": { - "content": "ァ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69289": { - "content": "쑲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69290": { - "content": "즽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69291": { - "content": "국", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69292": { - "content": "톶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69293": { - "content": "贪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69294": { - "content": "뭫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69295": { - "content": "칉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69296": { - "content": "놊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69297": { - "content": "틅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69298": { - "content": "툃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69299": { - "content": "혻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69300": { - "content": "刷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69301": { - "content": "꺞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69302": { - "content": "然", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69303": { - "content": "忠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69304": { - "content": "쓎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69305": { - "content": "춟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69306": { - "content": "ਹ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69307": { - "content": "쳇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69308": { - "content": "튆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69309": { - "content": "퀺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69310": { - "content": "ừ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69311": { - "content": "畬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69312": { - "content": "뛫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69313": { - "content": "콣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69314": { - "content": "洒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69315": { - "content": "챯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69316": { - "content": "얖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69317": { - "content": "⑦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69318": { - "content": "利", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69319": { - "content": "៛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69320": { - "content": "륙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69321": { - "content": "별", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69322": { - "content": "虎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69323": { - "content": "嫒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69324": { - "content": "荡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69325": { - "content": "뙛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69326": { - "content": "씇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69327": { - "content": "柊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69328": { - "content": "ổ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69329": { - "content": "꿂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69330": { - "content": "쿤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69331": { - "content": "镑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69332": { - "content": "굧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69333": { - "content": "៦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69334": { - "content": "뫁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69335": { - "content": "煞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69336": { - "content": "쮒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69337": { - "content": "筷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69338": { - "content": "谙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69339": { - "content": "ǜ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69340": { - "content": "닉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69341": { - "content": "迳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69342": { - "content": "먪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69343": { - "content": "ミ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69344": { - "content": "뀯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69345": { - "content": "能", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69346": { - "content": "찇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69347": { - "content": "強", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69348": { - "content": "噌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69349": { - "content": "뗾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69350": { - "content": "愒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69351": { - "content": "傢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69352": { - "content": "쥡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69353": { - "content": "궬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69354": { - "content": "按", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69355": { - "content": "뼫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69356": { - "content": "脅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69357": { - "content": "럗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69358": { - "content": "ਦ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69359": { - "content": "뭺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69360": { - "content": "앁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69361": { - "content": "只", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69362": { - "content": "잰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69363": { - "content": "궴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69364": { - "content": "씩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69365": { - "content": "茧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69366": { - "content": "쥝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69367": { - "content": "씄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69368": { - "content": "臀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69369": { - "content": "\u0000", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69370": { - "content": "똢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69371": { - "content": "噗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69372": { - "content": "띖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69373": { - "content": "ㅷ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69374": { - "content": "댋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69375": { - "content": "긻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69376": { - "content": "뀤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69377": { - "content": "髻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69378": { - "content": "講", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69379": { - "content": "嶂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69380": { - "content": "茀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69381": { - "content": "枚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69382": { - "content": "와", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69383": { - "content": "暦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69384": { - "content": "璲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69385": { - "content": "狺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69386": { - "content": "囗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69387": { - "content": "毌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69388": { - "content": "阬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69389": { - "content": "놺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69390": { - "content": "錚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69391": { - "content": "ۄ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69392": { - "content": "淇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69393": { - "content": "兹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69394": { - "content": "ぺ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69395": { - "content": "뺒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69396": { - "content": "쯊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69397": { - "content": "凼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69398": { - "content": "ۋ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69399": { - "content": "琎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69400": { - "content": "ξ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69401": { - "content": "뤻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69402": { - "content": "뫃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69403": { - "content": "唛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69404": { - "content": "庳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69405": { - "content": "丌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69406": { - "content": "怡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69407": { - "content": "땥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69408": { - "content": "뿸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69409": { - "content": "킺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69410": { - "content": "待", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69411": { - "content": "鐃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69412": { - "content": "滕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69413": { - "content": "ฏ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69414": { - "content": "赫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69415": { - "content": "汽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69416": { - "content": "ㅪ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69417": { - "content": "漁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69418": { - "content": "圃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69419": { - "content": "쏁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69420": { - "content": "짇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69421": { - "content": "诨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69422": { - "content": "긣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69423": { - "content": "ㆇ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69424": { - "content": "刈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69425": { - "content": "뙕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69426": { - "content": "猇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69427": { - "content": "왵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69428": { - "content": "뇟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69429": { - "content": "쒓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69430": { - "content": "仨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69431": { - "content": "븻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69432": { - "content": "읭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69433": { - "content": "럳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69434": { - "content": "뉖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69435": { - "content": "辿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69436": { - "content": "寻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69437": { - "content": "촍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69438": { - "content": "谒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69439": { - "content": "뉬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69440": { - "content": "次", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69441": { - "content": "킓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69442": { - "content": "蓙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69443": { - "content": "렙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69444": { - "content": "읧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69445": { - "content": "컝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69446": { - "content": "숎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69447": { - "content": "鹃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69448": { - "content": "Ủ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69449": { - "content": "〈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69450": { - "content": "쑶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69451": { - "content": "욐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69452": { - "content": "偏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69453": { - "content": "쾓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69454": { - "content": "푁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69455": { - "content": "ャ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69456": { - "content": "△", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69457": { - "content": "퓀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69458": { - "content": "꽡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69459": { - "content": "魂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69460": { - "content": "致", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69461": { - "content": "둀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69462": { - "content": "츷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69463": { - "content": "ஃ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69464": { - "content": "钛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69465": { - "content": "뀻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69466": { - "content": "쐇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69467": { - "content": "锛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69468": { - "content": "냇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69469": { - "content": "ڜ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69470": { - "content": "푑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69471": { - "content": "ǵ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69472": { - "content": "뎩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69473": { - "content": "驸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69474": { - "content": "謎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69475": { - "content": "펵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69476": { - "content": "婧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69477": { - "content": "娱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69478": { - "content": "쀎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69479": { - "content": "踢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69480": { - "content": "롇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69481": { - "content": "颺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69482": { - "content": "畀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69483": { - "content": "켒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69484": { - "content": "悶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69485": { - "content": "딹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69486": { - "content": "콄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69487": { - "content": "톖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69488": { - "content": "쀼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69489": { - "content": "і", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69490": { - "content": "겠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69491": { - "content": "껋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69492": { - "content": "퀋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69493": { - "content": "뷤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69494": { - "content": "๚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69495": { - "content": "꺛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69496": { - "content": "魅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69497": { - "content": "쉹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69498": { - "content": "案", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69499": { - "content": "謡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69500": { - "content": "닫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69501": { - "content": "莜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69502": { - "content": "紜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69503": { - "content": "산", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69504": { - "content": "촟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69505": { - "content": "锋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69506": { - "content": "퇡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69507": { - "content": "벞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69508": { - "content": "將", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69509": { - "content": "쨥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69510": { - "content": "镤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69511": { - "content": "붏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69512": { - "content": "쒩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69513": { - "content": "的", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69514": { - "content": "컲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69515": { - "content": "쩦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69516": { - "content": "버", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69517": { - "content": "惜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69518": { - "content": "ฌ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69519": { - "content": "괝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69520": { - "content": "캍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69521": { - "content": "茇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69522": { - "content": "淖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69523": { - "content": "吏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69524": { - "content": "粕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69525": { - "content": "慣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69526": { - "content": "팝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69527": { - "content": "쬽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69528": { - "content": "塬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69529": { - "content": "욎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69530": { - "content": "恶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69531": { - "content": "坚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69532": { - "content": "蕲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69533": { - "content": "퍙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69534": { - "content": "镚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69535": { - "content": "텚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69536": { - "content": "헺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69537": { - "content": "ڴ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69538": { - "content": "鉋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69539": { - "content": "馅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69540": { - "content": "앸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69541": { - "content": "줇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69542": { - "content": "戋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69543": { - "content": "뷲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69544": { - "content": "쉴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69545": { - "content": "궳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69546": { - "content": "폸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69547": { - "content": "짋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69548": { - "content": "采", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69549": { - "content": "硅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69550": { - "content": "픓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69551": { - "content": "垲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69552": { - "content": "拚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69553": { - "content": "릾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69554": { - "content": "瞌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69555": { - "content": "펠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69556": { - "content": "벹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69557": { - "content": "짷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69558": { - "content": "醭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69559": { - "content": "沃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69560": { - "content": "央", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69561": { - "content": "꿯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69562": { - "content": "뿻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69563": { - "content": "斂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69564": { - "content": "蔭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69565": { - "content": "烯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69566": { - "content": "붻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69567": { - "content": "헵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69568": { - "content": "픕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69569": { - "content": "꺿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69570": { - "content": "鸞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69571": { - "content": "崗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69572": { - "content": "꽶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69573": { - "content": "姜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69574": { - "content": "郯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69575": { - "content": "堡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69576": { - "content": "গ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69577": { - "content": "没", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69578": { - "content": "雳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69579": { - "content": "೭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69580": { - "content": "戢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69581": { - "content": "휓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69582": { - "content": "얧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69583": { - "content": "갦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69584": { - "content": "눬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69585": { - "content": "椤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69586": { - "content": "ឫ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69587": { - "content": "놧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69588": { - "content": "뉃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69589": { - "content": "혧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69590": { - "content": "솂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69591": { - "content": "햣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69592": { - "content": "읈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69593": { - "content": "왳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69594": { - "content": "공", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69595": { - "content": "樯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69596": { - "content": "⑫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69597": { - "content": "뜗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69598": { - "content": "垢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69599": { - "content": "쥴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69600": { - "content": "윟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69601": { - "content": "茂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69602": { - "content": "쿃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69603": { - "content": "혆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69604": { - "content": "룖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69605": { - "content": "쁐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69606": { - "content": "猷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69607": { - "content": "教", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69608": { - "content": "칙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69609": { - "content": "南", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69610": { - "content": "艮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69611": { - "content": "듚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69612": { - "content": "𬺔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69613": { - "content": "墀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69614": { - "content": "緻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69615": { - "content": "퀿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69616": { - "content": "씁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69617": { - "content": "豹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69618": { - "content": "릀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69619": { - "content": "돚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69620": { - "content": "勦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69621": { - "content": "钡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69622": { - "content": "埯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69623": { - "content": "顏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69624": { - "content": "쾃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69625": { - "content": "엿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69626": { - "content": "딖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69627": { - "content": "읋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69628": { - "content": "쐑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69629": { - "content": "췰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69630": { - "content": "惎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69631": { - "content": "찭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69632": { - "content": "Ҙ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69633": { - "content": "ۯ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69634": { - "content": "츭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69635": { - "content": "掐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69636": { - "content": "짆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69637": { - "content": "讼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69638": { - "content": "뱩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69639": { - "content": "뇽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69640": { - "content": "삦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69641": { - "content": "응", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69642": { - "content": "퓭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69643": { - "content": "ಋ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69644": { - "content": "夾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69645": { - "content": "봡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69646": { - "content": "촆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69647": { - "content": "塗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69648": { - "content": "렽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69649": { - "content": "绐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69650": { - "content": "듢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69651": { - "content": "랐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69652": { - "content": "륭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69653": { - "content": "语", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69654": { - "content": "铒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69655": { - "content": "穸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69656": { - "content": "綴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69657": { - "content": "퐺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69658": { - "content": "擐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69659": { - "content": "缲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69660": { - "content": "ㅞ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69661": { - "content": "靬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69662": { - "content": "楕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69663": { - "content": "흰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69664": { - "content": "咆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69665": { - "content": "ख़", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69666": { - "content": "쒝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69667": { - "content": "帛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69668": { - "content": "倣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69669": { - "content": "쬺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69670": { - "content": "觊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69671": { - "content": "シ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69672": { - "content": "雫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69673": { - "content": "遵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69674": { - "content": "뼚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69675": { - "content": "鲥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69676": { - "content": "挟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69677": { - "content": "롥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69678": { - "content": "쟼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69679": { - "content": "뱐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69680": { - "content": "쪽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69681": { - "content": "闾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69682": { - "content": "뇰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69683": { - "content": "봊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69684": { - "content": "눵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69685": { - "content": "挨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69686": { - "content": "请", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69687": { - "content": "榧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69688": { - "content": "語", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69689": { - "content": "탧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69690": { - "content": "윿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69691": { - "content": "ṣ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69692": { - "content": "庹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69693": { - "content": "쥲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69694": { - "content": "弁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69695": { - "content": "嘯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69696": { - "content": "攬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69697": { - "content": "쟀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69698": { - "content": "잱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69699": { - "content": "徹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69700": { - "content": "重", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69701": { - "content": "𬸪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69702": { - "content": "逹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69703": { - "content": "뇃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69704": { - "content": "揮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69705": { - "content": "샜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69706": { - "content": "뻚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69707": { - "content": "鈹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69708": { - "content": "鳈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69709": { - "content": "钇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69710": { - "content": "떛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69711": { - "content": "賑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69712": { - "content": "箔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69713": { - "content": "묅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69714": { - "content": "鸱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69715": { - "content": "쫈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69716": { - "content": "셜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69717": { - "content": "쿀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69718": { - "content": "𫖮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69719": { - "content": "쥒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69720": { - "content": "메", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69721": { - "content": "嬖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69722": { - "content": "開", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69723": { - "content": "욚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69724": { - "content": "呑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69725": { - "content": "앉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69726": { - "content": "玨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69727": { - "content": "딬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69728": { - "content": "௲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69729": { - "content": "툌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69730": { - "content": "해", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69731": { - "content": "瞫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69732": { - "content": "돺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69733": { - "content": "【", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69734": { - "content": "瘙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69735": { - "content": "佻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69736": { - "content": "窆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69737": { - "content": "蝓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69738": { - "content": "뎪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69739": { - "content": "똌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69740": { - "content": "솊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69741": { - "content": "晤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69742": { - "content": "셨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69743": { - "content": "뺜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69744": { - "content": "瓞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69745": { - "content": "ị", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69746": { - "content": "꾕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69747": { - "content": "물", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69748": { - "content": "쁘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69749": { - "content": "꽨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69750": { - "content": "셠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69751": { - "content": "咥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69752": { - "content": "켸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69753": { - "content": "Ẵ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69754": { - "content": "癿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69755": { - "content": "걷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69756": { - "content": "县", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69757": { - "content": "寁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69758": { - "content": "濁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69759": { - "content": "폈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69760": { - "content": "嗽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69761": { - "content": "섰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69762": { - "content": "ឈ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69763": { - "content": "裴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69764": { - "content": "铑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69765": { - "content": "閔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69766": { - "content": "拒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69767": { - "content": "졼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69768": { - "content": "퐙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69769": { - "content": "윸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69770": { - "content": "휅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69771": { - "content": "叆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69772": { - "content": "豸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69773": { - "content": "ત", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69774": { - "content": "콦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69775": { - "content": "॰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69776": { - "content": "皱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69777": { - "content": "擬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69778": { - "content": "죵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69779": { - "content": "螓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69780": { - "content": "„", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69781": { - "content": "劻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69782": { - "content": "屝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69783": { - "content": "괔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69784": { - "content": "亜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69785": { - "content": "芻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69786": { - "content": "넵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69787": { - "content": "嘚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69788": { - "content": "旰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69789": { - "content": "콓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69790": { - "content": "単", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69791": { - "content": "뼛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69792": { - "content": "뱏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69793": { - "content": "믤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69794": { - "content": "곉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69795": { - "content": "葜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69796": { - "content": "稽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69797": { - "content": "츨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69798": { - "content": "賛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69799": { - "content": "靌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69800": { - "content": "栘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69801": { - "content": "毀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69802": { - "content": "숡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69803": { - "content": "릝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69804": { - "content": "읍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69805": { - "content": "턓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69806": { - "content": "虍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69807": { - "content": "케", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69808": { - "content": "筻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69809": { - "content": "띢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69810": { - "content": "싁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69811": { - "content": "↗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69812": { - "content": "퓔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69813": { - "content": "倜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69814": { - "content": "ㄷ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69815": { - "content": "즴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69816": { - "content": "偲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69817": { - "content": "랢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69818": { - "content": "𬜯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69819": { - "content": "꽂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69820": { - "content": "元", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69821": { - "content": "擄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69822": { - "content": "뾴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69823": { - "content": "일", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69824": { - "content": "羶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69825": { - "content": "쥗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69826": { - "content": "윰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69827": { - "content": "蒽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69828": { - "content": "랮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69829": { - "content": "韂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69830": { - "content": "쫍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69831": { - "content": "痹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69832": { - "content": "婠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69833": { - "content": "婤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69834": { - "content": "밥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69835": { - "content": "苌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69836": { - "content": "靱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69837": { - "content": "간", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69838": { - "content": "킳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69839": { - "content": "驻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69840": { - "content": "뽒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69841": { - "content": "间", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69842": { - "content": "회", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69843": { - "content": "뤨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69844": { - "content": "쬹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69845": { - "content": "로", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69846": { - "content": "赇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69847": { - "content": "둆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69848": { - "content": "鹊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69849": { - "content": "耽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69850": { - "content": "좫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69851": { - "content": "熇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69852": { - "content": "罨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69853": { - "content": "锘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69854": { - "content": "洮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69855": { - "content": "퓡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69856": { - "content": "骚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69857": { - "content": "蕊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69858": { - "content": "緘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69859": { - "content": "쥂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69860": { - "content": "荚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69861": { - "content": "柢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69862": { - "content": "駄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69863": { - "content": "钟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69864": { - "content": "褴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69865": { - "content": "哲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69866": { - "content": "裸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69867": { - "content": "艨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69868": { - "content": "犭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69869": { - "content": "尚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69870": { - "content": "桅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69871": { - "content": "邘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69872": { - "content": "爲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69873": { - "content": "疱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69874": { - "content": "诋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69875": { - "content": "抻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69876": { - "content": "鳆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69877": { - "content": "舒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69878": { - "content": "춷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69879": { - "content": "铌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69880": { - "content": "ذ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69881": { - "content": "渦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69882": { - "content": "涎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69883": { - "content": "쫳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69884": { - "content": "ೡ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69885": { - "content": "잏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69886": { - "content": "২", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69887": { - "content": "뤋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69888": { - "content": "喏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69889": { - "content": "죍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69890": { - "content": "墈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69891": { - "content": "쁨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69892": { - "content": "醸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69893": { - "content": "눯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69894": { - "content": "隼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69895": { - "content": "횟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69896": { - "content": "़", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69897": { - "content": "毽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69898": { - "content": "읆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69899": { - "content": "멁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69900": { - "content": "풜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69901": { - "content": "쬳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69902": { - "content": "뎨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69903": { - "content": "틒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69904": { - "content": "렣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69905": { - "content": "铼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69906": { - "content": "襖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69907": { - "content": "荧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69908": { - "content": "洚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69909": { - "content": "홟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69910": { - "content": "准", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69911": { - "content": "끙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69912": { - "content": "殲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69913": { - "content": "Ӈ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69914": { - "content": "끈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69915": { - "content": "닊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69916": { - "content": "뇯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69917": { - "content": "엄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69918": { - "content": "鮮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69919": { - "content": "膣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69920": { - "content": "떣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69921": { - "content": "瞍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69922": { - "content": "뗫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69923": { - "content": "ഽ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69924": { - "content": "湣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69925": { - "content": "쯸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69926": { - "content": "쾆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69927": { - "content": "昫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69928": { - "content": "쐩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69929": { - "content": "槁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69930": { - "content": "ㆅ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69931": { - "content": "襦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69932": { - "content": "抨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69933": { - "content": "뚚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69934": { - "content": "珐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69935": { - "content": "퇹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69936": { - "content": "剌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69937": { - "content": "ǖ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69938": { - "content": "浅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69939": { - "content": "튅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69940": { - "content": "鱟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69941": { - "content": "칭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69942": { - "content": "먴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69943": { - "content": "購", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69944": { - "content": "얗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69945": { - "content": "៲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69946": { - "content": "뭴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69947": { - "content": "짭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69948": { - "content": "묉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69949": { - "content": "薇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69950": { - "content": "뵃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69951": { - "content": "량", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69952": { - "content": "픗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69953": { - "content": "쯘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69954": { - "content": "ੲ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69955": { - "content": "徵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69956": { - "content": "ڝ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69957": { - "content": "꼸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69958": { - "content": "줌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69959": { - "content": "졙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69960": { - "content": "톒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69961": { - "content": "줣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69962": { - "content": "摘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69963": { - "content": "羁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69964": { - "content": "쫱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69965": { - "content": "无", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69966": { - "content": "롃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69967": { - "content": "벀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69968": { - "content": "쿣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69969": { - "content": "耦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69970": { - "content": "瞑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69971": { - "content": "繁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69972": { - "content": "펇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69973": { - "content": "넪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69974": { - "content": "늛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69975": { - "content": "텘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69976": { - "content": "냁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69977": { - "content": "諶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69978": { - "content": "鸭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69979": { - "content": "炌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69980": { - "content": "鳝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69981": { - "content": "쿘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69982": { - "content": "녓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69983": { - "content": "鶴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69984": { - "content": "靓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69985": { - "content": "巴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69986": { - "content": "냡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69987": { - "content": "琅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69988": { - "content": "碗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69989": { - "content": "왿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69990": { - "content": "鹞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69991": { - "content": "諸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69992": { - "content": "绽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69993": { - "content": "폫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69994": { - "content": "勸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69995": { - "content": "갃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69996": { - "content": "慎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69997": { - "content": "燊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69998": { - "content": "栒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "69999": { - "content": "錠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70000": { - "content": "輻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70001": { - "content": "鹠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70002": { - "content": "낸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70003": { - "content": "픽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70004": { - "content": "숯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70005": { - "content": "탋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70006": { - "content": "괺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70007": { - "content": "돁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70008": { - "content": "蒹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70009": { - "content": "앤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70010": { - "content": "댉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70011": { - "content": "宝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70012": { - "content": "作", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70013": { - "content": "兵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70014": { - "content": "엩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70015": { - "content": "샣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70016": { - "content": "祸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70017": { - "content": "쭄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70018": { - "content": "旃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70019": { - "content": "覽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70020": { - "content": "ؒ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70021": { - "content": "将", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70022": { - "content": "뱅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70023": { - "content": "嗔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70024": { - "content": "컚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70025": { - "content": "乂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70026": { - "content": "첵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70027": { - "content": "颃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70028": { - "content": "翛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70029": { - "content": "師", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70030": { - "content": "큾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70031": { - "content": "뺖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70032": { - "content": "𪣻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70033": { - "content": "尪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70034": { - "content": "냰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70035": { - "content": "鉱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70036": { - "content": "놈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70037": { - "content": "랩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70038": { - "content": "鲤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70039": { - "content": "벭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70040": { - "content": "쌮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70041": { - "content": "鲋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70042": { - "content": "窪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70043": { - "content": "봑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70044": { - "content": "憎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70045": { - "content": "똼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70046": { - "content": "襚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70047": { - "content": "箋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70048": { - "content": "웯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70049": { - "content": "畛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70050": { - "content": "ஆ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70051": { - "content": "撷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70052": { - "content": "쾒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70053": { - "content": "煺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70054": { - "content": "绪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70055": { - "content": "閤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70056": { - "content": "촚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70057": { - "content": "팖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70058": { - "content": "줲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70059": { - "content": "햋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70060": { - "content": "럈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70061": { - "content": "엨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70062": { - "content": "퀤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70063": { - "content": "劑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70064": { - "content": "桶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70065": { - "content": "漂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70066": { - "content": "倥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70067": { - "content": "駐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70068": { - "content": "뮱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70069": { - "content": "꺽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70070": { - "content": "뺗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70071": { - "content": "錯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70072": { - "content": "鲫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70073": { - "content": "눚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70074": { - "content": "햬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70075": { - "content": "췂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70076": { - "content": "乏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70077": { - "content": "빃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70078": { - "content": "嫄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70079": { - "content": "贰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70080": { - "content": "屙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70081": { - "content": "卸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70082": { - "content": "폖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70083": { - "content": "洩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70084": { - "content": "朏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70085": { - "content": "饯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70086": { - "content": "댐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70087": { - "content": "쾱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70088": { - "content": "푍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70089": { - "content": "嫕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70090": { - "content": "拭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70091": { - "content": "罟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70092": { - "content": "৩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70093": { - "content": "宪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70094": { - "content": "톲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70095": { - "content": "②", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70096": { - "content": "蠔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70097": { - "content": "꼵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70098": { - "content": "睹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70099": { - "content": "캟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70100": { - "content": "舻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70101": { - "content": "극", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70102": { - "content": "愜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70103": { - "content": "쉫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70104": { - "content": "쒜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70105": { - "content": "Ы", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70106": { - "content": "戽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70107": { - "content": "걍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70108": { - "content": "땒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70109": { - "content": "밠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70110": { - "content": "꽎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70111": { - "content": "幕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70112": { - "content": "告", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70113": { - "content": "爱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70114": { - "content": "隊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70115": { - "content": "춽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70116": { - "content": "캶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70117": { - "content": "칗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70118": { - "content": "뢘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70119": { - "content": "䕪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70120": { - "content": "퀃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70121": { - "content": "칠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70122": { - "content": "缬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70123": { - "content": "禹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70124": { - "content": "袤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70125": { - "content": "끡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70126": { - "content": "ڮ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70127": { - "content": "釐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70128": { - "content": "ㅑ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70129": { - "content": "吊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70130": { - "content": "诰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70131": { - "content": "λ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70132": { - "content": "곙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70133": { - "content": "蘑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70134": { - "content": "𪨰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70135": { - "content": "룊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70136": { - "content": "귱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70137": { - "content": "胡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70138": { - "content": "ế", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70139": { - "content": "햇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70140": { - "content": "囧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70141": { - "content": "織", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70142": { - "content": "檩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70143": { - "content": "프", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70144": { - "content": "춗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70145": { - "content": "廠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70146": { - "content": "뫷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70147": { - "content": "崬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70148": { - "content": "窥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70149": { - "content": "霑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70150": { - "content": "值", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70151": { - "content": "뗅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70152": { - "content": "岸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70153": { - "content": "铡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70154": { - "content": "쪯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70155": { - "content": "珮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70156": { - "content": "힁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70157": { - "content": "纽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70158": { - "content": "蠱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70159": { - "content": "麼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70160": { - "content": "햍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70161": { - "content": "휋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70162": { - "content": "뫡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70163": { - "content": "毕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70164": { - "content": "由", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70165": { - "content": "傍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70166": { - "content": "뉝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70167": { - "content": "풃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70168": { - "content": "䗛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70169": { - "content": "㽏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70170": { - "content": "针", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70171": { - "content": "補", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70172": { - "content": "櫓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70173": { - "content": "굏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70174": { - "content": "迴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70175": { - "content": "𬒗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70176": { - "content": "쓌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70177": { - "content": "붩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70178": { - "content": "芥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70179": { - "content": "쏢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70180": { - "content": "昵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70181": { - "content": "胖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70182": { - "content": "겺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70183": { - "content": "𪾢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70184": { - "content": "풍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70185": { - "content": "욪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70186": { - "content": "됌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70187": { - "content": "벼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70188": { - "content": "诬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70189": { - "content": "弶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70190": { - "content": "쩒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70191": { - "content": "彰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70192": { - "content": "쏍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70193": { - "content": "馥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70194": { - "content": "사", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70195": { - "content": "쉊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70196": { - "content": "걏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70197": { - "content": "죃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70198": { - "content": "뵇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70199": { - "content": "꽦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70200": { - "content": "즱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70201": { - "content": "曹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70202": { - "content": "崩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70203": { - "content": "퇱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70204": { - "content": "飑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70205": { - "content": "쒖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70206": { - "content": "꿷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70207": { - "content": "妃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70208": { - "content": "蓁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70209": { - "content": "솳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70210": { - "content": "也", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70211": { - "content": "嫱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70212": { - "content": "؊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70213": { - "content": "섫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70214": { - "content": "꼠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70215": { - "content": "觴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70216": { - "content": "穑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70217": { - "content": "북", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70218": { - "content": "陔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70219": { - "content": "쭧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70220": { - "content": "쬌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70221": { - "content": "咽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70222": { - "content": "锑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70223": { - "content": "欄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70224": { - "content": "鏘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70225": { - "content": "귏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70226": { - "content": "゛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70227": { - "content": "헪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70228": { - "content": "檮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70229": { - "content": "诼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70230": { - "content": "탏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70231": { - "content": "醃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70232": { - "content": "廾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70233": { - "content": "턛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70234": { - "content": "쩵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70235": { - "content": "乸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70236": { - "content": "翷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70237": { - "content": "鈕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70238": { - "content": "殮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70239": { - "content": "郄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70240": { - "content": "쑦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70241": { - "content": "犠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70242": { - "content": "萌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70243": { - "content": "닂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70244": { - "content": "놰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70245": { - "content": "ڗ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70246": { - "content": "퇲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70247": { - "content": "驗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70248": { - "content": "奇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70249": { - "content": "욷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70250": { - "content": "卵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70251": { - "content": "ె", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70252": { - "content": "业", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70253": { - "content": "鎔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70254": { - "content": "ڍ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70255": { - "content": "끱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70256": { - "content": "ખ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70257": { - "content": "뿇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70258": { - "content": "첖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70259": { - "content": "뺇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70260": { - "content": "団", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70261": { - "content": "》", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70262": { - "content": "뇡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70263": { - "content": "嫌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70264": { - "content": "봺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70265": { - "content": "뇓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70266": { - "content": "讯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70267": { - "content": "봧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70268": { - "content": "챻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70269": { - "content": "憝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70270": { - "content": "ェ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70271": { - "content": "ឿ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70272": { - "content": "퇜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70273": { - "content": "슬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70274": { - "content": "਼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70275": { - "content": "鹈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70276": { - "content": "隹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70277": { - "content": "嘘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70278": { - "content": "뒵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70279": { - "content": "堯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70280": { - "content": "奨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70281": { - "content": "榱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70282": { - "content": "ফ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70283": { - "content": "빶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70284": { - "content": "缯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70285": { - "content": "ृ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70286": { - "content": "楞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70287": { - "content": "肥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70288": { - "content": "龜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70289": { - "content": "픸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70290": { - "content": "씽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70291": { - "content": "귺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70292": { - "content": "팆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70293": { - "content": "믆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70294": { - "content": "鑷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70295": { - "content": "풤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70296": { - "content": "ㅁ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70297": { - "content": "캡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70298": { - "content": "옅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70299": { - "content": "퓽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70300": { - "content": "肭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70301": { - "content": "汫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70302": { - "content": "諫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70303": { - "content": "멘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70304": { - "content": "헡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70305": { - "content": "誨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70306": { - "content": "樹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70307": { - "content": "뜝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70308": { - "content": "Τ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70309": { - "content": "५", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70310": { - "content": "ಾ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70311": { - "content": "붡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70312": { - "content": "轸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70313": { - "content": "沸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70314": { - "content": "릛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70315": { - "content": "旞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70316": { - "content": "襠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70317": { - "content": "됡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70318": { - "content": "펞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70319": { - "content": "푊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70320": { - "content": "嗆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70321": { - "content": "报", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70322": { - "content": "뒇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70323": { - "content": "ఌ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70324": { - "content": "胬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70325": { - "content": "똋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70326": { - "content": "𥕢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70327": { - "content": "臥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70328": { - "content": "鷲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70329": { - "content": "湎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70330": { - "content": "凉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70331": { - "content": "娉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70332": { - "content": "𪟝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70333": { - "content": "넗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70334": { - "content": "擰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70335": { - "content": "꽅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70336": { - "content": "椁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70337": { - "content": "喊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70338": { - "content": "遠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70339": { - "content": "峪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70340": { - "content": "筲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70341": { - "content": "껖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70342": { - "content": "찴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70343": { - "content": "죆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70344": { - "content": "斃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70345": { - "content": "몕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70346": { - "content": "芝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70347": { - "content": "創", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70348": { - "content": "앞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70349": { - "content": "ی", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70350": { - "content": "쿗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70351": { - "content": "鬃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70352": { - "content": "윈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70353": { - "content": "包", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70354": { - "content": "割", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70355": { - "content": "ฯ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70356": { - "content": "恹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70357": { - "content": "襬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70358": { - "content": "坠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70359": { - "content": "훀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70360": { - "content": "遑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70361": { - "content": "振", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70362": { - "content": "윬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70363": { - "content": "凖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70364": { - "content": "ன", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70365": { - "content": "孿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70366": { - "content": "湊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70367": { - "content": "鳙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70368": { - "content": "걶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70369": { - "content": "镗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70370": { - "content": "꾔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70371": { - "content": "욂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70372": { - "content": "苹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70373": { - "content": "≥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70374": { - "content": "뭁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70375": { - "content": "눏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70376": { - "content": "蚄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70377": { - "content": "磧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70378": { - "content": "闊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70379": { - "content": "苒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70380": { - "content": "낏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70381": { - "content": "솛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70382": { - "content": "誅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70383": { - "content": "쟹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70384": { - "content": "箒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70385": { - "content": "嫑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70386": { - "content": "螭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70387": { - "content": "촬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70388": { - "content": "썵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70389": { - "content": "銓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70390": { - "content": "昼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70391": { - "content": "犢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70392": { - "content": "垆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70393": { - "content": "볝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70394": { - "content": "哗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70395": { - "content": "숐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70396": { - "content": "筒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70397": { - "content": "묘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70398": { - "content": "캗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70399": { - "content": "诣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70400": { - "content": "페", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70401": { - "content": "禅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70402": { - "content": "馨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70403": { - "content": "蛍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70404": { - "content": "퀑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70405": { - "content": "辞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70406": { - "content": "됿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70407": { - "content": "팂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70408": { - "content": "떐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70409": { - "content": "媽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70410": { - "content": "쳋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70411": { - "content": "삧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70412": { - "content": "뇐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70413": { - "content": "š", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70414": { - "content": "쬋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70415": { - "content": "伾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70416": { - "content": "룔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70417": { - "content": "兄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70418": { - "content": "沚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70419": { - "content": "箪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70420": { - "content": "櫝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70421": { - "content": "邛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70422": { - "content": "솶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70423": { - "content": "砍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70424": { - "content": "ೖ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70425": { - "content": "誠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70426": { - "content": "髌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70427": { - "content": "郡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70428": { - "content": "屼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70429": { - "content": "龋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70430": { - "content": "콈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70431": { - "content": "륉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70432": { - "content": "譏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70433": { - "content": "垄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70434": { - "content": "쪁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70435": { - "content": "쟠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70436": { - "content": "띚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70437": { - "content": "撕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70438": { - "content": "袋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70439": { - "content": "굥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70440": { - "content": "أ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70441": { - "content": "됹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70442": { - "content": "錕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70443": { - "content": "뿣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70444": { - "content": "혶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70445": { - "content": "胫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70446": { - "content": "鎘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70447": { - "content": "돵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70448": { - "content": "俜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70449": { - "content": "妝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70450": { - "content": "呒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70451": { - "content": "锤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70452": { - "content": "륑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70453": { - "content": "臑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70454": { - "content": "숉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70455": { - "content": "샾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70456": { - "content": "意", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70457": { - "content": "谇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70458": { - "content": "観", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70459": { - "content": "诛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70460": { - "content": "띙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70461": { - "content": "宿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70462": { - "content": "쓓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70463": { - "content": "릒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70464": { - "content": "孰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70465": { - "content": "늅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70466": { - "content": "듑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70467": { - "content": "픲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70468": { - "content": "殤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70469": { - "content": "繄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70470": { - "content": "猱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70471": { - "content": "肷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70472": { - "content": "猙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70473": { - "content": "훦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70474": { - "content": "仼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70475": { - "content": "妫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70476": { - "content": "뭾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70477": { - "content": "হ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70478": { - "content": "褶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70479": { - "content": "蒡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70480": { - "content": "듹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70481": { - "content": "닧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70482": { - "content": "씃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70483": { - "content": "婶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70484": { - "content": "斩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70485": { - "content": "鼙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70486": { - "content": "薰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70487": { - "content": "汛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70488": { - "content": "づ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70489": { - "content": "狝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70490": { - "content": "펜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70491": { - "content": "홊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70492": { - "content": "낎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70493": { - "content": "알", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70494": { - "content": "폚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70495": { - "content": "짶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70496": { - "content": "긥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70497": { - "content": "곸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70498": { - "content": "ݤ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70499": { - "content": "겇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70500": { - "content": "虒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70501": { - "content": "괎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70502": { - "content": "꾜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70503": { - "content": "吝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70504": { - "content": "𬭶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70505": { - "content": "ਆ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70506": { - "content": "𣸣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70507": { - "content": "쨃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70508": { - "content": "繇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70509": { - "content": "瀏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70510": { - "content": "源", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70511": { - "content": "ೈ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70512": { - "content": "쿲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70513": { - "content": "ొ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70514": { - "content": "焓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70515": { - "content": "芑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70516": { - "content": "첒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70517": { - "content": "豐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70518": { - "content": "벷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70519": { - "content": "댎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70520": { - "content": "𥻗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70521": { - "content": "塆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70522": { - "content": "칃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70523": { - "content": "뤧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70524": { - "content": "荠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70525": { - "content": "틨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70526": { - "content": "쾠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70527": { - "content": "껗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70528": { - "content": "콞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70529": { - "content": "翦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70530": { - "content": "蜓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70531": { - "content": "砭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70532": { - "content": "냋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70533": { - "content": "솔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70534": { - "content": "恼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70535": { - "content": "梡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70536": { - "content": "粞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70537": { - "content": "붎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70538": { - "content": "굮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70539": { - "content": "圹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70540": { - "content": "馉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70541": { - "content": "伺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70542": { - "content": "峻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70543": { - "content": "릨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70544": { - "content": "൨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70545": { - "content": "괫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70546": { - "content": "頽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70547": { - "content": "ឌ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70548": { - "content": "凫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70549": { - "content": "コ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70550": { - "content": "녧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70551": { - "content": "탷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70552": { - "content": "鱼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70553": { - "content": "읊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70554": { - "content": "쐹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70555": { - "content": "쪦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70556": { - "content": "뷕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70557": { - "content": "콶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70558": { - "content": "얻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70559": { - "content": "쬀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70560": { - "content": "療", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70561": { - "content": "츈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70562": { - "content": "쒭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70563": { - "content": "틴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70564": { - "content": "荙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70565": { - "content": "遢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70566": { - "content": "挾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70567": { - "content": "饽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70568": { - "content": "瑛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70569": { - "content": "꽟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70570": { - "content": "థ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70571": { - "content": "摈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70572": { - "content": "阌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70573": { - "content": "耘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70574": { - "content": "鹁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70575": { - "content": "跬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70576": { - "content": "𦙶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70577": { - "content": "뿔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70578": { - "content": "춞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70579": { - "content": "쪋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70580": { - "content": "쾤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70581": { - "content": "凵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70582": { - "content": "퐐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70583": { - "content": "訓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70584": { - "content": "겋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70585": { - "content": "岘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70586": { - "content": "괯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70587": { - "content": "밒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70588": { - "content": "쿮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70589": { - "content": "퇞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70590": { - "content": "꼎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70591": { - "content": "쏸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70592": { - "content": "嗚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70593": { - "content": "赆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70594": { - "content": "哒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70595": { - "content": "暱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70596": { - "content": "捷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70597": { - "content": "灵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70598": { - "content": "봟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70599": { - "content": "쮲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70600": { - "content": "癀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70601": { - "content": "턥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70602": { - "content": "嗒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70603": { - "content": "칇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70604": { - "content": "읛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70605": { - "content": "꾹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70606": { - "content": "雀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70607": { - "content": "걽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70608": { - "content": "鲙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70609": { - "content": "옝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70610": { - "content": "拎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70611": { - "content": "욡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70612": { - "content": "푺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70613": { - "content": "용", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70614": { - "content": "贩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70615": { - "content": "嵲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70616": { - "content": "顫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70617": { - "content": "쌅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70618": { - "content": "𣲘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70619": { - "content": "押", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70620": { - "content": "춰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70621": { - "content": "뭃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70622": { - "content": "褯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70623": { - "content": "춾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70624": { - "content": "퇎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70625": { - "content": "陰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70626": { - "content": "葳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70627": { - "content": "寐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70628": { - "content": "젱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70629": { - "content": "ં", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70630": { - "content": "픨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70631": { - "content": "쑈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70632": { - "content": "귊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70633": { - "content": "퇤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70634": { - "content": "뙔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70635": { - "content": "贖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70636": { - "content": "쭮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70637": { - "content": "꾎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70638": { - "content": "뇉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70639": { - "content": "뭐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70640": { - "content": "經", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70641": { - "content": "種", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70642": { - "content": "옑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70643": { - "content": "녠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70644": { - "content": "욏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70645": { - "content": "𬞟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70646": { - "content": "術", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70647": { - "content": "ธ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70648": { - "content": "𬺠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70649": { - "content": "楦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70650": { - "content": "萁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70651": { - "content": "恸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70652": { - "content": "氕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70653": { - "content": "념", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70654": { - "content": "稲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70655": { - "content": "솷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70656": { - "content": "쳔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70657": { - "content": "嚟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70658": { - "content": "楚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70659": { - "content": "薏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70660": { - "content": "宥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70661": { - "content": "幾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70662": { - "content": "쿌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70663": { - "content": "噱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70664": { - "content": "캉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70665": { - "content": "ݝ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70666": { - "content": "쥖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70667": { - "content": "벢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70668": { - "content": "挦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70669": { - "content": "菰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70670": { - "content": "쩯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70671": { - "content": "勺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70672": { - "content": "삞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70673": { - "content": "뵅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70674": { - "content": "砚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70675": { - "content": "庸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70676": { - "content": "ڡ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70677": { - "content": "ㆋ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70678": { - "content": "侈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70679": { - "content": "饑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70680": { - "content": "雉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70681": { - "content": "̌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70682": { - "content": "皦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70683": { - "content": "沐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70684": { - "content": "쩂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70685": { - "content": "띕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70686": { - "content": "챪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70687": { - "content": "깁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70688": { - "content": "欤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70689": { - "content": "醵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70690": { - "content": "쥻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70691": { - "content": "딘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70692": { - "content": "팿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70693": { - "content": "柵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70694": { - "content": "俶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70695": { - "content": "궃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70696": { - "content": "툯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70697": { - "content": "倌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70698": { - "content": "휪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70699": { - "content": "썕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70700": { - "content": "Ỳ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70701": { - "content": "뇌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70702": { - "content": "啮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70703": { - "content": "뒳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70704": { - "content": "ష", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70705": { - "content": "돭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70706": { - "content": "㵐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70707": { - "content": "僾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70708": { - "content": "趋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70709": { - "content": "尷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70710": { - "content": "쿬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70711": { - "content": "衣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70712": { - "content": "痲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70713": { - "content": "몥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70714": { - "content": "뛞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70715": { - "content": "흻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70716": { - "content": "뀜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70717": { - "content": "녭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70718": { - "content": "쮶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70719": { - "content": "撂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70720": { - "content": "렚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70721": { - "content": "훉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70722": { - "content": "쎺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70723": { - "content": "偓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70724": { - "content": "콽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70725": { - "content": "쮇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70726": { - "content": "殡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70727": { - "content": "儔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70728": { - "content": "フ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70729": { - "content": "墜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70730": { - "content": "鞒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70731": { - "content": "嘩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70732": { - "content": "圢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70733": { - "content": "댱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70734": { - "content": "뮃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70735": { - "content": "뽚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70736": { - "content": "픊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70737": { - "content": "佚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70738": { - "content": "쇐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70739": { - "content": "爽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70740": { - "content": "拂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70741": { - "content": "붢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70742": { - "content": "勹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70743": { - "content": "蝸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70744": { - "content": "닍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70745": { - "content": "钪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70746": { - "content": "쭒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70747": { - "content": "弉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70748": { - "content": "뀕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70749": { - "content": "侦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70750": { - "content": "뚃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70751": { - "content": "쩺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70752": { - "content": "驽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70753": { - "content": "𫘧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70754": { - "content": "昏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70755": { - "content": "왭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70756": { - "content": "۲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70757": { - "content": "폆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70758": { - "content": "氓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70759": { - "content": "젳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70760": { - "content": "꿺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70761": { - "content": "৭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70762": { - "content": "썣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70763": { - "content": "늞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70764": { - "content": "섂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70765": { - "content": "隍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70766": { - "content": "밼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70767": { - "content": "井", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70768": { - "content": "둊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70769": { - "content": "鮭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70770": { - "content": "밳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70771": { - "content": "韪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70772": { - "content": "巷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70773": { - "content": "숃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70774": { - "content": "쇞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70775": { - "content": "髮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70776": { - "content": "뜢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70777": { - "content": "뾿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70778": { - "content": "찍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70779": { - "content": "샎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70780": { - "content": "䴗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70781": { - "content": "끭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70782": { - "content": "奋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70783": { - "content": "홌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70784": { - "content": "퐶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70785": { - "content": "浼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70786": { - "content": "謨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70787": { - "content": "潭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70788": { - "content": "흟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70789": { - "content": "먚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70790": { - "content": "抉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70791": { - "content": "逯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70792": { - "content": "쩚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70793": { - "content": "컒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70794": { - "content": "筆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70795": { - "content": "꼐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70796": { - "content": "廚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70797": { - "content": "稆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70798": { - "content": "阀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70799": { - "content": "륎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70800": { - "content": "碩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70801": { - "content": "ﺽ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70802": { - "content": "쟷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70803": { - "content": "쯳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70804": { - "content": "辯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70805": { - "content": "륣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70806": { - "content": "궷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70807": { - "content": "쨳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70808": { - "content": "됊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70809": { - "content": "펓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70810": { - "content": "涙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70811": { - "content": "룓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70812": { - "content": "梔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70813": { - "content": "幽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70814": { - "content": "心", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70815": { - "content": "怎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70816": { - "content": "柒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70817": { - "content": "瑯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70818": { - "content": "哪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70819": { - "content": "浙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70820": { - "content": "中", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70821": { - "content": "껪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70822": { - "content": "唳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70823": { - "content": "ڦ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70824": { - "content": "曛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70825": { - "content": "깚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70826": { - "content": "쉀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70827": { - "content": "禦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70828": { - "content": "ય", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70829": { - "content": "耶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70830": { - "content": "𫭢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70831": { - "content": "占", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70832": { - "content": "汊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70833": { - "content": "汲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70834": { - "content": "깯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70835": { - "content": "돶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70836": { - "content": "슮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70837": { - "content": "惛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70838": { - "content": "ڒ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70839": { - "content": "钾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70840": { - "content": "抒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70841": { - "content": "댿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70842": { - "content": "폎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70843": { - "content": "뵐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70844": { - "content": "태", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70845": { - "content": "홆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70846": { - "content": "螺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70847": { - "content": "屈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70848": { - "content": "쭎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70849": { - "content": "콎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70850": { - "content": "펝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70851": { - "content": "擁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70852": { - "content": "셫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70853": { - "content": "졕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70854": { - "content": "咍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70855": { - "content": "樵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70856": { - "content": "챞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70857": { - "content": "✡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70858": { - "content": "沏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70859": { - "content": "뗬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70860": { - "content": "뽓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70861": { - "content": "階", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70862": { - "content": "缽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70863": { - "content": "蹤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70864": { - "content": "퐄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70865": { - "content": "뭿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70866": { - "content": "量", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70867": { - "content": "킙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70868": { - "content": "옣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70869": { - "content": "ਸ਼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70870": { - "content": "듪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70871": { - "content": "司", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70872": { - "content": "쒕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70873": { - "content": "쪭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70874": { - "content": "첤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70875": { - "content": "콭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70876": { - "content": "즀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70877": { - "content": "눞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70878": { - "content": "덒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70879": { - "content": "巯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70880": { - "content": "蠶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70881": { - "content": "랯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70882": { - "content": "ഃ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70883": { - "content": "꺦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70884": { - "content": "쭡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70885": { - "content": "袂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70886": { - "content": "炽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70887": { - "content": "퍛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70888": { - "content": "쭲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70889": { - "content": "전", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70890": { - "content": "称", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70891": { - "content": "楓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70892": { - "content": "뼤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70893": { - "content": "묏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70894": { - "content": "겜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70895": { - "content": "肺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70896": { - "content": "휘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70897": { - "content": "箨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70898": { - "content": "ग", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70899": { - "content": "뉷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70900": { - "content": "亭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70901": { - "content": "씊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70902": { - "content": "家", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70903": { - "content": "潠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70904": { - "content": "쫇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70905": { - "content": "땴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70906": { - "content": "≠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70907": { - "content": "쭔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70908": { - "content": "쎰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70909": { - "content": "삟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70910": { - "content": "넹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70911": { - "content": "土", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70912": { - "content": "뗟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70913": { - "content": "즿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70914": { - "content": "븟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70915": { - "content": "뛭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70916": { - "content": "퀫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70917": { - "content": "垍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70918": { - "content": "맳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70919": { - "content": "轹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70920": { - "content": "쭁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70921": { - "content": "ず", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70922": { - "content": "쟣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70923": { - "content": "べ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70924": { - "content": "츏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70925": { - "content": "鹡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70926": { - "content": "昕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70927": { - "content": "얤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70928": { - "content": "毳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70929": { - "content": "𬇕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70930": { - "content": "ഛ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70931": { - "content": "埘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70932": { - "content": "佘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70933": { - "content": "랛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70934": { - "content": "틎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70935": { - "content": "꿗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70936": { - "content": "哟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70937": { - "content": "썒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70938": { - "content": "옳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70939": { - "content": "뿅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70940": { - "content": "믚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70941": { - "content": "璃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70942": { - "content": "똷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70943": { - "content": "쳳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70944": { - "content": "귤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70945": { - "content": "呆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70946": { - "content": "혮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70947": { - "content": "몸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70948": { - "content": "츇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70949": { - "content": "壽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70950": { - "content": "Ş", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70951": { - "content": "뎀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70952": { - "content": "닏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70953": { - "content": "凈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70954": { - "content": "렷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70955": { - "content": "Ө", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70956": { - "content": "彥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70957": { - "content": "靺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70958": { - "content": "遇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70959": { - "content": "キ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70960": { - "content": "떓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70961": { - "content": "癥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70962": { - "content": "ర", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70963": { - "content": "ಇ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70964": { - "content": "촃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70965": { - "content": "烺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70966": { - "content": "궪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70967": { - "content": "찵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70968": { - "content": "뙩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70969": { - "content": "旿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70970": { - "content": "疯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70971": { - "content": "阒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70972": { - "content": "촮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70973": { - "content": "바", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70974": { - "content": "쯉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70975": { - "content": "價", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70976": { - "content": "큷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70977": { - "content": "銛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70978": { - "content": "凡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70979": { - "content": "쩼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70980": { - "content": "뚶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70981": { - "content": "潰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70982": { - "content": "墼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70983": { - "content": "郦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70984": { - "content": "姉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70985": { - "content": "귐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70986": { - "content": "렸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70987": { - "content": "튧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70988": { - "content": "粽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70989": { - "content": "झ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70990": { - "content": "욆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70991": { - "content": "り", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70992": { - "content": "斫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70993": { - "content": "밀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70994": { - "content": "씲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70995": { - "content": "ळ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70996": { - "content": "綠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70997": { - "content": "큘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70998": { - "content": "젫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "70999": { - "content": "跣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71000": { - "content": "럕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71001": { - "content": "樣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71002": { - "content": "쬤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71003": { - "content": "韹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71004": { - "content": "൫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71005": { - "content": "昔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71006": { - "content": "ঃ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71007": { - "content": "唻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71008": { - "content": "눋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71009": { - "content": "얮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71010": { - "content": "셬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71011": { - "content": "隩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71012": { - "content": "睢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71013": { - "content": "넏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71014": { - "content": "뎤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71015": { - "content": "긝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71016": { - "content": "断", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71017": { - "content": "횭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71018": { - "content": "觅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71019": { - "content": "厅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71020": { - "content": "角", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71021": { - "content": "嬥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71022": { - "content": "ݱ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71023": { - "content": "횔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71024": { - "content": "牮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71025": { - "content": "쏛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71026": { - "content": "苻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71027": { - "content": "楒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71028": { - "content": "컱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71029": { - "content": "머", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71030": { - "content": "깸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71031": { - "content": "챽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71032": { - "content": "낌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71033": { - "content": "滄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71034": { - "content": "英", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71035": { - "content": "掭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71036": { - "content": "픴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71037": { - "content": "忺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71038": { - "content": "젏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71039": { - "content": "勿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71040": { - "content": "笺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71041": { - "content": "ٲ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71042": { - "content": "莎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71043": { - "content": "蜘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71044": { - "content": "聒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71045": { - "content": "뚔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71046": { - "content": "꼡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71047": { - "content": "퐎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71048": { - "content": "쿾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71049": { - "content": "쌀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71050": { - "content": "爰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71051": { - "content": "旌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71052": { - "content": "쓄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71053": { - "content": "춼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71054": { - "content": "엲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71055": { - "content": "괡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71056": { - "content": "肀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71057": { - "content": "츠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71058": { - "content": "꿸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71059": { - "content": "鄹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71060": { - "content": "丽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71061": { - "content": "톔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71062": { - "content": "自", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71063": { - "content": "힟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71064": { - "content": "冕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71065": { - "content": "钉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71066": { - "content": "쭷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71067": { - "content": "인", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71068": { - "content": "쒠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71069": { - "content": "褽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71070": { - "content": "븣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71071": { - "content": "介", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71072": { - "content": "阄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71073": { - "content": "Ψ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71074": { - "content": "か", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71075": { - "content": "쑎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71076": { - "content": "띍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71077": { - "content": "薜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71078": { - "content": "햻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71079": { - "content": "냦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71080": { - "content": "넁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71081": { - "content": "뇢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71082": { - "content": "퉄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71083": { - "content": "픩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71084": { - "content": "搏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71085": { - "content": "液", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71086": { - "content": "풖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71087": { - "content": "醍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71088": { - "content": "呇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71089": { - "content": "뻹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71090": { - "content": "읕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71091": { - "content": "豎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71092": { - "content": "췞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71093": { - "content": "颜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71094": { - "content": "距", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71095": { - "content": "埔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71096": { - "content": "庖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71097": { - "content": "뉋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71098": { - "content": "溼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71099": { - "content": "貨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71100": { - "content": "艾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71101": { - "content": "坒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71102": { - "content": "썷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71103": { - "content": "辑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71104": { - "content": "쒆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71105": { - "content": "ৱ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71106": { - "content": "嵌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71107": { - "content": "緞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71108": { - "content": "鞮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71109": { - "content": "㭕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71110": { - "content": "옃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71111": { - "content": "쭚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71112": { - "content": "벲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71113": { - "content": "봤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71114": { - "content": "뙉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71115": { - "content": "쌘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71116": { - "content": "奉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71117": { - "content": "랥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71118": { - "content": "욓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71119": { - "content": "ౡ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71120": { - "content": "则", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71121": { - "content": "蝠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71122": { - "content": "쏚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71123": { - "content": "鳖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71124": { - "content": "滧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71125": { - "content": "橐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71126": { - "content": "馧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71127": { - "content": "횂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71128": { - "content": "宸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71129": { - "content": "戎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71130": { - "content": "썡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71131": { - "content": "埪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71132": { - "content": "Γ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71133": { - "content": "곤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71134": { - "content": "딅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71135": { - "content": "阉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71136": { - "content": "뜓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71137": { - "content": "躉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71138": { - "content": "힣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71139": { - "content": "延", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71140": { - "content": "珒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71141": { - "content": "僕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71142": { - "content": "藁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71143": { - "content": "𬙋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71144": { - "content": "뗮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71145": { - "content": "쒫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71146": { - "content": "瀌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71147": { - "content": "굶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71148": { - "content": "ఱ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71149": { - "content": "꺓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71150": { - "content": "团", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71151": { - "content": "玮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71152": { - "content": "福", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71153": { - "content": "뀱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71154": { - "content": "菥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71155": { - "content": "碾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71156": { - "content": "剤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71157": { - "content": "봝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71158": { - "content": "嘍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71159": { - "content": "暾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71160": { - "content": "സ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71161": { - "content": "臟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71162": { - "content": "쥽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71163": { - "content": "𩾌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71164": { - "content": "됞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71165": { - "content": "엻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71166": { - "content": "캽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71167": { - "content": "ം", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71168": { - "content": "糒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71169": { - "content": "끛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71170": { - "content": "띐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71171": { - "content": "狁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71172": { - "content": "兖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71173": { - "content": "吮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71174": { - "content": "빼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71175": { - "content": "퍦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71176": { - "content": "杏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71177": { - "content": "싷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71178": { - "content": "毆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71179": { - "content": "롲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71180": { - "content": "蒂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71181": { - "content": "荀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71182": { - "content": "鏨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71183": { - "content": "庋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71184": { - "content": "鍔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71185": { - "content": "部", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71186": { - "content": "뙐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71187": { - "content": "扅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71188": { - "content": "Ổ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71189": { - "content": "噪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71190": { - "content": "꼺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71191": { - "content": "珪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71192": { - "content": "癣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71193": { - "content": "턿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71194": { - "content": "쵑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71195": { - "content": "햔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71196": { - "content": "酋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71197": { - "content": "녵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71198": { - "content": "휻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71199": { - "content": "妊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71200": { - "content": "ۇ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71201": { - "content": "◇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71202": { - "content": "깏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71203": { - "content": "뺱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71204": { - "content": "烏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71205": { - "content": "题", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71206": { - "content": "蜆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71207": { - "content": "똀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71208": { - "content": "펨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71209": { - "content": "아", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71210": { - "content": "ニ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71211": { - "content": "됓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71212": { - "content": "맮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71213": { - "content": "풕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71214": { - "content": "创", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71215": { - "content": "圫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71216": { - "content": "協", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71217": { - "content": "捱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71218": { - "content": "달", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71219": { - "content": "만", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71220": { - "content": "붔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71221": { - "content": "봒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71222": { - "content": "旎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71223": { - "content": "話", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71224": { - "content": "ౘ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71225": { - "content": "갚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71226": { - "content": "뽶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71227": { - "content": "텈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71228": { - "content": "죛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71229": { - "content": "쭸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71230": { - "content": "赳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71231": { - "content": "잢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71232": { - "content": "唣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71233": { - "content": "説", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71234": { - "content": "깼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71235": { - "content": "栖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71236": { - "content": "核", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71237": { - "content": "貴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71238": { - "content": "뿾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71239": { - "content": "佥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71240": { - "content": "宣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71241": { - "content": "ល", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71242": { - "content": "템", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71243": { - "content": "𬴃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71244": { - "content": "甘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71245": { - "content": "귗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71246": { - "content": "녔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71247": { - "content": "뙤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71248": { - "content": "લ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71249": { - "content": "腾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71250": { - "content": "ۆ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71251": { - "content": "샍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71252": { - "content": "赒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71253": { - "content": "鹳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71254": { - "content": "봘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71255": { - "content": "两", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71256": { - "content": "샙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71257": { - "content": "냧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71258": { - "content": "끚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71259": { - "content": "凳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71260": { - "content": "虻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71261": { - "content": "샰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71262": { - "content": "괌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71263": { - "content": "뙴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71264": { - "content": "쿆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71265": { - "content": "钓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71266": { - "content": "诇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71267": { - "content": "쇵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71268": { - "content": "复", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71269": { - "content": "傘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71270": { - "content": "澴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71271": { - "content": "鉅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71272": { - "content": "肫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71273": { - "content": "з", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71274": { - "content": "痨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71275": { - "content": "皲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71276": { - "content": "乜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71277": { - "content": "성", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71278": { - "content": "펩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71279": { - "content": "𫍣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71280": { - "content": "끑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71281": { - "content": "ੂ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71282": { - "content": "湓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71283": { - "content": "鸪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71284": { - "content": "켵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71285": { - "content": "捅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71286": { - "content": "쒹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71287": { - "content": "跂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71288": { - "content": "뮅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71289": { - "content": "ី", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71290": { - "content": "굒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71291": { - "content": "썆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71292": { - "content": "羔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71293": { - "content": "쫷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71294": { - "content": "燎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71295": { - "content": "ち", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71296": { - "content": "귆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71297": { - "content": "鋭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71298": { - "content": "즪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71299": { - "content": "햅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71300": { - "content": "ń", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71301": { - "content": "簒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71302": { - "content": "湴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71303": { - "content": "졣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71304": { - "content": "굃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71305": { - "content": "诩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71306": { - "content": "傑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71307": { - "content": "쁺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71308": { - "content": "អ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71309": { - "content": "驀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71310": { - "content": "쯢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71311": { - "content": "돍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71312": { - "content": "몎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71313": { - "content": "죻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71314": { - "content": "萝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71315": { - "content": "虮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71316": { - "content": "덬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71317": { - "content": "溍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71318": { - "content": "갽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71319": { - "content": "숸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71320": { - "content": "章", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71321": { - "content": "缀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71322": { - "content": "쾡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71323": { - "content": "눍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71324": { - "content": "蕤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71325": { - "content": "벗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71326": { - "content": "償", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71327": { - "content": "슃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71328": { - "content": "倕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71329": { - "content": "돢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71330": { - "content": "쪔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71331": { - "content": "녽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71332": { - "content": "벨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71333": { - "content": "泛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71334": { - "content": "봫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71335": { - "content": "泂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71336": { - "content": "듗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71337": { - "content": "뾼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71338": { - "content": "뽸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71339": { - "content": "骷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71340": { - "content": "識", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71341": { - "content": "操", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71342": { - "content": "紫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71343": { - "content": "嶷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71344": { - "content": "넞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71345": { - "content": "甾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71346": { - "content": "綏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71347": { - "content": "嘌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71348": { - "content": "芎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71349": { - "content": "堌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71350": { - "content": "塋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71351": { - "content": "뮐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71352": { - "content": "Ⓛ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71353": { - "content": "퓙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71354": { - "content": "퇰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71355": { - "content": "龢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71356": { - "content": "첌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71357": { - "content": "믈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71358": { - "content": "덑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71359": { - "content": "늦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71360": { - "content": "摑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71361": { - "content": "뭅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71362": { - "content": "긪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71363": { - "content": "匯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71364": { - "content": "눾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71365": { - "content": "퇝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71366": { - "content": "೨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71367": { - "content": "晚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71368": { - "content": "궓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71369": { - "content": "苎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71370": { - "content": "乞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71371": { - "content": "시", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71372": { - "content": "ぶ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71373": { - "content": "送", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71374": { - "content": "倏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71375": { - "content": "金", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71376": { - "content": "쫆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71377": { - "content": "쵌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71378": { - "content": "듼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71379": { - "content": "ઝ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71380": { - "content": "蛔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71381": { - "content": "盯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71382": { - "content": "籲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71383": { - "content": "쭫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71384": { - "content": "뷠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71385": { - "content": "蔺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71386": { - "content": "딊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71387": { - "content": "읷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71388": { - "content": "넍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71389": { - "content": "슖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71390": { - "content": "ワ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71391": { - "content": "咪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71392": { - "content": "廣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71393": { - "content": "皈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71394": { - "content": "쁔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71395": { - "content": "늺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71396": { - "content": "⑧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71397": { - "content": "쓘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71398": { - "content": "侵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71399": { - "content": "뱮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71400": { - "content": "쭃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71401": { - "content": "閃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71402": { - "content": "ؙ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71403": { - "content": "氏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71404": { - "content": "顶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71405": { - "content": "埃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71406": { - "content": "꽘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71407": { - "content": "餚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71408": { - "content": "뤕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71409": { - "content": "鞧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71410": { - "content": "걗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71411": { - "content": "앆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71412": { - "content": "溌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71413": { - "content": "怨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71414": { - "content": "莘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71415": { - "content": "꺚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71416": { - "content": "솀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71417": { - "content": "愾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71418": { - "content": "蒼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71419": { - "content": "놐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71420": { - "content": "札", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71421": { - "content": "漣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71422": { - "content": "勃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71423": { - "content": "圮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71424": { - "content": "훂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71425": { - "content": "悌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71426": { - "content": "숴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71427": { - "content": "⑪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71428": { - "content": "停", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71429": { - "content": "ݜ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71430": { - "content": "躊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71431": { - "content": "ঞ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71432": { - "content": "뜀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71433": { - "content": "몰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71434": { - "content": "뮲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71435": { - "content": "壸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71436": { - "content": "혳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71437": { - "content": "珉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71438": { - "content": "려", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71439": { - "content": "辐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71440": { - "content": "칽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71441": { - "content": "猪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71442": { - "content": "蚀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71443": { - "content": "。", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71444": { - "content": "鲧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71445": { - "content": "좘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71446": { - "content": "같", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71447": { - "content": "骀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71448": { - "content": "웊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71449": { - "content": "켼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71450": { - "content": "杖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71451": { - "content": "멜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71452": { - "content": "긧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71453": { - "content": "綫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71454": { - "content": "繒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71455": { - "content": "財", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71456": { - "content": "藪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71457": { - "content": "맪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71458": { - "content": "뮟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71459": { - "content": "濰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71460": { - "content": "킽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71461": { - "content": "磺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71462": { - "content": "涑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71463": { - "content": "럪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71464": { - "content": "홴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71465": { - "content": "먏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71466": { - "content": "惚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71467": { - "content": "歟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71468": { - "content": "ف", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71469": { - "content": "ễ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71470": { - "content": "寡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71471": { - "content": "倀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71472": { - "content": "稔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71473": { - "content": "賭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71474": { - "content": "ジ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71475": { - "content": "빎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71476": { - "content": "죦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71477": { - "content": "퐜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71478": { - "content": "鹔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71479": { - "content": "秸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71480": { - "content": "죇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71481": { - "content": "쑀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71482": { - "content": "粛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71483": { - "content": "毋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71484": { - "content": "黒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71485": { - "content": "婁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71486": { - "content": "绶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71487": { - "content": "ฮ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71488": { - "content": "祭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71489": { - "content": "컰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71490": { - "content": "놸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71491": { - "content": "뎉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71492": { - "content": "ष", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71493": { - "content": "俵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71494": { - "content": "춳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71495": { - "content": "簪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71496": { - "content": "扒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71497": { - "content": "げ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71498": { - "content": "序", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71499": { - "content": "쿫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71500": { - "content": "쭆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71501": { - "content": "쵗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71502": { - "content": "Κ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71503": { - "content": "쑳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71504": { - "content": "胳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71505": { - "content": "啵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71506": { - "content": "볹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71507": { - "content": "褄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71508": { - "content": "쉼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71509": { - "content": "暂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71510": { - "content": "얯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71511": { - "content": "膩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71512": { - "content": "翃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71513": { - "content": "뒝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71514": { - "content": "輿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71515": { - "content": "舅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71516": { - "content": "벑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71517": { - "content": "뜐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71518": { - "content": "몱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71519": { - "content": "爹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71520": { - "content": "칒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71521": { - "content": "폕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71522": { - "content": "尨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71523": { - "content": "ए", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71524": { - "content": "籬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71525": { - "content": "렀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71526": { - "content": "칄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71527": { - "content": "库", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71528": { - "content": "퇉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71529": { - "content": "鵜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71530": { - "content": "볧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71531": { - "content": "뮉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71532": { - "content": "됩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71533": { - "content": "妁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71534": { - "content": "姫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71535": { - "content": "샵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71536": { - "content": "،", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71537": { - "content": "怼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71538": { - "content": "睽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71539": { - "content": "酂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71540": { - "content": "㌦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71541": { - "content": "헻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71542": { - "content": "廂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71543": { - "content": "솏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71544": { - "content": "淅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71545": { - "content": "끏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71546": { - "content": "鲭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71547": { - "content": "પ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71548": { - "content": "੬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71549": { - "content": "체", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71550": { - "content": "쫛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71551": { - "content": "혞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71552": { - "content": "烶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71553": { - "content": "둄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71554": { - "content": "粝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71555": { - "content": "퐅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71556": { - "content": "몗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71557": { - "content": "뱦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71558": { - "content": "梆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71559": { - "content": "惨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71560": { - "content": "邴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71561": { - "content": "踣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71562": { - "content": "沺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71563": { - "content": "냱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71564": { - "content": "縱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71565": { - "content": "솻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71566": { - "content": "쇫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71567": { - "content": "늎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71568": { - "content": "팙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71569": { - "content": "৫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71570": { - "content": "뫦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71571": { - "content": "찢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71572": { - "content": "쵺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71573": { - "content": "됴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71574": { - "content": "๔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71575": { - "content": "뾤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71576": { - "content": "蹭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71577": { - "content": "껂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71578": { - "content": "筼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71579": { - "content": "䦃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71580": { - "content": "쩕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71581": { - "content": "算", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71582": { - "content": "옴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71583": { - "content": "ஞ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71584": { - "content": "첿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71585": { - "content": "鼎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71586": { - "content": "뽍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71587": { - "content": "ഒ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71588": { - "content": "쮥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71589": { - "content": "笔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71590": { - "content": "チ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71591": { - "content": "싞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71592": { - "content": "겍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71593": { - "content": "톊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71594": { - "content": "꽓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71595": { - "content": "쵞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71596": { - "content": "据", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71597": { - "content": "챺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71598": { - "content": "𬊈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71599": { - "content": "抖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71600": { - "content": "썅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71601": { - "content": "햟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71602": { - "content": "ఖ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71603": { - "content": "받", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71604": { - "content": "マ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71605": { - "content": "壊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71606": { - "content": "덍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71607": { - "content": "풟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71608": { - "content": "쭌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71609": { - "content": "圩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71610": { - "content": "뉊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71611": { - "content": "苋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71612": { - "content": "坟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71613": { - "content": "챗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71614": { - "content": "憾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71615": { - "content": "祗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71616": { - "content": "蝼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71617": { - "content": "쥞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71618": { - "content": "셮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71619": { - "content": "쿛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71620": { - "content": "롏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71621": { - "content": "骺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71622": { - "content": "푧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71623": { - "content": "쌞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71624": { - "content": "죲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71625": { - "content": "頂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71626": { - "content": "낽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71627": { - "content": "环", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71628": { - "content": "邐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71629": { - "content": "俍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71630": { - "content": "콕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71631": { - "content": "冱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71632": { - "content": "늶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71633": { - "content": "全", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71634": { - "content": "읮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71635": { - "content": "义", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71636": { - "content": "咨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71637": { - "content": "邵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71638": { - "content": "ឰ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71639": { - "content": "参", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71640": { - "content": "힠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71641": { - "content": "遷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71642": { - "content": "槜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71643": { - "content": "ែ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71644": { - "content": "홒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71645": { - "content": "鉀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71646": { - "content": "쳅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71647": { - "content": "崙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71648": { - "content": "쏮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71649": { - "content": "崀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71650": { - "content": "櫚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71651": { - "content": "끊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71652": { - "content": "떼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71653": { - "content": "췑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71654": { - "content": "Ể", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71655": { - "content": "퍗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71656": { - "content": "겹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71657": { - "content": "볷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71658": { - "content": "捂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71659": { - "content": "锔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71660": { - "content": "烩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71661": { - "content": "曩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71662": { - "content": "骨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71663": { - "content": "鼗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71664": { - "content": "菱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71665": { - "content": "덞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71666": { - "content": "珙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71667": { - "content": "써", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71668": { - "content": "赧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71669": { - "content": "헢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71670": { - "content": "汙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71671": { - "content": "捡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71672": { - "content": "욙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71673": { - "content": "𬺦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71674": { - "content": "湄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71675": { - "content": "킒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71676": { - "content": "뿥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71677": { - "content": "幗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71678": { - "content": "嗞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71679": { - "content": "态", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71680": { - "content": "恒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71681": { - "content": "슇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71682": { - "content": "‼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71683": { - "content": "び", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71684": { - "content": "稗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71685": { - "content": "尖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71686": { - "content": "ប", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71687": { - "content": "葭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71688": { - "content": "퍏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71689": { - "content": "닰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71690": { - "content": "鏊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71691": { - "content": "𡎚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71692": { - "content": "쌟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71693": { - "content": "죔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71694": { - "content": "尅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71695": { - "content": "視", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71696": { - "content": "闈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71697": { - "content": "躬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71698": { - "content": "켋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71699": { - "content": "瀔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71700": { - "content": "円", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71701": { - "content": "뛴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71702": { - "content": "좏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71703": { - "content": "큝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71704": { - "content": "삒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71705": { - "content": "僑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71706": { - "content": "钞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71707": { - "content": "瘾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71708": { - "content": "翠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71709": { - "content": "剩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71710": { - "content": "哇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71711": { - "content": "넡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71712": { - "content": "엞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71713": { - "content": "뉮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71714": { - "content": "뫿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71715": { - "content": "該", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71716": { - "content": "谳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71717": { - "content": "쥣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71718": { - "content": "蔗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71719": { - "content": "訴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71720": { - "content": "꽴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71721": { - "content": "콃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71722": { - "content": "℃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71723": { - "content": "깦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71724": { - "content": "혟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71725": { - "content": "뛕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71726": { - "content": "逼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71727": { - "content": "늊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71728": { - "content": "∫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71729": { - "content": "蜎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71730": { - "content": "쟴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71731": { - "content": "¥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71732": { - "content": "⚫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71733": { - "content": "汔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71734": { - "content": "麩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71735": { - "content": "獨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71736": { - "content": "樁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71737": { - "content": "뺻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71738": { - "content": "埠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71739": { - "content": "쌨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71740": { - "content": "鲲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71741": { - "content": "퇽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71742": { - "content": "뛯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71743": { - "content": "鳩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71744": { - "content": "뿢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71745": { - "content": "锍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71746": { - "content": "長", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71747": { - "content": "ు", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71748": { - "content": "鞑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71749": { - "content": "鲢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71750": { - "content": "둖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71751": { - "content": "씓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71752": { - "content": "稞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71753": { - "content": "碲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71754": { - "content": "坏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71755": { - "content": "햰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71756": { - "content": "筌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71757": { - "content": "綑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71758": { - "content": "璪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71759": { - "content": "曉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71760": { - "content": "菖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71761": { - "content": "缸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71762": { - "content": "ধ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71763": { - "content": "潽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71764": { - "content": "惭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71765": { - "content": "璿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71766": { - "content": "絯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71767": { - "content": "뙹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71768": { - "content": "曲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71769": { - "content": "맣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71770": { - "content": "껜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71771": { - "content": "햾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71772": { - "content": "惝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71773": { - "content": "궖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71774": { - "content": "뒛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71775": { - "content": "맞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71776": { - "content": "썍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71777": { - "content": "聂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71778": { - "content": "丛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71779": { - "content": "앬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71780": { - "content": "燔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71781": { - "content": "苜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71782": { - "content": "뮯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71783": { - "content": "㍍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71784": { - "content": "蹋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71785": { - "content": "밙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71786": { - "content": "泔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71787": { - "content": "슀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71788": { - "content": "잆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71789": { - "content": "숷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71790": { - "content": "㠓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71791": { - "content": "씙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71792": { - "content": "啻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71793": { - "content": "狻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71794": { - "content": "ھ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71795": { - "content": "붮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71796": { - "content": "클", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71797": { - "content": "ű", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71798": { - "content": "뒷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71799": { - "content": "阚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71800": { - "content": "콺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71801": { - "content": "녩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71802": { - "content": "诞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71803": { - "content": "愀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71804": { - "content": "놇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71805": { - "content": "ಶ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71806": { - "content": "퉅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71807": { - "content": "溜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71808": { - "content": "蚰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71809": { - "content": "线", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71810": { - "content": "镓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71811": { - "content": "负", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71812": { - "content": "챨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71813": { - "content": "録", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71814": { - "content": "먜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71815": { - "content": "딸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71816": { - "content": "盒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71817": { - "content": "۷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71818": { - "content": "梱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71819": { - "content": "絨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71820": { - "content": "쫗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71821": { - "content": "屏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71822": { - "content": "贵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71823": { - "content": "멉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71824": { - "content": "蕺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71825": { - "content": "鲱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71826": { - "content": "쯧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71827": { - "content": "졭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71828": { - "content": "叢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71829": { - "content": "幛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71830": { - "content": "끄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71831": { - "content": "쉠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71832": { - "content": "턇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71833": { - "content": "렋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71834": { - "content": "멒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71835": { - "content": "催", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71836": { - "content": "舰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71837": { - "content": "덭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71838": { - "content": "쟍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71839": { - "content": "潲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71840": { - "content": "闳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71841": { - "content": "Ρ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71842": { - "content": "√", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71843": { - "content": "쾕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71844": { - "content": "蟹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71845": { - "content": "겲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71846": { - "content": "迫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71847": { - "content": "쯽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71848": { - "content": "挺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71849": { - "content": "喲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71850": { - "content": "뢖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71851": { - "content": "릊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71852": { - "content": "Χ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71853": { - "content": "퉵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71854": { - "content": "奘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71855": { - "content": "忝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71856": { - "content": "褥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71857": { - "content": "诸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71858": { - "content": "琀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71859": { - "content": "쌦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71860": { - "content": "븚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71861": { - "content": "롑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71862": { - "content": "苈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71863": { - "content": "騵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71864": { - "content": "癬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71865": { - "content": "쫼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71866": { - "content": "뫘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71867": { - "content": "់", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71868": { - "content": "뿯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71869": { - "content": "슙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71870": { - "content": "냨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71871": { - "content": "뎦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71872": { - "content": "팸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71873": { - "content": "훞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71874": { - "content": "ۻ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71875": { - "content": "븬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71876": { - "content": "晒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71877": { - "content": "춤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71878": { - "content": "뽧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71879": { - "content": "쿈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71880": { - "content": "윽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71881": { - "content": "棬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71882": { - "content": "𫭟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71883": { - "content": "𬺖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71884": { - "content": "쟙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71885": { - "content": "럾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71886": { - "content": "틙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71887": { - "content": "專", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71888": { - "content": "똝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71889": { - "content": "節", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71890": { - "content": "嬿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71891": { - "content": "쭾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71892": { - "content": "䌹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71893": { - "content": "펆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71894": { - "content": "봵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71895": { - "content": "庙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71896": { - "content": "ห", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71897": { - "content": "츂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71898": { - "content": "恃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71899": { - "content": "હ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71900": { - "content": "葙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71901": { - "content": "칯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71902": { - "content": "놌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71903": { - "content": "恤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71904": { - "content": "选", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71905": { - "content": "ஐ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71906": { - "content": "잣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71907": { - "content": "昇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71908": { - "content": "빲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71909": { - "content": "烠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71910": { - "content": "怿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71911": { - "content": "쿄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71912": { - "content": "珷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71913": { - "content": "鱈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71914": { - "content": "쪄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71915": { - "content": "삃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71916": { - "content": "𬺧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71917": { - "content": "糖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71918": { - "content": "괳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71919": { - "content": "颞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71920": { - "content": "導", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71921": { - "content": "뜘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71922": { - "content": "챬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71923": { - "content": "뿁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71924": { - "content": "롫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71925": { - "content": "荣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71926": { - "content": "㳘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71927": { - "content": "뉤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71928": { - "content": "૯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71929": { - "content": "좖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71930": { - "content": "ল", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71931": { - "content": "𬣡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71932": { - "content": "뻧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71933": { - "content": "懦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71934": { - "content": "부", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71935": { - "content": "疤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71936": { - "content": "喈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71937": { - "content": "Ỗ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71938": { - "content": "륏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71939": { - "content": "뉸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71940": { - "content": "襻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71941": { - "content": "妺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71942": { - "content": "镉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71943": { - "content": "鳌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71944": { - "content": "뵋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71945": { - "content": "觔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71946": { - "content": "쩄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71947": { - "content": "퓅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71948": { - "content": "ெ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71949": { - "content": "値", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71950": { - "content": "딛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71951": { - "content": "చ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71952": { - "content": "眵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71953": { - "content": "쇩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71954": { - "content": "彤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71955": { - "content": "永", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71956": { - "content": "瓢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71957": { - "content": "ૐ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71958": { - "content": "헄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71959": { - "content": "奕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71960": { - "content": "赛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71961": { - "content": "鹽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71962": { - "content": "쀹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71963": { - "content": "愢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71964": { - "content": "폰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71965": { - "content": "뾔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71966": { - "content": "𬬩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71967": { - "content": "뢗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71968": { - "content": "嗥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71969": { - "content": "럶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71970": { - "content": "낡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71971": { - "content": "깐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71972": { - "content": "늆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71973": { - "content": "풦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71974": { - "content": "見", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71975": { - "content": "拴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71976": { - "content": "뒺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71977": { - "content": "𫍽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71978": { - "content": "胞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71979": { - "content": "쑮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71980": { - "content": "뒓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71981": { - "content": "膽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71982": { - "content": "젊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71983": { - "content": "覺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71984": { - "content": "푣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71985": { - "content": "ಉ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71986": { - "content": "냑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71987": { - "content": "욌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71988": { - "content": "뱚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71989": { - "content": "爺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71990": { - "content": "파", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71991": { - "content": "딪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71992": { - "content": "봮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71993": { - "content": "밺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71994": { - "content": "쨖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71995": { - "content": "臏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71996": { - "content": "齢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71997": { - "content": "絀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71998": { - "content": "듙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "71999": { - "content": "𪤗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72000": { - "content": "귶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72001": { - "content": "朕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72002": { - "content": "兮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72003": { - "content": "ಧ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72004": { - "content": "ൢ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72005": { - "content": "◎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72006": { - "content": "凤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72007": { - "content": "뎐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72008": { - "content": "捽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72009": { - "content": "묃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72010": { - "content": "랬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72011": { - "content": "뾕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72012": { - "content": "೫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72013": { - "content": "돗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72014": { - "content": "蝎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72015": { - "content": "穿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72016": { - "content": "힓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72017": { - "content": "쨌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72018": { - "content": "듌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72019": { - "content": "蚨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72020": { - "content": "滪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72021": { - "content": "꾅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72022": { - "content": "問", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72023": { - "content": "섏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72024": { - "content": "嘐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72025": { - "content": "됚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72026": { - "content": "苓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72027": { - "content": "쌬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72028": { - "content": "뛚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72029": { - "content": "冂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72030": { - "content": "렪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72031": { - "content": "떁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72032": { - "content": "눃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72033": { - "content": "멛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72034": { - "content": "眊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72035": { - "content": "藕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72036": { - "content": "떘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72037": { - "content": "젲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72038": { - "content": "季", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72039": { - "content": "狞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72040": { - "content": "촐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72041": { - "content": "筘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72042": { - "content": "纂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72043": { - "content": "窓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72044": { - "content": "纣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72045": { - "content": "酰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72046": { - "content": "튄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72047": { - "content": "칿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72048": { - "content": "炣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72049": { - "content": "콳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72050": { - "content": "丿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72051": { - "content": "礴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72052": { - "content": "寒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72053": { - "content": "𬭤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72054": { - "content": "沲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72055": { - "content": "갗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72056": { - "content": "블", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72057": { - "content": "꿉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72058": { - "content": "堋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72059": { - "content": "๓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72060": { - "content": "瑃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72061": { - "content": "朸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72062": { - "content": "킏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72063": { - "content": "탩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72064": { - "content": "ફ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72065": { - "content": "챤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72066": { - "content": "젡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72067": { - "content": "뱼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72068": { - "content": "ۣ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72069": { - "content": "疟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72070": { - "content": "忭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72071": { - "content": "堕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72072": { - "content": "헹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72073": { - "content": "逍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72074": { - "content": "钒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72075": { - "content": "磻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72076": { - "content": "虔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72077": { - "content": "颍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72078": { - "content": "뼖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72079": { - "content": "춐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72080": { - "content": "놘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72081": { - "content": "얣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72082": { - "content": "렩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72083": { - "content": "ㄶ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72084": { - "content": "럥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72085": { - "content": "梾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72086": { - "content": "얃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72087": { - "content": "熾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72088": { - "content": "찣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72089": { - "content": "왯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72090": { - "content": "酯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72091": { - "content": "奓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72092": { - "content": "왣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72093": { - "content": "평", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72094": { - "content": "堅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72095": { - "content": "괊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72096": { - "content": "윴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72097": { - "content": "롟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72098": { - "content": "你", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72099": { - "content": "跐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72100": { - "content": "廉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72101": { - "content": "ٹ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72102": { - "content": "焘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72103": { - "content": "곛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72104": { - "content": "찟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72105": { - "content": "ఁ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72106": { - "content": "棻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72107": { - "content": "脚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72108": { - "content": "钹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72109": { - "content": "趟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72110": { - "content": "늖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72111": { - "content": "騎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72112": { - "content": "鉑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72113": { - "content": "ز", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72114": { - "content": "煜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72115": { - "content": "뼘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72116": { - "content": "츘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72117": { - "content": "빠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72118": { - "content": "索", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72119": { - "content": "៰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72120": { - "content": "긨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72121": { - "content": "ナ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72122": { - "content": "伯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72123": { - "content": "옷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72124": { - "content": "캩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72125": { - "content": "뙃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72126": { - "content": "姅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72127": { - "content": "磡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72128": { - "content": "よ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72129": { - "content": "쇱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72130": { - "content": "仳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72131": { - "content": "탘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72132": { - "content": "頚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72133": { - "content": "툴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72134": { - "content": "胱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72135": { - "content": "궭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72136": { - "content": "∮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72137": { - "content": "甓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72138": { - "content": "糁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72139": { - "content": "鋼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72140": { - "content": "왦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72141": { - "content": "呼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72142": { - "content": "毹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72143": { - "content": "婬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72144": { - "content": "だ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72145": { - "content": "쳸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72146": { - "content": "Ң", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72147": { - "content": "픾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72148": { - "content": "쮙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72149": { - "content": "ݽ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72150": { - "content": "茕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72151": { - "content": "뚉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72152": { - "content": "钋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72153": { - "content": "佼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72154": { - "content": "筜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72155": { - "content": "阮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72156": { - "content": "덩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72157": { - "content": "걑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72158": { - "content": "띜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72159": { - "content": "쁶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72160": { - "content": "섓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72161": { - "content": "得", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72162": { - "content": "浲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72163": { - "content": "阕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72164": { - "content": "쐼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72165": { - "content": "ㅶ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72166": { - "content": "燜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72167": { - "content": "퇬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72168": { - "content": "锱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72169": { - "content": "引", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72170": { - "content": "뜭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72171": { - "content": "逑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72172": { - "content": "蒐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72173": { - "content": "뗃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72174": { - "content": "儡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72175": { - "content": "싣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72176": { - "content": "뼡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72177": { - "content": "떌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72178": { - "content": "釆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72179": { - "content": "戲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72180": { - "content": "歎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72181": { - "content": "촺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72182": { - "content": "觋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72183": { - "content": "슏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72184": { - "content": "쯝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72185": { - "content": "쩜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72186": { - "content": "铱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72187": { - "content": "泶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72188": { - "content": "컬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72189": { - "content": "땩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72190": { - "content": "聳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72191": { - "content": "홏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72192": { - "content": "輸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72193": { - "content": "怏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72194": { - "content": "ਲ਼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72195": { - "content": "嘡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72196": { - "content": "蚊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72197": { - "content": "켯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72198": { - "content": "育", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72199": { - "content": "サ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72200": { - "content": "줔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72201": { - "content": "딾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72202": { - "content": "釗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72203": { - "content": "뉅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72204": { - "content": "ਫ਼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72205": { - "content": "缨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72206": { - "content": "햊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72207": { - "content": "鹬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72208": { - "content": "낦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72209": { - "content": "ْ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72210": { - "content": "녂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72211": { - "content": "읖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72212": { - "content": "솁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72213": { - "content": "肌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72214": { - "content": "싥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72215": { - "content": "맒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72216": { - "content": "破", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72217": { - "content": "𫌀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72218": { - "content": "믶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72219": { - "content": "섽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72220": { - "content": "녴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72221": { - "content": "퀹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72222": { - "content": "濬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72223": { - "content": "긷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72224": { - "content": "컭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72225": { - "content": "뫖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72226": { - "content": "몈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72227": { - "content": "츀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72228": { - "content": "讹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72229": { - "content": "إ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72230": { - "content": "壹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72231": { - "content": "젰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72232": { - "content": "씼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72233": { - "content": "孢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72234": { - "content": "쌖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72235": { - "content": "뎺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72236": { - "content": "伙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72237": { - "content": "嗫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72238": { - "content": "諭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72239": { - "content": "慾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72240": { - "content": "否", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72241": { - "content": "뱞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72242": { - "content": "坯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72243": { - "content": "揚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72244": { - "content": "댼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72245": { - "content": "쿧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72246": { - "content": "ㆊ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72247": { - "content": "腔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72248": { - "content": "좾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72249": { - "content": "铟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72250": { - "content": "鬥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72251": { - "content": "谍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72252": { - "content": "뱜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72253": { - "content": "궊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72254": { - "content": "え", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72255": { - "content": "慈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72256": { - "content": "璁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72257": { - "content": "賀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72258": { - "content": "災", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72259": { - "content": "갏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72260": { - "content": "裰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72261": { - "content": "隃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72262": { - "content": "ச", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72263": { - "content": "깟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72264": { - "content": "칞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72265": { - "content": "阙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72266": { - "content": "捏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72267": { - "content": "뷉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72268": { - "content": "쮪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72269": { - "content": "믭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72270": { - "content": "涄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72271": { - "content": "셋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72272": { - "content": "蔦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72273": { - "content": "苁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72274": { - "content": "恻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72275": { - "content": "쉙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72276": { - "content": "噀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72277": { - "content": "뢊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72278": { - "content": "젤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72279": { - "content": "맡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72280": { - "content": "漩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72281": { - "content": "旦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72282": { - "content": "봳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72283": { - "content": "ؗ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72284": { - "content": "聖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72285": { - "content": "뵙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72286": { - "content": "奶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72287": { - "content": "栴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72288": { - "content": "绰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72289": { - "content": "ۺ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72290": { - "content": "썋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72291": { - "content": "遙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72292": { - "content": "튚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72293": { - "content": "洎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72294": { - "content": "푶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72295": { - "content": "퐍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72296": { - "content": "塄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72297": { - "content": "→", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72298": { - "content": "驿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72299": { - "content": "掾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72300": { - "content": "섾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72301": { - "content": "钦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72302": { - "content": "卿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72303": { - "content": "狮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72304": { - "content": "崮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72305": { - "content": "荏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72306": { - "content": "씡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72307": { - "content": "跎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72308": { - "content": "볳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72309": { - "content": "쎀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72310": { - "content": "박", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72311": { - "content": "僻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72312": { - "content": "嵎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72313": { - "content": "悴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72314": { - "content": "쒈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72315": { - "content": "쫶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72316": { - "content": "ﺙ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72317": { - "content": "횄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72318": { - "content": "擻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72319": { - "content": "虧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72320": { - "content": "覜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72321": { - "content": "폿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72322": { - "content": "唝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72323": { - "content": "閂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72324": { - "content": "威", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72325": { - "content": "액", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72326": { - "content": "듎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72327": { - "content": "쑋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72328": { - "content": "췒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72329": { - "content": "쏝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72330": { - "content": "씳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72331": { - "content": "颡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72332": { - "content": "쐈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72333": { - "content": "嚶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72334": { - "content": "뿼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72335": { - "content": "铄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72336": { - "content": "朊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72337": { - "content": "勧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72338": { - "content": "졞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72339": { - "content": "퍭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72340": { - "content": "咕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72341": { - "content": "鷥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72342": { - "content": "憕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72343": { - "content": "鷓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72344": { - "content": "٣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72345": { - "content": "쓖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72346": { - "content": "섛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72347": { - "content": "瀰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72348": { - "content": "붳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72349": { - "content": "帮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72350": { - "content": "ヵ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72351": { - "content": "쐸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72352": { - "content": "暅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72353": { - "content": "狲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72354": { - "content": "훬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72355": { - "content": "융", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72356": { - "content": "槌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72357": { - "content": "黪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72358": { - "content": "咦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72359": { - "content": "넛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72360": { - "content": "ఉ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72361": { - "content": "뫆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72362": { - "content": "峒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72363": { - "content": "율", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72364": { - "content": "솜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72365": { - "content": "狠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72366": { - "content": "콮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72367": { - "content": "連", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72368": { - "content": "갤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72369": { - "content": "튲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72370": { - "content": "轱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72371": { - "content": "뇴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72372": { - "content": "萤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72373": { - "content": "道", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72374": { - "content": "믂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72375": { - "content": "垮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72376": { - "content": "𤫉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72377": { - "content": "굴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72378": { - "content": "뇀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72379": { - "content": "鸩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72380": { - "content": "걅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72381": { - "content": "쮅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72382": { - "content": "涮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72383": { - "content": "ક", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72384": { - "content": "쀔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72385": { - "content": "냛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72386": { - "content": "턨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72387": { - "content": "啪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72388": { - "content": "꼱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72389": { - "content": "ㅒ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72390": { - "content": "瘦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72391": { - "content": "墊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72392": { - "content": "掎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72393": { - "content": "즇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72394": { - "content": "쓺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72395": { - "content": "짚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72396": { - "content": "讥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72397": { - "content": "짫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72398": { - "content": "헳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72399": { - "content": "켥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72400": { - "content": "携", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72401": { - "content": "먄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72402": { - "content": "Ҳ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72403": { - "content": "兼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72404": { - "content": "罷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72405": { - "content": "苕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72406": { - "content": "ݮ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72407": { - "content": "쵼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72408": { - "content": "岑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72409": { - "content": "正", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72410": { - "content": "民", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72411": { - "content": "氧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72412": { - "content": "홵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72413": { - "content": "뾜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72414": { - "content": "끮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72415": { - "content": "녯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72416": { - "content": "罰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72417": { - "content": "慘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72418": { - "content": "측", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72419": { - "content": "売", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72420": { - "content": "뤖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72421": { - "content": "쀶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72422": { - "content": "띌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72423": { - "content": "仍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72424": { - "content": "롾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72425": { - "content": "逡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72426": { - "content": "顷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72427": { - "content": "뜲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72428": { - "content": "뵽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72429": { - "content": "쩪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72430": { - "content": "밬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72431": { - "content": "塽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72432": { - "content": "컉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72433": { - "content": "햎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72434": { - "content": "롡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72435": { - "content": "橫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72436": { - "content": "丫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72437": { - "content": "蟲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72438": { - "content": "셷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72439": { - "content": "휄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72440": { - "content": "쭍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72441": { - "content": "酔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72442": { - "content": "絞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72443": { - "content": "泽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72444": { - "content": "뛤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72445": { - "content": "싏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72446": { - "content": "질", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72447": { - "content": "戚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72448": { - "content": "뚒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72449": { - "content": "깈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72450": { - "content": "롼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72451": { - "content": "텮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72452": { - "content": "铀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72453": { - "content": "솘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72454": { - "content": "둢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72455": { - "content": "킇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72456": { - "content": "숪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72457": { - "content": "팵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72458": { - "content": "៏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72459": { - "content": "辦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72460": { - "content": "좲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72461": { - "content": "煌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72462": { - "content": "惔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72463": { - "content": "挤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72464": { - "content": "狭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72465": { - "content": "弃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72466": { - "content": "是", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72467": { - "content": "瘓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72468": { - "content": "會", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72469": { - "content": "真", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72470": { - "content": "촊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72471": { - "content": "갷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72472": { - "content": "౩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72473": { - "content": "풞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72474": { - "content": "廟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72475": { - "content": "氽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72476": { - "content": "辇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72477": { - "content": "읇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72478": { - "content": "륨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72479": { - "content": "펹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72480": { - "content": "規", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72481": { - "content": "茔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72482": { - "content": "큯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72483": { - "content": "뒫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72484": { - "content": "뚢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72485": { - "content": "넟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72486": { - "content": "뱆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72487": { - "content": "햫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72488": { - "content": "根", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72489": { - "content": "컞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72490": { - "content": "炟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72491": { - "content": "쬝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72492": { - "content": "쁓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72493": { - "content": "뙯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72494": { - "content": "黉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72495": { - "content": "ۓ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72496": { - "content": "붐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72497": { - "content": "骞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72498": { - "content": "舷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72499": { - "content": "丈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72500": { - "content": "這", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72501": { - "content": "覆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72502": { - "content": "羅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72503": { - "content": "줊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72504": { - "content": "泵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72505": { - "content": "엙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72506": { - "content": "좇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72507": { - "content": "癗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72508": { - "content": "局", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72509": { - "content": "苄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72510": { - "content": "멐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72511": { - "content": "險", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72512": { - "content": "枡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72513": { - "content": "貔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72514": { - "content": "桯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72515": { - "content": "셰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72516": { - "content": "삥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72517": { - "content": "밃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72518": { - "content": "뤝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72519": { - "content": "쓦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72520": { - "content": "퀜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72521": { - "content": "វ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72522": { - "content": "ㅗ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72523": { - "content": "绖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72524": { - "content": "쮏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72525": { - "content": "잝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72526": { - "content": "죡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72527": { - "content": "겅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72528": { - "content": "䎃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72529": { - "content": "놆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72530": { - "content": "跖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72531": { - "content": "笨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72532": { - "content": "최", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72533": { - "content": "肛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72534": { - "content": "非", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72535": { - "content": "답", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72536": { - "content": "砺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72537": { - "content": "엚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72538": { - "content": "牺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72539": { - "content": "뷵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72540": { - "content": "셔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72541": { - "content": "烈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72542": { - "content": "훱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72543": { - "content": "및", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72544": { - "content": "啤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72545": { - "content": "帶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72546": { - "content": "뒥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72547": { - "content": "摆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72548": { - "content": "솸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72549": { - "content": "缗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72550": { - "content": "促", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72551": { - "content": "വ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72552": { - "content": "岱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72553": { - "content": "鳅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72554": { - "content": "鹆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72555": { - "content": "柏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72556": { - "content": "쑪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72557": { - "content": "좼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72558": { - "content": "嗲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72559": { - "content": "哧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72560": { - "content": "系", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72561": { - "content": "뇖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72562": { - "content": "틵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72563": { - "content": "퍚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72564": { - "content": "虢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72565": { - "content": "穂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72566": { - "content": "츯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72567": { - "content": "뺹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72568": { - "content": "啸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72569": { - "content": "吽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72570": { - "content": "앵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72571": { - "content": "鹖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72572": { - "content": "겯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72573": { - "content": "ഇ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72574": { - "content": "씆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72575": { - "content": "퉇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72576": { - "content": "똘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72577": { - "content": "빵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72578": { - "content": "レ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72579": { - "content": "痕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72580": { - "content": "吉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72581": { - "content": "탔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72582": { - "content": "蹑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72583": { - "content": "뢝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72584": { - "content": "梦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72585": { - "content": "듊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72586": { - "content": "急", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72587": { - "content": "ឱ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72588": { - "content": "뻎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72589": { - "content": "陌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72590": { - "content": "먼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72591": { - "content": "ಗ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72592": { - "content": "몯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72593": { - "content": "쌜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72594": { - "content": "웮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72595": { - "content": "퓇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72596": { - "content": "쌧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72597": { - "content": "鯖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72598": { - "content": "혒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72599": { - "content": "翌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72600": { - "content": "홉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72601": { - "content": "역", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72602": { - "content": "쭋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72603": { - "content": "铪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72604": { - "content": "੪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72605": { - "content": "曖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72606": { - "content": "鎚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72607": { - "content": "럱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72608": { - "content": "걊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72609": { - "content": "弢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72610": { - "content": "뾝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72611": { - "content": "팽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72612": { - "content": "陽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72613": { - "content": "좄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72614": { - "content": "ล", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72615": { - "content": "ロ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72616": { - "content": "竊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72617": { - "content": "궯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72618": { - "content": "颗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72619": { - "content": "퍥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72620": { - "content": "뚱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72621": { - "content": "諂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72622": { - "content": "卹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72623": { - "content": "靶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72624": { - "content": "륌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72625": { - "content": "웓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72626": { - "content": "킍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72627": { - "content": "쯜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72628": { - "content": "콵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72629": { - "content": "햘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72630": { - "content": "塅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72631": { - "content": "윣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72632": { - "content": "瑕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72633": { - "content": "鴃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72634": { - "content": "쳄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72635": { - "content": "イ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72636": { - "content": "땬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72637": { - "content": "粜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72638": { - "content": "稷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72639": { - "content": "續", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72640": { - "content": "촿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72641": { - "content": "網", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72642": { - "content": "쐬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72643": { - "content": "퀭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72644": { - "content": "蹙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72645": { - "content": "矍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72646": { - "content": "ݟ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72647": { - "content": "끸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72648": { - "content": "멧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72649": { - "content": "웒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72650": { - "content": "遴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72651": { - "content": "쯠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72652": { - "content": "勰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72653": { - "content": "륜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72654": { - "content": "荷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72655": { - "content": "정", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72656": { - "content": "煴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72657": { - "content": "솚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72658": { - "content": "줍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72659": { - "content": "拘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72660": { - "content": "땽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72661": { - "content": "溃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72662": { - "content": "곪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72663": { - "content": "寮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72664": { - "content": "モ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72665": { - "content": "잽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72666": { - "content": "𨭉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72667": { - "content": "퐃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72668": { - "content": "羧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72669": { - "content": "௯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72670": { - "content": "蛋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72671": { - "content": "粒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72672": { - "content": "넄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72673": { - "content": "鞔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72674": { - "content": "ๆ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72675": { - "content": "浖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72676": { - "content": "囊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72677": { - "content": "뷥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72678": { - "content": "今", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72679": { - "content": "옍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72680": { - "content": "눁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72681": { - "content": "토", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72682": { - "content": "뭑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72683": { - "content": "볓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72684": { - "content": "衽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72685": { - "content": "瘉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72686": { - "content": "僔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72687": { - "content": "믎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72688": { - "content": "輟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72689": { - "content": "뿛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72690": { - "content": "땍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72691": { - "content": "쎚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72692": { - "content": "퀞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72693": { - "content": "失", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72694": { - "content": "餛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72695": { - "content": "焰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72696": { - "content": "傉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72697": { - "content": "볛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72698": { - "content": "씘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72699": { - "content": "냯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72700": { - "content": "襪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72701": { - "content": "讠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72702": { - "content": "쉐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72703": { - "content": "短", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72704": { - "content": "쵾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72705": { - "content": "溫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72706": { - "content": "猕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72707": { - "content": "燙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72708": { - "content": "쥛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72709": { - "content": "뜰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72710": { - "content": "丧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72711": { - "content": "「", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72712": { - "content": "ż", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72713": { - "content": "橑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72714": { - "content": "롛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72715": { - "content": "腦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72716": { - "content": "菇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72717": { - "content": "蜕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72718": { - "content": "좤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72719": { - "content": "狢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72720": { - "content": "뻏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72721": { - "content": "煬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72722": { - "content": "ಡ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72723": { - "content": "륿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72724": { - "content": "酿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72725": { - "content": "쯶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72726": { - "content": "풬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72727": { - "content": "핅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72728": { - "content": "왛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72729": { - "content": "៥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72730": { - "content": "褟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72731": { - "content": "宀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72732": { - "content": "살", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72733": { - "content": "ൂ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72734": { - "content": "굗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72735": { - "content": "곑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72736": { - "content": "枹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72737": { - "content": "섮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72738": { - "content": "훆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72739": { - "content": "Ờ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72740": { - "content": "뉘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72741": { - "content": "쇅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72742": { - "content": "嚆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72743": { - "content": "嚸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72744": { - "content": "懊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72745": { - "content": "呗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72746": { - "content": "쎫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72747": { - "content": "뵱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72748": { - "content": "봍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72749": { - "content": "瀲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72750": { - "content": "빌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72751": { - "content": "碣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72752": { - "content": "隱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72753": { - "content": "戒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72754": { - "content": "秀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72755": { - "content": "丬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72756": { - "content": "珠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72757": { - "content": "类", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72758": { - "content": "؃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72759": { - "content": "밈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72760": { - "content": "瀾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72761": { - "content": "뙺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72762": { - "content": "跋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72763": { - "content": "딲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72764": { - "content": "絹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72765": { - "content": "렌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72766": { - "content": "诳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72767": { - "content": "ڪ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72768": { - "content": "莛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72769": { - "content": "텶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72770": { - "content": "몮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72771": { - "content": "쉱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72772": { - "content": "囲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72773": { - "content": "깺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72774": { - "content": "랉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72775": { - "content": "ể", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72776": { - "content": "萦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72777": { - "content": "썏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72778": { - "content": "딏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72779": { - "content": "쓒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72780": { - "content": "쩾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72781": { - "content": "움", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72782": { - "content": "픥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72783": { - "content": "澎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72784": { - "content": "쌼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72785": { - "content": "鬲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72786": { - "content": "躞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72787": { - "content": "섣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72788": { - "content": "큞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72789": { - "content": "쌙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72790": { - "content": "넬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72791": { - "content": "秣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72792": { - "content": "燏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72793": { - "content": "嚼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72794": { - "content": "닜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72795": { - "content": "믬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72796": { - "content": "ạ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72797": { - "content": "봄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72798": { - "content": "涩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72799": { - "content": "뵉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72800": { - "content": "쩠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72801": { - "content": "뼾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72802": { - "content": "靳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72803": { - "content": "왚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72804": { - "content": "뵆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72805": { - "content": "뜍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72806": { - "content": "톪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72807": { - "content": "닯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72808": { - "content": "쵥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72809": { - "content": "슩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72810": { - "content": "컇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72811": { - "content": "櫬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72812": { - "content": "浚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72813": { - "content": "碟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72814": { - "content": "岫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72815": { - "content": "閭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72816": { - "content": "왤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72817": { - "content": "救", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72818": { - "content": "鈴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72819": { - "content": "轭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72820": { - "content": "肾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72821": { - "content": "뻅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72822": { - "content": "菘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72823": { - "content": "휶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72824": { - "content": "勵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72825": { - "content": "켣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72826": { - "content": "桹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72827": { - "content": "蘭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72828": { - "content": "숹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72829": { - "content": "ৎ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72830": { - "content": "𬺙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72831": { - "content": "긿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72832": { - "content": "痘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72833": { - "content": "俦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72834": { - "content": "栈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72835": { - "content": "槿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72836": { - "content": "觫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72837": { - "content": "穀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72838": { - "content": "赉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72839": { - "content": "뀅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72840": { - "content": "늑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72841": { - "content": "ਜ਼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72842": { - "content": "猊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72843": { - "content": "耿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72844": { - "content": "빙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72845": { - "content": "뉒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72846": { - "content": "喃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72847": { - "content": "邾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72848": { - "content": "剪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72849": { - "content": "栗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72850": { - "content": "榨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72851": { - "content": "꿿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72852": { - "content": "碚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72853": { - "content": "뫾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72854": { - "content": "ﺩ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72855": { - "content": "晴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72856": { - "content": "뻿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72857": { - "content": "踽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72858": { - "content": "琰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72859": { - "content": "폝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72860": { - "content": "码", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72861": { - "content": "뒯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72862": { - "content": "痍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72863": { - "content": "忤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72864": { - "content": "쁢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72865": { - "content": "總", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72866": { - "content": "遛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72867": { - "content": "멃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72868": { - "content": "伶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72869": { - "content": "恰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72870": { - "content": "켭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72871": { - "content": "增", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72872": { - "content": "럓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72873": { - "content": "瞋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72874": { - "content": "牻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72875": { - "content": "‚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72876": { - "content": "順", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72877": { - "content": "뮳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72878": { - "content": "뇋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72879": { - "content": "廈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72880": { - "content": "굜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72881": { - "content": "清", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72882": { - "content": "嚣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72883": { - "content": "밭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72884": { - "content": "濂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72885": { - "content": "뗡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72886": { - "content": "츁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72887": { - "content": "机", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72888": { - "content": "촱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72889": { - "content": "켦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72890": { - "content": "Ņ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72891": { - "content": "뇹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72892": { - "content": "됁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72893": { - "content": "掬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72894": { - "content": "玥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72895": { - "content": "싸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72896": { - "content": "니", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72897": { - "content": "햿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72898": { - "content": "춃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72899": { - "content": "𬳽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72900": { - "content": "钅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72901": { - "content": "८", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72902": { - "content": "峣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72903": { - "content": "뿓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72904": { - "content": "羸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72905": { - "content": "槻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72906": { - "content": "쐱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72907": { - "content": "캄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72908": { - "content": "녅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72909": { - "content": "쐟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72910": { - "content": "햄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72911": { - "content": "洌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72912": { - "content": "팘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72913": { - "content": "谩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72914": { - "content": "ㅥ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72915": { - "content": "뛵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72916": { - "content": "젶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72917": { - "content": "果", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72918": { - "content": "足", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72919": { - "content": "鳐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72920": { - "content": "溞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72921": { - "content": "麑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72922": { - "content": "썗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72923": { - "content": "樸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72924": { - "content": "쯇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72925": { - "content": "멲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72926": { - "content": "晝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72927": { - "content": "릿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72928": { - "content": "゚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72929": { - "content": "맩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72930": { - "content": "순", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72931": { - "content": "ធ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72932": { - "content": "뛝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72933": { - "content": "솝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72934": { - "content": "랭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72935": { - "content": "눲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72936": { - "content": "켤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72937": { - "content": "趼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72938": { - "content": "佇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72939": { - "content": "뗄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72940": { - "content": "뽜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72941": { - "content": "僵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72942": { - "content": "裱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72943": { - "content": "瓠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72944": { - "content": "섷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72945": { - "content": "癇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72946": { - "content": "軌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72947": { - "content": "颁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72948": { - "content": "륄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72949": { - "content": "뀏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72950": { - "content": "흔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72951": { - "content": "몺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72952": { - "content": "옭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72953": { - "content": "슢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72954": { - "content": "닚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72955": { - "content": "咳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72956": { - "content": "썾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72957": { - "content": "곾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72958": { - "content": "츖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72959": { - "content": "Ở", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72960": { - "content": "귡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72961": { - "content": "趣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72962": { - "content": "뷌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72963": { - "content": "傀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72964": { - "content": "屌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72965": { - "content": "儕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72966": { - "content": "炒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72967": { - "content": "藹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72968": { - "content": "尢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72969": { - "content": "沽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72970": { - "content": "逖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72971": { - "content": "滤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72972": { - "content": "눷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72973": { - "content": "꽯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72974": { - "content": "緲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72975": { - "content": "儘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72976": { - "content": "リ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72977": { - "content": "첃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72978": { - "content": "鳡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72979": { - "content": "혤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72980": { - "content": "단", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72981": { - "content": "좵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72982": { - "content": "馆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72983": { - "content": "千", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72984": { - "content": "粧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72985": { - "content": "郤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72986": { - "content": "븒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72987": { - "content": "훔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72988": { - "content": "峦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72989": { - "content": "랆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72990": { - "content": "쪜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72991": { - "content": "쪹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72992": { - "content": "췄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72993": { - "content": "窑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72994": { - "content": "器", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72995": { - "content": "괂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72996": { - "content": "긶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72997": { - "content": "ઃ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72998": { - "content": "蚩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "72999": { - "content": "ഫ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73000": { - "content": "쑤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73001": { - "content": "킋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73002": { - "content": "瘋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73003": { - "content": "턱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73004": { - "content": "쒧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73005": { - "content": "紲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73006": { - "content": "羿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73007": { - "content": "꺧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73008": { - "content": "붣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73009": { - "content": "犬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73010": { - "content": "쳼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73011": { - "content": "ṛ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73012": { - "content": "禄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73013": { - "content": "굔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73014": { - "content": "쏃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73015": { - "content": "声", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73016": { - "content": "耻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73017": { - "content": "댪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73018": { - "content": "햯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73019": { - "content": "轲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73020": { - "content": "嗷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73021": { - "content": "펺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73022": { - "content": "꺂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73023": { - "content": "눔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73024": { - "content": "浄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73025": { - "content": "뺆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73026": { - "content": "彿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73027": { - "content": "뚫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73028": { - "content": "줱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73029": { - "content": "દ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73030": { - "content": "诎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73031": { - "content": "눜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73032": { - "content": "ź", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73033": { - "content": "슚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73034": { - "content": "뼦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73035": { - "content": "죨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73036": { - "content": "齦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73037": { - "content": "樫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73038": { - "content": "芴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73039": { - "content": "浰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73040": { - "content": "죌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73041": { - "content": "얷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73042": { - "content": "अ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73043": { - "content": "卐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73044": { - "content": "橛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73045": { - "content": "촯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73046": { - "content": "삑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73047": { - "content": "芯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73048": { - "content": "쁞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73049": { - "content": "闻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73050": { - "content": "휍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73051": { - "content": "큜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73052": { - "content": "𬴂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73053": { - "content": "탡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73054": { - "content": "앩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73055": { - "content": "끫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73056": { - "content": "㬊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73057": { - "content": "끀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73058": { - "content": "傥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73059": { - "content": "뚋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73060": { - "content": "뼞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73061": { - "content": "쟛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73062": { - "content": "싋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73063": { - "content": "뜞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73064": { - "content": "屢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73065": { - "content": "꺝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73066": { - "content": "뙟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73067": { - "content": "羋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73068": { - "content": "ٺ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73069": { - "content": "멣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73070": { - "content": "俟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73071": { - "content": "픻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73072": { - "content": "𫄨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73073": { - "content": "뭩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73074": { - "content": "퉘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73075": { - "content": "셏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73076": { - "content": "쁪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73077": { - "content": "孤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73078": { - "content": "歌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73079": { - "content": "좍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73080": { - "content": "퇙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73081": { - "content": "㰀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73082": { - "content": "陉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73083": { - "content": "뷇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73084": { - "content": "Ợ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73085": { - "content": "줙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73086": { - "content": "霎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73087": { - "content": "듟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73088": { - "content": "졦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73089": { - "content": "葸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73090": { - "content": "졶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73091": { - "content": "も", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73092": { - "content": "떩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73093": { - "content": "绡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73094": { - "content": "썪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73095": { - "content": "掏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73096": { - "content": "븷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73097": { - "content": "롹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73098": { - "content": "劢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73099": { - "content": "긦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73100": { - "content": "風", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73101": { - "content": "욲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73102": { - "content": "칌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73103": { - "content": "ݢ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73104": { - "content": "滇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73105": { - "content": "뢯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73106": { - "content": "퀊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73107": { - "content": "ử", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73108": { - "content": "遊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73109": { - "content": "冽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73110": { - "content": "찳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73111": { - "content": "ﻝ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73112": { - "content": "脇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73113": { - "content": "뺏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73114": { - "content": "뉪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73115": { - "content": "椒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73116": { - "content": "뻙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73117": { - "content": "靿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73118": { - "content": "읉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73119": { - "content": "귃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73120": { - "content": "쾙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73121": { - "content": "퍖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73122": { - "content": "퓻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73123": { - "content": "쇑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73124": { - "content": "됄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73125": { - "content": "蜴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73126": { - "content": "썟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73127": { - "content": "년", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73128": { - "content": "뫴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73129": { - "content": "๏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73130": { - "content": "恬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73131": { - "content": "宦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73132": { - "content": "츼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73133": { - "content": "졃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73134": { - "content": "獬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73135": { - "content": "쑛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73136": { - "content": "变", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73137": { - "content": "榻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73138": { - "content": "马", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73139": { - "content": "찧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73140": { - "content": "뾌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73141": { - "content": "哈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73142": { - "content": "鸶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73143": { - "content": "놔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73144": { - "content": "ഋ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73145": { - "content": "죩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73146": { - "content": "랰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73147": { - "content": "䓬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73148": { - "content": "】", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73149": { - "content": "届", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73150": { - "content": "洴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73151": { - "content": "존", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73152": { - "content": "켇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73153": { - "content": "圊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73154": { - "content": "읺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73155": { - "content": "呷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73156": { - "content": "ل", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73157": { - "content": "鹲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73158": { - "content": "뱫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73159": { - "content": "枪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73160": { - "content": "륅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73161": { - "content": "넎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73162": { - "content": "뒢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73163": { - "content": "熨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73164": { - "content": "잀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73165": { - "content": "볏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73166": { - "content": "犋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73167": { - "content": "雲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73168": { - "content": "惫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73169": { - "content": "믡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73170": { - "content": "彀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73171": { - "content": "딡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73172": { - "content": "坍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73173": { - "content": "馞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73174": { - "content": "踶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73175": { - "content": "릫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73176": { - "content": "籍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73177": { - "content": "颓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73178": { - "content": "骱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73179": { - "content": "軎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73180": { - "content": "硙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73181": { - "content": "덦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73182": { - "content": "왍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73183": { - "content": "膘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73184": { - "content": "낁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73185": { - "content": "檬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73186": { - "content": "鐾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73187": { - "content": "夜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73188": { - "content": "鄉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73189": { - "content": "它", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73190": { - "content": "佐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73191": { - "content": "屍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73192": { - "content": "짬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73193": { - "content": "럔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73194": { - "content": "함", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73195": { - "content": "쟽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73196": { - "content": "궚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73197": { - "content": "멪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73198": { - "content": "譆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73199": { - "content": "鴦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73200": { - "content": "갅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73201": { - "content": "쥫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73202": { - "content": "罹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73203": { - "content": "큁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73204": { - "content": "િ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73205": { - "content": "牘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73206": { - "content": "ந", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73207": { - "content": "툆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73208": { - "content": "迷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73209": { - "content": "뺴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73210": { - "content": "幫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73211": { - "content": "쵸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73212": { - "content": "ݕ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73213": { - "content": "홧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73214": { - "content": "Ҋ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73215": { - "content": "幸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73216": { - "content": "겻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73217": { - "content": "판", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73218": { - "content": "벰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73219": { - "content": "덆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73220": { - "content": "梧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73221": { - "content": "칔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73222": { - "content": "톑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73223": { - "content": "ન", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73224": { - "content": "슍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73225": { - "content": "섦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73226": { - "content": "룺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73227": { - "content": "훹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73228": { - "content": "뙏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73229": { - "content": "쨠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73230": { - "content": "貧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73231": { - "content": "ڞ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73232": { - "content": "ദ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73233": { - "content": "볨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73234": { - "content": "짡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73235": { - "content": "툽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73236": { - "content": "꺲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73237": { - "content": "뻍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73238": { - "content": "난", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73239": { - "content": "떖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73240": { - "content": "뇥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73241": { - "content": "鴉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73242": { - "content": "죝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73243": { - "content": "粮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73244": { - "content": "ء", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73245": { - "content": "컈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73246": { - "content": "槟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73247": { - "content": "맔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73248": { - "content": "륬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73249": { - "content": "봗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73250": { - "content": "쾉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73251": { - "content": "젆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73252": { - "content": "译", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73253": { - "content": "괁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73254": { - "content": "苣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73255": { - "content": "뤯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73256": { - "content": "竇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73257": { - "content": "횆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73258": { - "content": "墮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73259": { - "content": "抚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73260": { - "content": "딠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73261": { - "content": "쓢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73262": { - "content": "帽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73263": { - "content": "ㅂ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73264": { - "content": "刻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73265": { - "content": "긾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73266": { - "content": "췼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73267": { - "content": "浒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73268": { - "content": "작", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73269": { - "content": "毫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73270": { - "content": "톬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73271": { - "content": "糞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73272": { - "content": "왹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73273": { - "content": "잍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73274": { - "content": "멌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73275": { - "content": "쬲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73276": { - "content": "認", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73277": { - "content": "ٰ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73278": { - "content": "꼂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73279": { - "content": "䂮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73280": { - "content": "헕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73281": { - "content": "违", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73282": { - "content": "뮝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73283": { - "content": "킭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73284": { - "content": "쾞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73285": { - "content": "킵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73286": { - "content": "칵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73287": { - "content": "넚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73288": { - "content": "쨉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73289": { - "content": "瑾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73290": { - "content": "調", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73291": { - "content": "钘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73292": { - "content": "埏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73293": { - "content": "彆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73294": { - "content": "叫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73295": { - "content": "弸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73296": { - "content": "犇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73297": { - "content": "죤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73298": { - "content": "寓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73299": { - "content": "乐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73300": { - "content": "筚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73301": { - "content": "넘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73302": { - "content": "엊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73303": { - "content": "캪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73304": { - "content": "侹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73305": { - "content": "ಒ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73306": { - "content": "未", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73307": { - "content": "ណ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73308": { - "content": "벎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73309": { - "content": "쯁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73310": { - "content": "덺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73311": { - "content": "뗗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73312": { - "content": "기", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73313": { - "content": "펂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73314": { - "content": "ற", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73315": { - "content": "ਣ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73316": { - "content": "겟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73317": { - "content": "謇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73318": { - "content": "剛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73319": { - "content": "콌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73320": { - "content": "發", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73321": { - "content": "摇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73322": { - "content": "遞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73323": { - "content": "懍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73324": { - "content": "苑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73325": { - "content": "倉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73326": { - "content": "梣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73327": { - "content": "泃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73328": { - "content": "德", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73329": { - "content": "퉝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73330": { - "content": "浑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73331": { - "content": "鹵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73332": { - "content": "錆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73333": { - "content": "닲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73334": { - "content": "簀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73335": { - "content": "忄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73336": { - "content": "솑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73337": { - "content": "纠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73338": { - "content": "衒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73339": { - "content": "쟬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73340": { - "content": "햮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73341": { - "content": "籠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73342": { - "content": "跦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73343": { - "content": "蓏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73344": { - "content": "𬍡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73345": { - "content": "굋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73346": { - "content": "쀨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73347": { - "content": "牦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73348": { - "content": "셩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73349": { - "content": "댂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73350": { - "content": "턆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73351": { - "content": "솼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73352": { - "content": "늱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73353": { - "content": "꼨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73354": { - "content": "齬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73355": { - "content": "脑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73356": { - "content": "좬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73357": { - "content": "퀸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73358": { - "content": "쥍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73359": { - "content": "픅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73360": { - "content": "븂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73361": { - "content": "닙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73362": { - "content": "떕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73363": { - "content": "탼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73364": { - "content": "赝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73365": { - "content": "뺫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73366": { - "content": "𬶠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73367": { - "content": "亲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73368": { - "content": "流", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73369": { - "content": "퍽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73370": { - "content": "ﺕ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73371": { - "content": "닃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73372": { - "content": "択", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73373": { - "content": "衰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73374": { - "content": "면", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73375": { - "content": "겂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73376": { - "content": "핺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73377": { - "content": "ẹ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73378": { - "content": "큨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73379": { - "content": "ǐ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73380": { - "content": "미", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73381": { - "content": "鸡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73382": { - "content": "獄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73383": { - "content": "곹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73384": { - "content": "苠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73385": { - "content": "珩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73386": { - "content": "邗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73387": { - "content": "职", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73388": { - "content": "ൠ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73389": { - "content": "젽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73390": { - "content": "聡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73391": { - "content": "腴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73392": { - "content": "凶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73393": { - "content": "챇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73394": { - "content": "皕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73395": { - "content": "図", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73396": { - "content": "캇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73397": { - "content": "牲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73398": { - "content": "檔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73399": { - "content": "쾏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73400": { - "content": "쬙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73401": { - "content": "눑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73402": { - "content": "讨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73403": { - "content": "잴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73404": { - "content": "筋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73405": { - "content": "뵝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73406": { - "content": "紱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73407": { - "content": "佃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73408": { - "content": "槍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73409": { - "content": "託", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73410": { - "content": "퓈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73411": { - "content": "阽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73412": { - "content": "ㅭ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73413": { - "content": "퉙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73414": { - "content": "땂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73415": { - "content": "鄙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73416": { - "content": "씣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73417": { - "content": "찅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73418": { - "content": "铮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73419": { - "content": "퍻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73420": { - "content": "ട", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73421": { - "content": "믓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73422": { - "content": "녡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73423": { - "content": "벱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73424": { - "content": "臃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73425": { - "content": "串", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73426": { - "content": "궔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73427": { - "content": "왁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73428": { - "content": "鯨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73429": { - "content": "Ω", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73430": { - "content": "缴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73431": { - "content": "觳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73432": { - "content": "뛘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73433": { - "content": "姮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73434": { - "content": "쨿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73435": { - "content": "땁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73436": { - "content": "룶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73437": { - "content": "덿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73438": { - "content": "衢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73439": { - "content": "蹩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73440": { - "content": "ஸ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73441": { - "content": "事", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73442": { - "content": "쇷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73443": { - "content": "稈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73444": { - "content": "끜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73445": { - "content": "눤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73446": { - "content": "ட", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73447": { - "content": "询", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73448": { - "content": "쑻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73449": { - "content": "咉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73450": { - "content": "皮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73451": { - "content": "쵘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73452": { - "content": "ઇ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73453": { - "content": "흁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73454": { - "content": "婢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73455": { - "content": "繩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73456": { - "content": "無", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73457": { - "content": "닭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73458": { - "content": "됪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73459": { - "content": "珦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73460": { - "content": "끣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73461": { - "content": "橈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73462": { - "content": "믊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73463": { - "content": "엥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73464": { - "content": "數", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73465": { - "content": "畋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73466": { - "content": "쐙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73467": { - "content": "镊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73468": { - "content": "显", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73469": { - "content": "칶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73470": { - "content": "逮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73471": { - "content": "议", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73472": { - "content": "槲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73473": { - "content": "猹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73474": { - "content": "쏾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73475": { - "content": "ؽ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73476": { - "content": "㸌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73477": { - "content": "配", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73478": { - "content": "陶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73479": { - "content": "春", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73480": { - "content": "佾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73481": { - "content": "퉓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73482": { - "content": "槳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73483": { - "content": "气", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73484": { - "content": "誼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73485": { - "content": "瑧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73486": { - "content": "铃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73487": { - "content": "쮬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73488": { - "content": "룙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73489": { - "content": "滔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73490": { - "content": "撮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73491": { - "content": "셶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73492": { - "content": "炙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73493": { - "content": "싆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73494": { - "content": "釀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73495": { - "content": "뚲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73496": { - "content": "賄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73497": { - "content": "끶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73498": { - "content": "捯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73499": { - "content": "틖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73500": { - "content": "묎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73501": { - "content": "窀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73502": { - "content": "ឲ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73503": { - "content": "颱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73504": { - "content": "쁭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73505": { - "content": "ẫ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73506": { - "content": "ڸ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73507": { - "content": "롐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73508": { - "content": "贔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73509": { - "content": "췏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73510": { - "content": "남", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73511": { - "content": "ਇ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73512": { - "content": "좚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73513": { - "content": "斠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73514": { - "content": "폴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73515": { - "content": "굫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73516": { - "content": "馱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73517": { - "content": "맥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73518": { - "content": "蝌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73519": { - "content": "꿔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73520": { - "content": "忸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73521": { - "content": "亳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73522": { - "content": "뻾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73523": { - "content": "ڟ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73524": { - "content": "ồ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73525": { - "content": "呈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73526": { - "content": "뛟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73527": { - "content": "謀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73528": { - "content": "즂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73529": { - "content": "뱤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73530": { - "content": "剔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73531": { - "content": "絆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73532": { - "content": "觥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73533": { - "content": "뇳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73534": { - "content": "幟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73535": { - "content": "尝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73536": { - "content": "퐖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73537": { - "content": "뾡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73538": { - "content": "蠢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73539": { - "content": "溵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73540": { - "content": "쪥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73541": { - "content": "怂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73542": { - "content": "뤢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73543": { - "content": "壎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73544": { - "content": "Д", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73545": { - "content": "ڢ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73546": { - "content": "晱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73547": { - "content": "묁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73548": { - "content": "퇭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73549": { - "content": "铖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73550": { - "content": "쉿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73551": { - "content": "ㅽ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73552": { - "content": "쵨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73553": { - "content": "곰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73554": { - "content": "쿻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73555": { - "content": "탞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73556": { - "content": "癯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73557": { - "content": "쀬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73558": { - "content": "帐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73559": { - "content": "뒌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73560": { - "content": "덛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73561": { - "content": "훘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73562": { - "content": "磜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73563": { - "content": "糢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73564": { - "content": "쀽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73565": { - "content": "∞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73566": { - "content": "쎿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73567": { - "content": "讽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73568": { - "content": "쯤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73569": { - "content": "೯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73570": { - "content": "庤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73571": { - "content": "罴", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73572": { - "content": "옪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73573": { - "content": "뗁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73574": { - "content": "ؔ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73575": { - "content": "왃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73576": { - "content": "瞀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73577": { - "content": "嗯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73578": { - "content": "쟈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73579": { - "content": "ន", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73580": { - "content": "킉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73581": { - "content": "숌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73582": { - "content": "阆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73583": { - "content": "实", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73584": { - "content": "랊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73585": { - "content": "剅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73586": { - "content": "맍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73587": { - "content": "駟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73588": { - "content": "䓫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73589": { - "content": "穰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73590": { - "content": "燾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73591": { - "content": "裂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73592": { - "content": "毙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73593": { - "content": "쐾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73594": { - "content": "퉪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73595": { - "content": "컩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73596": { - "content": "귝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73597": { - "content": "鼠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73598": { - "content": "멭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73599": { - "content": "母", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73600": { - "content": "氳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73601": { - "content": "샷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73602": { - "content": "嫗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73603": { - "content": "؝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73604": { - "content": "셂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73605": { - "content": "븓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73606": { - "content": "쾻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73607": { - "content": "쐭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73608": { - "content": "並", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73609": { - "content": "違", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73610": { - "content": "襕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73611": { - "content": "ﻍ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73612": { - "content": "帳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73613": { - "content": "莊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73614": { - "content": "넃", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73615": { - "content": "硼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73616": { - "content": "账", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73617": { - "content": "퀰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73618": { - "content": "븁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73619": { - "content": "뙽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73620": { - "content": "箠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73621": { - "content": "铻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73622": { - "content": "긁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73623": { - "content": "輔", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73624": { - "content": "쀱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73625": { - "content": "곟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73626": { - "content": "엘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73627": { - "content": "四", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73628": { - "content": "묂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73629": { - "content": "뇄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73630": { - "content": "㸆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73631": { - "content": "池", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73632": { - "content": "氟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73633": { - "content": "駢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73634": { - "content": "녿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73635": { - "content": "ਫ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73636": { - "content": "艉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73637": { - "content": "죭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73638": { - "content": "摻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73639": { - "content": "쀻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73640": { - "content": "쏭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73641": { - "content": "씎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73642": { - "content": "촄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73643": { - "content": "瀆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73644": { - "content": "З", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73645": { - "content": "뜡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73646": { - "content": "荩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73647": { - "content": "긖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73648": { - "content": "닮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73649": { - "content": "描", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73650": { - "content": "搭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73651": { - "content": "涝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73652": { - "content": "谵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73653": { - "content": "퉷", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73654": { - "content": "귂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73655": { - "content": "쇨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73656": { - "content": "镘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73657": { - "content": "硍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73658": { - "content": "걀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73659": { - "content": "콪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73660": { - "content": "蜣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73661": { - "content": "𠙶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73662": { - "content": "꾣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73663": { - "content": "鎭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73664": { - "content": "튤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73665": { - "content": "뻫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73666": { - "content": "쓵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73667": { - "content": "뫈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73668": { - "content": "쩁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73669": { - "content": "鄰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73670": { - "content": "琐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73671": { - "content": "加", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73672": { - "content": "菹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73673": { - "content": "锞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73674": { - "content": "膳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73675": { - "content": "宅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73676": { - "content": "揾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73677": { - "content": "퉠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73678": { - "content": "桌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73679": { - "content": "∀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73680": { - "content": "쎁", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73681": { - "content": "അ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73682": { - "content": "颙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73683": { - "content": "雹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73684": { - "content": "寺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73685": { - "content": "Ш", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73686": { - "content": "뇭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73687": { - "content": "放", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73688": { - "content": "娈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73689": { - "content": "딶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73690": { - "content": "뷯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73691": { - "content": "턩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73692": { - "content": "툺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73693": { - "content": "갇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73694": { - "content": "癸", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73695": { - "content": "挑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73696": { - "content": "邢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73697": { - "content": "蔌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73698": { - "content": "唑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73699": { - "content": "띬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73700": { - "content": "刬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73701": { - "content": "丞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73702": { - "content": "ಳ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73703": { - "content": "뢉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73704": { - "content": "抟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73705": { - "content": "뇇", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73706": { - "content": "轿", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73707": { - "content": "ﺏ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73708": { - "content": "缋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73709": { - "content": "腓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73710": { - "content": "뫩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73711": { - "content": "멩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73712": { - "content": "끺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73713": { - "content": "Ů", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73714": { - "content": "곋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73715": { - "content": "꿄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73716": { - "content": "驅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73717": { - "content": "鹑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73718": { - "content": "轫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73719": { - "content": "긕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73720": { - "content": "詖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73721": { - "content": "薢", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73722": { - "content": "觌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73723": { - "content": "ञ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73724": { - "content": "డ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73725": { - "content": "굟", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73726": { - "content": "帖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73727": { - "content": "첐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73728": { - "content": "쁝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73729": { - "content": "眠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73730": { - "content": "罾", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73731": { - "content": "坲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73732": { - "content": "殓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73733": { - "content": "铏", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73734": { - "content": "떚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73735": { - "content": "瑪", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73736": { - "content": "폐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73737": { - "content": "컓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73738": { - "content": "쟫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73739": { - "content": "늣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73740": { - "content": "筈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73741": { - "content": "낒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73742": { - "content": "桂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73743": { - "content": "촧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73744": { - "content": "氬", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73745": { - "content": "츰", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73746": { - "content": "滦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73747": { - "content": "焚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73748": { - "content": "鬶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73749": { - "content": "摹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73750": { - "content": "诱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73751": { - "content": "䏲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73752": { - "content": "死", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73753": { - "content": "佑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73754": { - "content": "熠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73755": { - "content": "뙜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73756": { - "content": "꺺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73757": { - "content": "껲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73758": { - "content": "玉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73759": { - "content": "鑒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73760": { - "content": "ۮ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73761": { - "content": "놼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73762": { - "content": "잶", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73763": { - "content": "钮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73764": { - "content": "쁌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73765": { - "content": "佽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73766": { - "content": "쥆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73767": { - "content": "叼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73768": { - "content": "젘", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73769": { - "content": "↑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73770": { - "content": "疣", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73771": { - "content": "盞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73772": { - "content": "뼄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73773": { - "content": "랈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73774": { - "content": "풵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73775": { - "content": "쭽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73776": { - "content": "悼", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73777": { - "content": "썧", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73778": { - "content": "擒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73779": { - "content": "갊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73780": { - "content": "푄", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73781": { - "content": "굯", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73782": { - "content": "췆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73783": { - "content": "滚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73784": { - "content": "戳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73785": { - "content": "材", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73786": { - "content": "髦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73787": { - "content": "뗆", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73788": { - "content": "폂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73789": { - "content": "썺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73790": { - "content": "偽", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73791": { - "content": "界", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73792": { - "content": "更", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73793": { - "content": "耠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73794": { - "content": "琤", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73795": { - "content": "혀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73796": { - "content": "隅", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73797": { - "content": "币", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73798": { - "content": "蓐", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73799": { - "content": "闱", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73800": { - "content": "샳", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73801": { - "content": "뀉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73802": { - "content": "몜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73803": { - "content": "噜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73804": { - "content": "髋", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73805": { - "content": "齊", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73806": { - "content": "赵", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73807": { - "content": "눙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73808": { - "content": "쏜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73809": { - "content": "輜", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73810": { - "content": "탕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73811": { - "content": "滌", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73812": { - "content": "궂", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73813": { - "content": "븗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73814": { - "content": "劭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73815": { - "content": "놛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73816": { - "content": "ų", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73817": { - "content": "쾫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73818": { - "content": "赚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73819": { - "content": "眉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73820": { - "content": "➨", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73821": { - "content": "齑", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73822": { - "content": "뵹", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73823": { - "content": "愛", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73824": { - "content": "𬨎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73825": { - "content": "쨦", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73826": { - "content": "浮", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73827": { - "content": "蒉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73828": { - "content": "굠", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73829": { - "content": "돉", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73830": { - "content": "龀", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73831": { - "content": "۞", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73832": { - "content": "ο", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73833": { - "content": "킕", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73834": { - "content": "똚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73835": { - "content": "쇙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73836": { - "content": "겚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73837": { - "content": "萚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73838": { - "content": "堝", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73839": { - "content": "纺", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73840": { - "content": "둒", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73841": { - "content": "銖", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73842": { - "content": "븲", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73843": { - "content": "態", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73844": { - "content": "𬺥", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73845": { - "content": "滫", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73846": { - "content": "眙", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73847": { - "content": "훈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73848": { - "content": "倡", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73849": { - "content": "퀎", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73850": { - "content": "쑚", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73851": { - "content": "ౌ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73852": { - "content": "傩", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73853": { - "content": "섍", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73854": { - "content": "띻", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73855": { - "content": "鼈", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73856": { - "content": "慭", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73857": { - "content": "갓", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73858": { - "content": "뾗", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73859": { - "content": "\\chemfig{", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73860": { - "content": "\\Chemabove{", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73861": { - "content": "[TMP_2]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73862": { - "content": "[TMP_3]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73863": { - "content": "[TMP_4]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73864": { - "content": "[TMP_5]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73865": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73866": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73867": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73868": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73869": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73870": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73871": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73872": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73873": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73875": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73876": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73877": { - "content": "", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73878": { - "content": "
", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73879": { - "content": "[PAIR_SEP]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73880": { - "content": "[RELATION_SEP]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73881": { - "content": "[TMP_22]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73882": { - "content": "[TMP_23]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73883": { - "content": "[TMP_24]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73884": { - "content": "[TMP_25]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73885": { - "content": "[TMP_26]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73886": { - "content": "[TMP_27]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73887": { - "content": "[TMP_28]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73888": { - "content": "[TMP_29]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73889": { - "content": "[TMP_30]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73890": { - "content": "[TMP_31]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73891": { - "content": "[TMP_32]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73892": { - "content": "[TMP_33]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73893": { - "content": "[TMP_34]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73894": { - "content": "[TMP_35]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73895": { - "content": "[TMP_36]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73896": { - "content": "[TMP_37]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73897": { - "content": "[TMP_38]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73898": { - "content": "[TMP_39]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73899": { - "content": "[TMP_40]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73900": { - "content": "[TMP_41]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73901": { - "content": "[TMP_42]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73902": { - "content": "[TMP_43]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73903": { - "content": "[TMP_44]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73904": { - "content": "[TMP_45]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73905": { - "content": "[TMP_46]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73906": { - "content": "[TMP_47]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73907": { - "content": "[TMP_48]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73908": { - "content": "[TMP_49]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73909": { - "content": "[TMP_50]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73910": { - "content": "[TMP_51]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73911": { - "content": "[TMP_52]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73912": { - "content": "[TMP_53]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73913": { - "content": "[TMP_54]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73914": { - "content": "[TMP_55]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73915": { - "content": "[TMP_56]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73916": { - "content": "[TMP_57]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73917": { - "content": "[TMP_58]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73918": { - "content": "[TMP_59]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73919": { - "content": "[TMP_60]", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - }, - "73920": { - "content": " ", - "lstrip": false, - "normalized": false, - "rstrip": false, - "single_word": false, - "special": true - } - }, - "additional_special_tokens": [ - " " - ], - "bos_token": "", - "clean_up_tokenization_spaces": false, - "eos_token": "", - "extra_special_tokens": {}, - "model_max_length": 1000000000000000019884624838656, - "pad_token": "", - "processor_class": "DonutProcessor", - "tokenizer_class": "PreTrainedTokenizerFast", - "unk_token": "" -} diff --git a/pyproject.toml b/pyproject.toml deleted file mode 100644 index 446077b99c220de10bf252e3de6bfb06ff9b497a..0000000000000000000000000000000000000000 --- a/pyproject.toml +++ /dev/null @@ -1,16 +0,0 @@ -[tool.black] -line-length = 120 -include = '\.pyi?$' -exclude = ''' -/( - \.git - | \.hg - | \.mypy_cache - | \.tox - | \.venv - | _build - | buck-out - | build - | dist -)/ -''' diff --git a/requirements.txt b/requirements.txt deleted file mode 100644 index abe7fbd2dad3c1b2446416da7495c85bd001114d..0000000000000000000000000000000000000000 --- a/requirements.txt +++ /dev/null @@ -1,70 +0,0 @@ -# Requirements for DOLPHIN PDF AI - Local Gemma 3n Version with Voice Chat -# Optimized for powerful GPU deployment with local models and voice functionality - -# Core PyTorch dependencies (updated versions from voice_chat) -torch==2.3.1 -torchvision==0.18.1 -torchaudio==2.3.1 - -# Transformers and HuggingFace ecosystem -transformers>=4.53.0 -huggingface-hub>=0.20.0 -tokenizers>=0.21.0 -accelerate>=0.20.0 -timm>=1.0.16 -bitsandbytes>=0.41.0 -datasets>=2.14.0 -safetensors>=0.3.0 - -# Gradio (using beta version from voice_chat for compatibility) -https://gradio-builds.s3.amazonaws.com/cffe9a7ab7f71e76d7214dc57c6278ffaf5bcdf9/gradio-5.0.0b1-py3-none-any.whl - -# Image processing -Pillow>=10.0.0 -opencv-python>=4.8.0 -numpy>=1.24.0 - -# PDF processing -PyMuPDF>=1.23.0 - -# RAG and embeddings -sentence-transformers>=2.2.0 -scikit-learn>=1.3.0 -faiss-cpu>=1.7.4 - -# Text processing and markdown -markdown>=3.5.0 -python-markdown-math>=0.8 - -# Voice processing dependencies -librosa==0.10.2.post1 -soundfile==0.12.1 -pydub==0.25.1 -onnxruntime==1.19.0 -gtts>=2.3.0 - -# Voice chat specific dependencies -litgpt==0.4.3 -snac==1.2.0 -openai-whisper - -# Web framework dependencies -fastapi==0.112.4 -flask==3.0.3 -streamlit==1.37.1 - -# Utilities -tqdm>=4.66.0 -requests>=2.31.0 -packaging>=23.0 -pyyaml>=6.0 -fire - -# Optional but recommended for better performance -# flash-attn>=2.0.0; platform_system != "Darwin" -# xformers>=0.0.22; platform_system != "Darwin" -# PyAudio==0.2.14 # Commented out as it can cause installation issues - -# Development and debugging -ipython>=8.0.0 -jupyter>=1.0.0 \ No newline at end of file diff --git a/requirements_gemma.txt b/requirements_gemma.txt deleted file mode 100644 index b5d02b0b05fa69bdb7a55778bf2762c841c86241..0000000000000000000000000000000000000000 --- a/requirements_gemma.txt +++ /dev/null @@ -1,18 +0,0 @@ -# Core dependencies -gradio>=4.0.0 -torch>=2.0.0 -transformers>=4.53.0 -numpy>=1.24.0 -Pillow>=9.0.0 - -# PDF processing -PyMuPDF>=1.23.0 - -# RAG dependencies -sentence-transformers>=2.2.0 -scikit-learn>=1.3.0 - -# Additional utilities -accelerate>=0.20.0 -safetensors>=0.3.0 -timm>=0.9.0 \ No newline at end of file diff --git a/requirements_gemma_api.txt b/requirements_gemma_api.txt deleted file mode 100644 index fbd0437e27fb4af5b4f7051bbda8a15c17d0772c..0000000000000000000000000000000000000000 --- a/requirements_gemma_api.txt +++ /dev/null @@ -1,25 +0,0 @@ -# Core dependencies -gradio -numpy -pillow -opencv-python - -# AI/ML dependencies -torch -torchvision -transformers - -# PDF processing -PyMuPDF - -# Markdown processing -markdown - -# RAG dependencies -sentence-transformers -scikit-learn - -# Google Gemini API (minimum version for Gemma 3n support) -google-generativeai - -accelerate \ No newline at end of file diff --git a/requirements_hf_spaces.txt b/requirements_hf_spaces.txt deleted file mode 100644 index 0fefcef2db813cfd10ebbd969d973bf9733bfa6b..0000000000000000000000000000000000000000 --- a/requirements_hf_spaces.txt +++ /dev/null @@ -1,34 +0,0 @@ -# Requirements for HuggingFace Spaces deployment -# Optimized for NVIDIA T4 GPU environment - -# Core dependencies -torch>=2.1.0 -torchvision>=0.16.0 -transformers>=4.47.0 -accelerate>=1.6.0 - -# Image processing -pillow>=9.3.0 -opencv-python-headless>=4.8.0 -numpy>=1.24.0 - -# PDF processing -pymupdf>=1.26.0 - -# Gradio and web interface -gradio>=5.37.0 - -# Text processing and markdown -markdown>=3.0.0 -python-markdown-math>=0.8 -omegaconf>=2.3.0 - -# Model utilities -timm>=0.5.4 - -# RAG and AI dependencies -sentence-transformers>=2.2.0 -scikit-learn>=1.3.0 - -# Google Gemini API -google-generativeai \ No newline at end of file diff --git a/requirements_local_gemma.txt b/requirements_local_gemma.txt deleted file mode 100644 index fc6aaa8f3d2e1bbbc483fb424e1ea1cd4b4099a3..0000000000000000000000000000000000000000 --- a/requirements_local_gemma.txt +++ /dev/null @@ -1,48 +0,0 @@ -# Requirements for DOLPHIN PDF AI - Local Gemma 3n Version -# Optimized for powerful GPU deployment with local models - -# Core dependencies -gradio>=4.0.0 -torch>=2.0.0 -torchvision>=0.15.0 -transformers>=4.53.0 -timm>=1.0.16 -accelerate>=0.20.0 -bitsandbytes>=0.41.0 - -# HuggingFace ecosystem -huggingface-hub>=0.17.0 -tokenizers>=0.15.0 -datasets>=2.14.0 -safetensors>=0.3.0 - -# Image processing -Pillow>=10.0.0 -opencv-python>=4.8.0 -numpy>=1.24.0 - -# PDF processing -PyMuPDF>=1.23.0 - -# RAG and embeddings -sentence-transformers>=2.2.0 -scikit-learn>=1.3.0 -faiss-cpu>=1.7.4 - -# Text processing and markdown -markdown>=3.5.0 -python-markdown-math>=0.8 - -# Utilities -tqdm>=4.66.0 -requests>=2.31.0 -packaging>=23.0 -pyyaml>=6.0 - -# Optional but recommended for better performance -# flash-attn>=2.0.0; platform_system != "Darwin" -# xformers>=0.0.22; platform_system != "Darwin" - -# Development and debugging -ipython>=8.0.0 -jupyter>=1.0.0 \ No newline at end of file diff --git a/requirements_voice_gemma.txt b/requirements_voice_gemma.txt deleted file mode 100644 index abe7fbd2dad3c1b2446416da7495c85bd001114d..0000000000000000000000000000000000000000 --- a/requirements_voice_gemma.txt +++ /dev/null @@ -1,70 +0,0 @@ -# Requirements for DOLPHIN PDF AI - Local Gemma 3n Version with Voice Chat -# Optimized for powerful GPU deployment with local models and voice functionality - -# Core PyTorch dependencies (updated versions from voice_chat) -torch==2.3.1 -torchvision==0.18.1 -torchaudio==2.3.1 - -# Transformers and HuggingFace ecosystem -transformers>=4.53.0 -huggingface-hub>=0.20.0 -tokenizers>=0.21.0 -accelerate>=0.20.0 -timm>=1.0.16 -bitsandbytes>=0.41.0 -datasets>=2.14.0 -safetensors>=0.3.0 - -# Gradio (using beta version from voice_chat for compatibility) -https://gradio-builds.s3.amazonaws.com/cffe9a7ab7f71e76d7214dc57c6278ffaf5bcdf9/gradio-5.0.0b1-py3-none-any.whl - -# Image processing -Pillow>=10.0.0 -opencv-python>=4.8.0 -numpy>=1.24.0 - -# PDF processing -PyMuPDF>=1.23.0 - -# RAG and embeddings -sentence-transformers>=2.2.0 -scikit-learn>=1.3.0 -faiss-cpu>=1.7.4 - -# Text processing and markdown -markdown>=3.5.0 -python-markdown-math>=0.8 - -# Voice processing dependencies -librosa==0.10.2.post1 -soundfile==0.12.1 -pydub==0.25.1 -onnxruntime==1.19.0 -gtts>=2.3.0 - -# Voice chat specific dependencies -litgpt==0.4.3 -snac==1.2.0 -openai-whisper - -# Web framework dependencies -fastapi==0.112.4 -flask==3.0.3 -streamlit==1.37.1 - -# Utilities -tqdm>=4.66.0 -requests>=2.31.0 -packaging>=23.0 -pyyaml>=6.0 -fire - -# Optional but recommended for better performance -# flash-attn>=2.0.0; platform_system != "Darwin" -# xformers>=0.0.22; platform_system != "Darwin" -# PyAudio==0.2.14 # Commented out as it can cause installation issues - -# Development and debugging -ipython>=8.0.0 -jupyter>=1.0.0 \ No newline at end of file diff --git a/utils/__pycache__/markdown_utils.cpython-312.pyc b/utils/__pycache__/markdown_utils.cpython-312.pyc deleted file mode 100644 index 577a98c23fdf0b0870cf71eec4af7be9fe6d6697..0000000000000000000000000000000000000000 Binary files a/utils/__pycache__/markdown_utils.cpython-312.pyc and /dev/null differ diff --git a/utils/__pycache__/utils.cpython-312.pyc b/utils/__pycache__/utils.cpython-312.pyc deleted file mode 100644 index d141a4871e76e47a01ae56e778b5631ba37e39a6..0000000000000000000000000000000000000000 Binary files a/utils/__pycache__/utils.cpython-312.pyc and /dev/null differ diff --git a/utils/markdown_utils.py b/utils/markdown_utils.py deleted file mode 100644 index e57317acb469113698963b4fbebed739d09d0949..0000000000000000000000000000000000000000 --- a/utils/markdown_utils.py +++ /dev/null @@ -1,452 +0,0 @@ -""" -Copyright (c) 2025 Bytedance Ltd. and/or its affiliates -SPDX-License-Identifier: MIT -""" - -import re -import base64 -from typing import List, Dict, Any, Optional - - -""" - Example input: - [ - {"label": "tab", "bbox": [0.176, 0.74, 0.824, 0.82], "text": "
HellaSwagObqaWinoGrandeARC-cARC-eboolqpiqaAvg
OPT-1.3B53.6533.4059.5929.4450.8060.8372.3651.44
Pythia-1.0B47.1631.4053.4327.0548.9957.8369.2148.30
Pythia-1.4B52.0133.2057.3828.5054.0063.2770.9551.33
TinyLlama-1.1B59.2036.0059.1230.1055.2557.8373.2952.99
", "reading_order": 6}, - {"label": "cap", "bbox": [0.28, 0.729, 0.711, 0.74], "text": "Table 2: Zero-shot performance on commonsense reasoning tasks", "reading_order": 7}, - {"label": "para", "bbox": [0.176, 0.848, 0.826, 0.873], "text": "We of performance during training We tracked the accuracy of TinyLlama on common-\nsense reasoning benchmarks during its pre-training, as shown in Fig. 2 . Generally, the performance of", "reading_order": 8}, - {"label": "fnote", "bbox": [0.176, 0.88, 0.824, 0.912], "text": "${ }^{4}$ Due to a bug in the config file, the learning rate did not decrease immediately after warmup and remained at\nthe maximum value for several steps before we fixed this.", "reading_order": 9}, - {"label": "foot", "bbox": [0.496, 0.939, 0.501, 0.95], "text": "14", "reading_order": 10} - ] -""" - - -def extract_table_from_html(html_string): - """Extract and clean table tags from HTML string""" - try: - table_pattern = re.compile(r'.*?', re.DOTALL) - tables = table_pattern.findall(html_string) - tables = [re.sub(r']*>', '', table) for table in tables] - return '\n'.join(tables) - except Exception as e: - print(f"extract_table_from_html error: {str(e)}") - return f"
Error extracting table: {str(e)}
" - - -class MarkdownConverter: - """Convert structured recognition results to Markdown format""" - - def __init__(self): - # Define heading levels for different section types - self.heading_levels = { - 'title': '#', - 'sec': '##', - 'sub_sec': '###' - } - - # Define which labels need special handling - self.special_labels = { - 'tab', 'fig', 'title', 'sec', 'sub_sec', - 'list', 'formula', 'reference', 'alg' - } - - def try_remove_newline(self, text: str) -> str: - try: - # Preprocess text to handle line breaks - text = text.strip() - text = text.replace('-\n', '') - - # Handle Chinese text line breaks - def is_chinese(char): - return '\u4e00' <= char <= '\u9fff' - - lines = text.split('\n') - processed_lines = [] - - # Process all lines except the last one - for i in range(len(lines)-1): - current_line = lines[i].strip() - next_line = lines[i+1].strip() - - # Always add the current line, but determine if we need a newline - if current_line: # If current line is not empty - if next_line: # If next line is not empty - # For Chinese text handling - if is_chinese(current_line[-1]) and is_chinese(next_line[0]): - processed_lines.append(current_line) - else: - processed_lines.append(current_line + ' ') - else: - # Next line is empty, add current line with newline - processed_lines.append(current_line + '\n') - else: - # Current line is empty, add an empty line - processed_lines.append('\n') - - # Add the last line - if lines and lines[-1].strip(): - processed_lines.append(lines[-1].strip()) - - text = ''.join(processed_lines) - - return text - except Exception as e: - print(f"try_remove_newline error: {str(e)}") - return text # Return original text on error - - def _handle_text(self, text: str) -> str: - """ - Process regular text content, preserving paragraph structure - """ - try: - if not text: - return "" - - if text.strip().startswith("\\begin{array}") and text.strip().endswith("\\end{array}"): - text = "$$" + text + "$$" - elif ("_{" in text or "^{" in text or "\\" in text or "_ {" in text or "^ {" in text) and ("$" not in text) and ("\\begin" not in text): - text = "$" + text + "$" - - # Process formulas in text before handling other text processing - text = self._process_formulas_in_text(text) - - text = self.try_remove_newline(text) - - # Return processed text - return text - except Exception as e: - print(f"_handle_text error: {str(e)}") - return text # Return original text on error - - def _process_formulas_in_text(self, text: str) -> str: - """ - Process mathematical formulas in text by iteratively finding and replacing formulas. - - Identify inline and block formulas - - Replace newlines within formulas with \\ - """ - try: - # Define formula delimiters and their corresponding patterns - delimiters = [ - ('$$', '$$'), # Block formula with $$ - ('\\[', '\\]'), # Block formula with \[ \] - ('$', '$'), # Inline formula with $ - ('\\(', '\\)') # Inline formula with \( \) - ] - - # Process the text by iterating through each delimiter type - result = text - - for start_delim, end_delim in delimiters: - # Create a pattern that matches from start to end delimiter - # Using a custom approach to avoid issues with nested delimiters - current_pos = 0 - processed_parts = [] - - while current_pos < len(result): - # Find the next start delimiter - start_pos = result.find(start_delim, current_pos) - if start_pos == -1: - # No more formulas of this type - processed_parts.append(result[current_pos:]) - break - - # Add text before the formula - processed_parts.append(result[current_pos:start_pos]) - - # Find the matching end delimiter - end_pos = result.find(end_delim, start_pos + len(start_delim)) - if end_pos == -1: - # No matching end delimiter, treat as regular text - processed_parts.append(result[start_pos:]) - break - - # Extract the formula content (without delimiters) - formula_content = result[start_pos + len(start_delim):end_pos] - - # Process the formula content - replace newlines with \\ - processed_formula = formula_content.replace('\n', ' \\\\ ') - - # Add the processed formula with its delimiters - processed_parts.append(f"{start_delim}{processed_formula}{end_delim}") - - # Move past this formula - current_pos = end_pos + len(end_delim) - - # Update the result with processed text - result = ''.join(processed_parts) - return result - except Exception as e: - print(f"_process_formulas_in_text error: {str(e)}") - return text # Return original text on error - - def _remove_newline_in_heading(self, text: str) -> str: - """ - Remove newline in heading - """ - try: - # Handle Chinese text line breaks - def is_chinese(char): - return '\u4e00' <= char <= '\u9fff' - - # Check if the text contains Chinese characters - if any(is_chinese(char) for char in text): - return text.replace('\n', '') - else: - return text.replace('\n', ' ') - - except Exception as e: - print(f"_remove_newline_in_heading error: {str(e)}") - return text - - def _handle_heading(self, text: str, label: str) -> str: - """ - Convert section headings to appropriate markdown format - """ - try: - level = self.heading_levels.get(label, '#') - text = text.strip() - text = self._remove_newline_in_heading(text) - text = self._handle_text(text) - return f"{level} {text}\n\n" - except Exception as e: - print(f"_handle_heading error: {str(e)}") - return f"# Error processing heading: {text}\n\n" - - def _handle_list_item(self, text: str) -> str: - """ - Convert list items to markdown list format - """ - try: - return f"- {text.strip()}\n" - except Exception as e: - print(f"_handle_list_item error: {str(e)}") - return f"- Error processing list item: {text}\n" - - def _handle_figure(self, text: str, section_count: int) -> str: - """ - Handle figure content - """ - try: - # Check if it's a file path starting with "figures/" - if text.startswith("figures/"): - # Convert to relative path from markdown directory to figures directory - relative_path = f"../{text}" - return f"![Figure {section_count}]({relative_path})\n\n" - - # Check if it's already a markdown format image link - if text.startswith("!["): - # Already in markdown format, return directly - return f"{text}\n\n" - - # If it's still base64 format, maintain original logic - if text.startswith("data:image/"): - return f"![Figure {section_count}]({text})\n\n" - elif ";" in text and "," in text: - return f"![Figure {section_count}]({text})\n\n" - else: - # Assume it's raw base64, convert to data URI - img_format = "png" - data_uri = f"data:image/{img_format};base64,{text}" - return f"![Figure {section_count}]({data_uri})\n\n" - - except Exception as e: - print(f"_handle_figure error: {str(e)}") - return f"*[Error processing figure: {str(e)}]*\n\n" - - def _handle_table(self, text: str) -> str: - """ - Convert table content to markdown format - """ - try: - markdown_content = [] - if ' str: - """ - Process algorithm blocks with proper formatting - """ - try: - # Remove algorithm environment tags if present - text = re.sub(r'\\begin\{algorithm\}(.*?)\\end\{algorithm\}', r'\1', text, flags=re.DOTALL) - text = text.replace('\\begin{algorithm}', '').replace('\\end{algorithm}', '') - text = text.replace('\\begin{algorithmic}', '').replace('\\end{algorithmic}', '') - - # Process the algorithm text - lines = text.strip().split('\n') - - # Check if there's a caption or label - caption = "" - algorithm_text = [] - - for line in lines: - if '\\caption' in line: - # Extract caption text - caption_match = re.search(r'\\caption\{(.*?)\}', line) - if caption_match: - caption = f"**{caption_match.group(1)}**\n\n" - continue - elif '\\label' in line: - continue # Skip label lines - else: - algorithm_text.append(line) - - # Join the algorithm text and wrap in code block - formatted_text = '\n'.join(algorithm_text) - - # Return the formatted algorithm with caption - return f"{caption}```\n{formatted_text}\n```\n\n" - except Exception as e: - print(f"_handle_algorithm error: {str(e)}") - return f"*[Error processing algorithm: {str(e)}]*\n\n{text}\n\n" - - def _handle_formula(self, text: str) -> str: - """ - Handle formula-specific content - """ - try: - # Process the formula content - processed_text = self._process_formulas_in_text(text) - - # For formula blocks, ensure they're properly formatted in markdown - if '$$' not in processed_text and '\\[' not in processed_text: - # If no block formula delimiters are present, wrap in $$ for block formula - processed_text = f'$${processed_text}$$' - - return f"{processed_text}\n\n" - except Exception as e: - print(f"_handle_formula error: {str(e)}") - return f"*[Error processing formula: {str(e)}]*\n\n" - - def convert(self, recognition_results: List[Dict[str, Any]]) -> str: - """ - Convert recognition results to markdown format - """ - try: - markdown_content = [] - - for section_count, result in enumerate(recognition_results): - try: - label = result.get('label', '') - text = result.get('text', '').strip() - - # Skip empty text - if not text: - continue - - # Handle different content types - if label in {'title', 'sec', 'sub_sec'}: - markdown_content.append(self._handle_heading(text, label)) - elif label == 'list': - markdown_content.append(self._handle_list_item(text)) - elif label == 'fig': - markdown_content.append(self._handle_figure(text, section_count)) - elif label == 'tab': - markdown_content.append(self._handle_table(text)) - elif label == 'alg': - markdown_content.append(self._handle_algorithm(text)) - elif label == 'formula': - markdown_content.append(self._handle_formula(text)) - elif label not in self.special_labels: - # Handle regular text (paragraphs, etc.) - processed_text = self._handle_text(text) - markdown_content.append(f"{processed_text}\n\n") - except Exception as e: - print(f"Error processing item {section_count}: {str(e)}") - # Add a placeholder for the failed item - markdown_content.append(f"*[Error processing content]*\n\n") - - # Join all content and apply post-processing - result = ''.join(markdown_content) - return self._post_process(result) - except Exception as e: - print(f"convert error: {str(e)}") - return f"Error generating markdown content: {str(e)}" - - def _post_process(self, markdown_content: str) -> str: - """ - Apply post-processing fixes to the generated markdown content - """ - try: - # Handle author information - author_pattern = re.compile(r'\\author\{(.*?)\}', re.DOTALL) - - def process_author_match(match): - # Extract author content - author_content = match.group(1) - # Process the author content - return self._handle_text(author_content) - - # Replace \author{...} with processed content - markdown_content = author_pattern.sub(process_author_match, markdown_content) - - # Handle special case where author is inside math environment - math_author_pattern = re.compile(r'\$(\\author\{.*?\})\$', re.DOTALL) - match = math_author_pattern.search(markdown_content) - if match: - # Extract the author command - author_cmd = match.group(1) - # Extract content from author command - author_content_match = re.search(r'\\author\{(.*?)\}', author_cmd, re.DOTALL) - if author_content_match: - # Get author content and process it - author_content = author_content_match.group(1) - processed_content = self._handle_text(author_content) - # Replace the entire $\author{...}$ block with processed content - markdown_content = markdown_content.replace(match.group(0), processed_content) - - # Replace LaTeX abstract environment with plain text - markdown_content = re.sub(r'\\begin\{abstract\}(.*?)\\end\{abstract\}', - r'**Abstract** \1', - markdown_content, - flags=re.DOTALL) - - # Replace standalone \begin{abstract} (without matching end) - markdown_content = re.sub(r'\\begin\{abstract\}', - r'**Abstract**', - markdown_content) - - # Replace LaTeX equation numbers with tag format, handling cases with extra backslashes - markdown_content = re.sub(r'\\eqno\{\((.*?)\)\}', - r'\\tag{\1}', - markdown_content) - - # Find the starting tag of the formula - markdown_content = markdown_content.replace("\[ \\\\", "$$ \\\\") - - # Find the ending tag of the formula (ensure this is the only ending tag) - markdown_content = markdown_content.replace("\\\\ \]", "\\\\ $$") - - # Fix other common LaTeX issues - replacements = [ - # Fix spacing issues in subscripts and superscripts - (r'_ {', r'_{'), - (r'^ {', r'^{'), - - # Fix potential issues with multiple consecutive newlines - (r'\n{3,}', r'\n\n') - ] - - for old, new in replacements: - markdown_content = re.sub(old, new, markdown_content) - - return markdown_content - except Exception as e: - print(f"_post_process error: {str(e)}") - return markdown_content # Return original content if post-processing fails diff --git a/utils/model.py b/utils/model.py deleted file mode 100644 index 3b6d79fef348649ad2456e57c115f7be328cbc8c..0000000000000000000000000000000000000000 --- a/utils/model.py +++ /dev/null @@ -1,477 +0,0 @@ -""" -Copyright (c) 2022-present NAVER Corp. -Copyright (c) 2025 Bytedance Ltd. and/or its affiliates. -MIT License -This file has been modified by [ByteDance Ltd. and/or its affiliates] on 20250118. -The original file available at https://github.com/clovaai/donut/blob/master/donut/model.py was released under the MIT license. -This modified file is released under the same license. -""" - -import logging -from collections import defaultdict -from typing import List, Optional - -import torch -import torch.nn.functional as F -from PIL import Image -from timm.models.swin_transformer import SwinTransformer -from torch import nn -from transformers import ( - MBartConfig, - MBartForCausalLM, - StoppingCriteria, - StoppingCriteriaList, -) -from transformers.file_utils import ModelOutput -from transformers.modeling_utils import PretrainedConfig, PreTrainedModel - - -class SwinEncoder(nn.Module): - r""" - Encoder based on SwinTransformer - Set the initial weights and configuration with a pretrained SwinTransformer and then - modify the detailed configurations - - Args: - input_size: Input image size (width, height) - align_long_axis: Whether to rotate image if height is greater than width - window_size: Window size(=patch size) of SwinTransformer - encoder_layer: Number of layers of SwinTransformer encoder - name_or_path: Name of a pretrained model name either registered in huggingface.co. or saved in local. - otherwise, `swin_base_patch4_window12_384` will be set (using `timm`). - """ - - def __init__( - self, - input_size, - align_long_axis: bool = False, - window_size: int = 7, - encoder_layer: List[int] = [2, 2, 14, 2], - patch_size: int = [4, 4], - embed_dim: int = 128, - num_heads: List[int] = [4, 8, 16, 32], - ): - super().__init__() - if isinstance(input_size, int): - input_size = [input_size, input_size] - self.input_size = input_size - self.align_long_axis = align_long_axis - self.window_size = window_size - self.encoder_layer = encoder_layer - self.patch_size = patch_size - self.embed_dim = embed_dim - self.num_heads = num_heads - - self.model = SwinTransformer( - img_size=self.input_size, - depths=self.encoder_layer, - window_size=self.window_size, - patch_size=self.patch_size, - embed_dim=self.embed_dim, - num_heads=self.num_heads, - num_classes=0, - ) - - def forward(self, x: torch.Tensor, text_embedding: Optional[torch.Tensor] = None) -> torch.Tensor: - """ - Args: - x: (batch_size, num_channels, height, width) - """ - x = self.model.patch_embed(x) - x = self.model.pos_drop(x) - x = self.model.layers(x) - return x - - -class LayerNorm(nn.LayerNorm): - """Subclass torch's LayerNorm to handle fp16.""" - - def _set_dtype(self, dtype): - self._dtype = dtype - - def forward(self, x: torch.Tensor): - orig_type = x.dtype - ret = super().forward(x.type(dtype=self._dtype)) - return ret.type(orig_type) - - -class BARTDecoder(nn.Module): - """ - Decoder based on Multilingual BART - Set the initial weights and configuration with a pretrained multilingual BART model, - and modify the detailed configurations as a Donut decoder - - Args: - decoder_layer: - Number of layers of BARTDecoder - max_position_embeddings: - The maximum sequence length to be trained - name_or_path: - Name of a pretrained model name either registered in huggingface.co. or saved in local, - otherwise, `facebook/mbart-large-50` will be set (using `transformers`) - """ - - def __init__( - self, - tokenizer, - decoder_layer: int, - max_position_embeddings: int, - hidden_dimension: int = 1024, - **kwargs, - ): - super().__init__() - self.decoder_layer = decoder_layer - self.max_position_embeddings = max_position_embeddings - self.hidden_dimension = hidden_dimension - - self.tokenizer = tokenizer - - self.model = MBartForCausalLM( - config=MBartConfig( - tie_word_embeddings=True, - is_decoder=True, - is_encoder_decoder=False, - add_cross_attention=True, - decoder_layers=self.decoder_layer, - max_position_embeddings=self.max_position_embeddings, - vocab_size=len(self.tokenizer), - scale_embedding=True, - add_final_layer_norm=True, - d_model=self.hidden_dimension, - ) - ) - # self.model.config.is_encoder_decoder = True # to get cross-attention - self.model.model.decoder.embed_tokens.padding_idx = self.tokenizer.pad_token_id - self.model.prepare_inputs_for_generation = self.prepare_inputs_for_inference - - def add_special_tokens(self, list_of_tokens: List[str]): - """ - Add special tokens to tokenizer and resize the token embeddings - """ - newly_added_num = self.tokenizer.add_special_tokens({"additional_special_tokens": sorted(set(list_of_tokens))}) - if newly_added_num > 0: - self.model.resize_token_embeddings(len(self.tokenizer)) - - def add_tokens(self, list_of_tokens: List[str]): - """ - Add special tokens to tokenizer and resize the token embeddings - """ - newly_added_num = self.tokenizer.add_tokens(sorted(set(list_of_tokens))) - if newly_added_num > 0: - self.model.resize_token_embeddings(len(self.tokenizer)) - - def prepare_inputs_for_inference( - self, - input_ids: torch.Tensor, - encoder_outputs: torch.Tensor, - past=None, - past_key_values=None, - use_cache: bool = None, - attention_mask: torch.Tensor = None, - **kwargs, - ): - """ - Args: - input_ids: (batch_size, sequence_length) - - Returns: - input_ids: (batch_size, sequence_length) - attention_mask: (batch_size, sequence_length) - encoder_hidden_states: (batch_size, sequence_length, embedding_dim) - """ - attention_mask = input_ids.ne(self.tokenizer.pad_token_id).long() - past = past or past_key_values - if past is not None: - input_ids = input_ids[:, -1:] - output = { - "input_ids": input_ids, - "attention_mask": attention_mask, - "past_key_values": past, - "use_cache": use_cache, - "encoder_hidden_states": encoder_outputs.last_hidden_state, - } - return output - - def forward( - self, - input_ids: torch.LongTensor = None, - attention_mask: Optional[torch.Tensor] = None, - encoder_hidden_states: Optional[torch.Tensor] = None, - past_key_values: Optional[torch.Tensor] = None, - inputs_embeds: Optional[torch.FloatTensor] = None, - labels: Optional[torch.Tensor] = None, - use_cache: bool = None, - output_attentions: Optional[torch.Tensor] = None, - output_hidden_states: Optional[torch.Tensor] = None, - return_dict: bool = None, - ): - return self.model.forward( - input_ids=input_ids, - attention_mask=attention_mask, - labels=labels, - encoder_hidden_states=encoder_hidden_states, - past_key_values=past_key_values, - inputs_embeds=inputs_embeds, - use_cache=use_cache, - output_attentions=output_attentions, - output_hidden_states=output_hidden_states, - return_dict=return_dict, - ) - - @staticmethod - def resize_bart_abs_pos_emb(weight: torch.Tensor, max_length: int) -> torch.Tensor: - """ - Resize position embeddings - Truncate if sequence length of MBart backbone is greater than given max_length, - else interpolate to max_length - """ - if weight.shape[0] > max_length: - weight = weight[:max_length, ...] - else: - weight = ( - F.interpolate( - weight.permute(1, 0).unsqueeze(0), - size=max_length, - mode="linear", - align_corners=False, - ) - .squeeze(0) - .permute(1, 0) - ) - return weight - - -class DonutConfig(PretrainedConfig): - - def __init__( - self, - decoder_layer: int = 10, - max_position_embeddings: int = None, - max_length: int = 4096, - hidden_dimension: int = 1024, - **kwargs, - ): - super().__init__() - self.decoder_layer = decoder_layer - self.max_position_embeddings = max_length if max_position_embeddings is None else max_position_embeddings - self.max_length = max_length - self.hidden_dimension = hidden_dimension - - -class RunningVarTorch: - def __init__(self, L=15, norm=False): - self.values = None - self.L = L - self.norm = norm - - def push(self, x: torch.Tensor): - assert x.dim() == 1 - if self.values is None: - self.values = x[:, None] - elif self.values.shape[1] < self.L: - self.values = torch.cat((self.values, x[:, None]), 1) - else: - self.values = torch.cat((self.values[:, 1:], x[:, None]), 1) - - def variance(self): - if self.values is None: - return - if self.norm: - return torch.var(self.values, 1) / self.values.shape[1] - else: - return torch.var(self.values, 1) - - -class StoppingCriteriaScores(StoppingCriteria): - def __init__(self, threshold: float = 0.015, window_size: int = 200): - super().__init__() - self.threshold = threshold - self.vars = RunningVarTorch(norm=True) - self.varvars = RunningVarTorch(L=window_size) - self.stop_inds = defaultdict(int) - self.stopped = defaultdict(bool) - self.size = 0 - self.window_size = window_size - - @torch.no_grad() - def __call__(self, input_ids: torch.LongTensor, scores: torch.FloatTensor): - last_scores = scores[-1] - self.vars.push(last_scores.max(1)[0].float().cpu()) - self.varvars.push(self.vars.variance()) - self.size += 1 - if self.size < self.window_size: - return False - - varvar = self.varvars.variance() - for b in range(len(last_scores)): - if varvar[b] < self.threshold: - if self.stop_inds[b] > 0 and not self.stopped[b]: - self.stopped[b] = self.stop_inds[b] >= self.size - else: - self.stop_inds[b] = int(min(max(self.size, 1) * 1.15 + 150 + self.window_size, 4095)) - else: - self.stop_inds[b] = 0 - self.stopped[b] = False - return all(self.stopped.values()) and len(self.stopped) > 0 - - -def batch(l, b=15): - subs = [] - for i in range(len(l) - b): - subs.append(l[i : i + b]) - return subs - - -def subdiv(l, b=10): - subs = [] - for i in range(len(l) - b): - subs.append(l[: i + b]) - return subs - - -class DonutModel(PreTrainedModel): - config_class = DonutConfig - base_model_prefix = "donut" - - def __init__(self, config: DonutConfig, vision_tower=None, tokenizer=None): - super().__init__(config) - self.config = config - - self.tokenizer = tokenizer - self.vpm = vision_tower - - # build language model - self.llm = BARTDecoder( - tokenizer=tokenizer, - decoder_layer=self.config.decoder_layer, - max_position_embeddings=self.config.max_position_embeddings, - hidden_dimension=self.config.hidden_dimension, - ) - self.ids_to_tokens = {id: content for content, id in self.llm.tokenizer.vocab.items()} - - def get_input_embeddings(self, tensor): - return self.llm.model.get_input_embeddings()(tensor) - - def forward( - self, - inputs: dict, - ): - image_tensors = inputs["pixel_values"] - input_ids = inputs["input_ids"].contiguous() - attention_mask = inputs["attention_mask"] - labels = inputs["labels"].contiguous() - - encoder_outputs = self.vpm( - image_tensors, - text_embedding=self.llm.model.get_input_embeddings()(input_ids), - ) - - decoder_outputs = self.llm( - input_ids=input_ids, - encoder_hidden_states=encoder_outputs, - attention_mask=attention_mask, - labels=labels, - ) - return decoder_outputs - - def get_hidden_states_during_inference( - self, - prompt_ids: torch.Tensor, - image: Image.Image = None, - image_tensors: Optional[torch.Tensor] = None, - ): - if image_tensors is None: - image_tensors = self.vpm.prepare_input(image).unsqueeze(0) - - if self.device.type != "mps": - image_tensors = image_tensors.to(next(self.parameters()).dtype) - - image_tensors = image_tensors.to(self.device) - prompt_ids = prompt_ids.to(self.device) - all_hidden_states = self.vpm.forward_features( - image_tensors, text_embedding=self.get_input_embeddings(prompt_ids) - ) - return all_hidden_states - - def get_attn_weights_during_inference( - self, - prompt_ids: torch.Tensor, - image: Image.Image = None, - image_tensors: Optional[torch.Tensor] = None, - ): - if image_tensors is None: - image_tensors = self.vpm.prepare_input(image).unsqueeze(0) - - if self.device.type != "mps": - image_tensors = image_tensors.to(next(self.parameters()).dtype) - - image_tensors = image_tensors.to(self.device) - prompt_ids = prompt_ids.to(self.device) - last_attn_score = self.vpm.get_last_layer_cross_attn_score( - image_tensors, text_embedding=self.get_input_embeddings(prompt_ids) - ) - return last_attn_score - - def inference( - self, - prompt_ids: torch.Tensor, - image: Image.Image = None, - image_tensors: Optional[torch.Tensor] = None, - return_attentions: bool = False, - early_stopping: bool = True, - ): - """ - Generate a token sequence in an auto-regressive manner. - - Args: - image: input document image (PIL.Image) - image_tensors: (1, num_channels, height, width) - convert prompt to tensor if image_tensor is not fed - """ - output = { - "predictions": list(), - "sequences": list(), - "repeats": list(), - "repetitions": list(), - } - if image is None and image_tensors is None: - logging.warn("Image not found") - return output - - if image_tensors is None: - image_tensors = self.vpm.prepare_input(image).unsqueeze(0) - - if self.device.type != "mps": - image_tensors = image_tensors.to(next(self.parameters()).dtype) - - image_tensors = image_tensors.to(self.device) - prompt_ids = prompt_ids.to(self.device) - last_hidden_state = self.vpm(image_tensors, text_embedding=self.get_input_embeddings(prompt_ids)) - - encoder_outputs = ModelOutput(last_hidden_state=last_hidden_state, attentions=None) - if len(encoder_outputs.last_hidden_state.size()) == 1: - encoder_outputs.last_hidden_state = encoder_outputs.last_hidden_state.unsqueeze(0) - - # get decoder output - decoder_output = self.llm.model.generate( - input_ids=prompt_ids, - encoder_outputs=encoder_outputs, - min_length=1, - max_length=self.config.max_length, - pad_token_id=self.llm.tokenizer.pad_token_id, - eos_token_id=self.llm.tokenizer.eos_token_id, - use_cache=True, - return_dict_in_generate=True, - output_scores=True, - output_attentions=return_attentions, - do_sample=False, - num_beams=1, - stopping_criteria=StoppingCriteriaList([StoppingCriteriaScores()] if early_stopping else []), - ) - - output["repetitions"] = decoder_output.sequences.clone() - output["sequences"] = decoder_output.sequences.clone() - output["scores"] = torch.stack(decoder_output.scores, 1).softmax(-1).cpu().max(-1)[0] - - output["repetitions"] = self.llm.tokenizer.batch_decode(output["repetitions"], skip_special_tokens=False) - return output diff --git a/utils/processor.py b/utils/processor.py deleted file mode 100644 index 3f96b68dcc898b7a20c2216bc7d646c49418ec61..0000000000000000000000000000000000000000 --- a/utils/processor.py +++ /dev/null @@ -1,71 +0,0 @@ -""" -Copyright (c) 2025 Bytedance Ltd. and/or its affiliates -SPDX-License-Identifier: MIT -""" - -import numpy as np -import torch -from PIL import ImageOps -from torchvision import transforms -from torchvision.transforms.functional import resize - -IMAGENET_DEFAULT_MEAN = (0.485, 0.456, 0.406) -IMAGENET_DEFAULT_STD = (0.229, 0.224, 0.225) - - -class DolphinProcessor: - def __init__( - self, - dp_config, - tokenizer, - **kwargs, - ) -> None: - - self.tokenizer = tokenizer - transform_args = kwargs.get("transform_args", {}) - self.max_length = transform_args.get("max_length", 2048) - self.input_size = transform_args.get("input_size", [896, 896]) # height, width - if isinstance(self.input_size, int): - self.input_size = [self.input_size, self.input_size] - - try: - self.answer_start_token = self.tokenizer._prompt_end_token - except AttributeError as err: - print('No answer_start_token found, use "" instead') - self.answer_start_token = "" - - self.prefix_answer_space_flag = dp_config.get("prefix_answer_space_flag", True) - self.suffix_prompt_space_flag = dp_config.get("suffix_prompt_space_flag", True) - - self.transform = transforms.Compose( - [transforms.ToTensor(), transforms.Normalize(mean=IMAGENET_DEFAULT_MEAN, std=IMAGENET_DEFAULT_STD)] - ) - - def process_prompt_for_inference(self, prompt): - prompt = prompt.replace("\n", "") - if not prompt.startswith(""): - prompt = "" + prompt - message_ids = [self.tokenizer.encode(prompt, add_special_tokens=False)] - ids = torch.from_numpy(np.hstack(message_ids, dtype=np.int32)) - return ids.unsqueeze(0) - - def process_image_for_inference(self, image, return_img_size=False): - image = resize(image, min(self.input_size)) - - image.thumbnail((self.input_size[1], self.input_size[0])) - origin_w, origin_h = image.size - - delta_width = self.input_size[1] - image.width - delta_height = self.input_size[0] - image.height - pad_width = delta_width // 2 - pad_height = delta_height // 2 - padding = ( - pad_width, - pad_height, - delta_width - pad_width, - delta_height - pad_height, - ) - image = ImageOps.expand(image, padding) - if return_img_size: - return self.transform(image).unsqueeze(0), (origin_w, origin_h) - return self.transform(image).unsqueeze(0) diff --git a/utils/utils.py b/utils/utils.py deleted file mode 100644 index 999a877d2ed786aa8d865afdd83eee35f382951c..0000000000000000000000000000000000000000 --- a/utils/utils.py +++ /dev/null @@ -1,480 +0,0 @@ -""" -Copyright (c) 2025 Bytedance Ltd. and/or its affiliates -SPDX-License-Identifier: MIT -""" - -import copy -import io -import json -import os -import re -from dataclasses import dataclass -from typing import List, Tuple - -import cv2 -import numpy as np -import pymupdf -from PIL import Image - -from utils.markdown_utils import MarkdownConverter - - -def save_figure_to_local(pil_crop, save_dir, image_name, reading_order): - """Save cropped figure to local file system - - Args: - pil_crop: PIL Image object of the cropped figure - save_dir: Base directory to save results - image_name: Name of the source image/document - reading_order: Reading order of the figure in the document - - Returns: - str: Filename of the saved figure - """ - try: - # Create figures directory if it doesn't exist - figures_dir = os.path.join(save_dir, "markdown", "figures") - # os.makedirs(figures_dir, exist_ok=True) - - # Generate figure filename - figure_filename = f"{image_name}_figure_{reading_order:03d}.png" - figure_path = os.path.join(figures_dir, figure_filename) - - # Save the figure - pil_crop.save(figure_path, format="PNG", quality=95) - - # print(f"Saved figure: {figure_filename}") - return figure_filename - - except Exception as e: - print(f"Error saving figure: {str(e)}") - # Return a fallback filename - return f"{image_name}_figure_{reading_order:03d}_error.png" - - -def convert_pdf_to_images(pdf_path, target_size=896): - """Convert PDF pages to images - - Args: - pdf_path: Path to PDF file - target_size: Target size for the longest dimension - - Returns: - List of PIL Images - """ - images = [] - try: - doc = pymupdf.open(pdf_path) - - for page_num in range(len(doc)): - page = doc[page_num] - - # Calculate scale to make longest dimension equal to target_size - rect = page.rect - scale = target_size / max(rect.width, rect.height) - - # Render page as image - mat = pymupdf.Matrix(scale, scale) - pix = page.get_pixmap(matrix=mat) - - # Convert to PIL Image - img_data = pix.tobytes("png") - pil_image = Image.open(io.BytesIO(img_data)) - images.append(pil_image) - - doc.close() - print(f"Successfully converted {len(images)} pages from PDF") - return images - - except Exception as e: - print(f"Error converting PDF to images: {str(e)}") - return [] - - -def is_pdf_file(file_path): - """Check if file is a PDF""" - return file_path.lower().endswith(".pdf") - - -def save_combined_pdf_results(all_page_results, pdf_path, save_dir): - """Save combined results for multi-page PDF with both JSON and Markdown - - Args: - all_page_results: List of results for all pages - pdf_path: Path to original PDF file - save_dir: Directory to save results - - Returns: - Path to saved combined JSON file - """ - # Create output filename based on PDF name - base_name = os.path.splitext(os.path.basename(pdf_path))[0] - - # Prepare combined results - combined_results = {"source_file": pdf_path, "total_pages": len(all_page_results), "pages": all_page_results} - - # Save combined JSON results - json_filename = f"{base_name}.json" - json_path = os.path.join(save_dir, "recognition_json", json_filename) - os.makedirs(os.path.dirname(json_path), exist_ok=True) - - with open(json_path, "w", encoding="utf-8") as f: - json.dump(combined_results, f, indent=2, ensure_ascii=False) - - # Generate and save combined markdown - try: - markdown_converter = MarkdownConverter() - - # Combine all page results into a single list for markdown conversion - all_elements = [] - for page_data in all_page_results: - page_elements = page_data.get("elements", []) - if page_elements: - # Add page separator if not the first page - if all_elements: - all_elements.append( - {"label": "page_separator", "text": f"\n\n---\n\n", "reading_order": len(all_elements)} - ) - all_elements.extend(page_elements) - - # Generate markdown content - markdown_content = markdown_converter.convert(all_elements) - - # Save markdown file - markdown_filename = f"{base_name}.md" - markdown_path = os.path.join(save_dir, "markdown", markdown_filename) - os.makedirs(os.path.dirname(markdown_path), exist_ok=True) - - with open(markdown_path, "w", encoding="utf-8") as f: - f.write(markdown_content) - - # print(f"Combined markdown saved to: {markdown_path}") - - except ImportError: - print("MarkdownConverter not available, skipping markdown generation") - except Exception as e: - print(f"Error generating markdown: {e}") - - # print(f"Combined JSON results saved to: {json_path}") - return json_path - - -def check_coord_valid(x1, y1, x2, y2, image_size=None, abs_coord=True): - # print(f"check_coord_valid: {x1}, {y1}, {x2}, {y2}, {image_size}, {abs_coord}") - if x2 <= x1 or y2 <= y1: - return False, f"[{x1}, {y1}, {x2}, {y2}]" - if x1 < 0 or y1 < 0: - return False, f"[{x1}, {y1}, {x2}, {y2}]" - if not abs_coord: - if x2 > 1 or y2 > 1: - return False, f"[{x1}, {y1}, {x2}, {y2}]" - elif image_size is not None: # has image size - if x2 > image_size[0] or y2 > image_size[1]: - return False, f"[{x1}, {y1}, {x2}, {y2}]" - return True, None - - -def adjust_box_edges(image, boxes: List[List[float]], max_pixels=15, threshold=0.2): - """ - Image: cv2.image object, or Path - Input: boxes: list of boxes [[x1, y1, x2, y2]]. Using absolute coordinates. - """ - if isinstance(image, str): - image = cv2.imread(image) - img_h, img_w = image.shape[:2] - new_boxes = [] - for box in boxes: - best_box = copy.deepcopy(box) - - def check_edge(img, current_box, i, is_vertical): - edge = current_box[i] - gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) - _, binary = cv2.threshold(gray, 0, 255, cv2.THRESH_BINARY_INV + cv2.THRESH_OTSU) - - if is_vertical: - line = binary[current_box[1] : current_box[3] + 1, edge] - else: - line = binary[edge, current_box[0] : current_box[2] + 1] - - transitions = np.abs(np.diff(line)) - return np.sum(transitions) / len(transitions) - - # Only widen the box - edges = [(0, -1, True), (2, 1, True), (1, -1, False), (3, 1, False)] - - current_box = copy.deepcopy(box) - # make sure the box is within the image - current_box[0] = min(max(current_box[0], 0), img_w - 1) - current_box[1] = min(max(current_box[1], 0), img_h - 1) - current_box[2] = min(max(current_box[2], 0), img_w - 1) - current_box[3] = min(max(current_box[3], 0), img_h - 1) - - for i, direction, is_vertical in edges: - best_score = check_edge(image, current_box, i, is_vertical) - if best_score <= threshold: - continue - for step in range(max_pixels): - current_box[i] += direction - if i == 0 or i == 2: - current_box[i] = min(max(current_box[i], 0), img_w - 1) - else: - current_box[i] = min(max(current_box[i], 0), img_h - 1) - score = check_edge(image, current_box, i, is_vertical) - - if score < best_score: - best_score = score - best_box = copy.deepcopy(current_box) - - if score <= threshold: - break - new_boxes.append(best_box) - - return new_boxes - - -def parse_layout_string(bbox_str): - """Parse layout string using regular expressions""" - pattern = r"\[(\d*\.?\d+),\s*(\d*\.?\d+),\s*(\d*\.?\d+),\s*(\d*\.?\d+)\]\s*(\w+)" - matches = re.finditer(pattern, bbox_str) - - parsed_results = [] - for match in matches: - coords = [float(match.group(i)) for i in range(1, 5)] - label = match.group(5).strip() - parsed_results.append((coords, label)) - - return parsed_results - - -@dataclass -class ImageDimensions: - """Class to store image dimensions""" - - original_w: int - original_h: int - padded_w: int - padded_h: int - - -def map_to_original_coordinates(x1, y1, x2, y2, dims: ImageDimensions) -> Tuple[int, int, int, int]: - """Map coordinates from padded image back to original image - - Args: - x1, y1, x2, y2: Coordinates in padded image - dims: Image dimensions object - - Returns: - tuple: (x1, y1, x2, y2) coordinates in original image - """ - try: - # Calculate padding offsets - top = (dims.padded_h - dims.original_h) // 2 - left = (dims.padded_w - dims.original_w) // 2 - - # Map back to original coordinates - orig_x1 = max(0, x1 - left) - orig_y1 = max(0, y1 - top) - orig_x2 = min(dims.original_w, x2 - left) - orig_y2 = min(dims.original_h, y2 - top) - - # Ensure we have a valid box (width and height > 0) - if orig_x2 <= orig_x1: - orig_x2 = min(orig_x1 + 1, dims.original_w) - if orig_y2 <= orig_y1: - orig_y2 = min(orig_y1 + 1, dims.original_h) - - return int(orig_x1), int(orig_y1), int(orig_x2), int(orig_y2) - except Exception as e: - print(f"map_to_original_coordinates error: {str(e)}") - # Return safe coordinates - return 0, 0, min(100, dims.original_w), min(100, dims.original_h) - - -def map_to_relevant_coordinates(abs_coords, dims: ImageDimensions): - """ - From absolute coordinates to relevant coordinates - e.g. [100, 100, 200, 200] -> [0.1, 0.2, 0.3, 0.4] - """ - try: - x1, y1, x2, y2 = abs_coords - return ( - round(x1 / dims.original_w, 3), - round(y1 / dims.original_h, 3), - round(x2 / dims.original_w, 3), - round(y2 / dims.original_h, 3), - ) - except Exception as e: - print(f"map_to_relevant_coordinates error: {str(e)}") - return 0.0, 0.0, 1.0, 1.0 # Return full image coordinates - - -def process_coordinates(coords, padded_image, dims: ImageDimensions, previous_box=None): - """Process and adjust coordinates - - Args: - coords: Normalized coordinates [x1, y1, x2, y2] - padded_image: Padded image - dims: Image dimensions object - previous_box: Previous box coordinates for overlap adjustment - - Returns: - tuple: (x1, y1, x2, y2, orig_x1, orig_y1, orig_x2, orig_y2, new_previous_box) - """ - try: - # Convert normalized coordinates to absolute coordinates - x1, y1 = int(coords[0] * dims.padded_w), int(coords[1] * dims.padded_h) - x2, y2 = int(coords[2] * dims.padded_w), int(coords[3] * dims.padded_h) - - # Ensure coordinates are within image bounds before adjustment - x1 = max(0, min(x1, dims.padded_w - 1)) - y1 = max(0, min(y1, dims.padded_h - 1)) - x2 = max(0, min(x2, dims.padded_w)) - y2 = max(0, min(y2, dims.padded_h)) - - # Ensure width and height are at least 1 pixel - if x2 <= x1: - x2 = min(x1 + 1, dims.padded_w) - if y2 <= y1: - y2 = min(y1 + 1, dims.padded_h) - - # Extend box boundaries - new_boxes = adjust_box_edges(padded_image, [[x1, y1, x2, y2]]) - x1, y1, x2, y2 = new_boxes[0] - - # Ensure coordinates are still within image bounds after adjustment - x1 = max(0, min(x1, dims.padded_w - 1)) - y1 = max(0, min(y1, dims.padded_h - 1)) - x2 = max(0, min(x2, dims.padded_w)) - y2 = max(0, min(y2, dims.padded_h)) - - # Ensure width and height are at least 1 pixel after adjustment - if x2 <= x1: - x2 = min(x1 + 1, dims.padded_w) - if y2 <= y1: - y2 = min(y1 + 1, dims.padded_h) - - # Check for overlap with previous box and adjust - if previous_box is not None: - prev_x1, prev_y1, prev_x2, prev_y2 = previous_box - if (x1 < prev_x2 and x2 > prev_x1) and (y1 < prev_y2 and y2 > prev_y1): - y1 = prev_y2 - # Ensure y1 is still valid - y1 = min(y1, dims.padded_h - 1) - # Make sure y2 is still greater than y1 - if y2 <= y1: - y2 = min(y1 + 1, dims.padded_h) - - # Update previous box - new_previous_box = [x1, y1, x2, y2] - - # Map to original coordinates - orig_x1, orig_y1, orig_x2, orig_y2 = map_to_original_coordinates(x1, y1, x2, y2, dims) - - return x1, y1, x2, y2, orig_x1, orig_y1, orig_x2, orig_y2, new_previous_box - except Exception as e: - print(f"process_coordinates error: {str(e)}") - # Return safe values - orig_x1, orig_y1, orig_x2, orig_y2 = 0, 0, min(100, dims.original_w), min(100, dims.original_h) - return 0, 0, 100, 100, orig_x1, orig_y1, orig_x2, orig_y2, [0, 0, 100, 100] - - -def prepare_image(image) -> Tuple[np.ndarray, ImageDimensions]: - """Load and prepare image with padding while maintaining aspect ratio - - Args: - image: PIL image - - Returns: - tuple: (padded_image, image_dimensions) - """ - try: - # Convert PIL image to OpenCV format - image = cv2.cvtColor(np.array(image), cv2.COLOR_RGB2BGR) - original_h, original_w = image.shape[:2] - - # Calculate padding to make square image - max_size = max(original_h, original_w) - top = (max_size - original_h) // 2 - bottom = max_size - original_h - top - left = (max_size - original_w) // 2 - right = max_size - original_w - left - - # Apply padding - padded_image = cv2.copyMakeBorder(image, top, bottom, left, right, cv2.BORDER_CONSTANT, value=(0, 0, 0)) - - padded_h, padded_w = padded_image.shape[:2] - - dimensions = ImageDimensions(original_w=original_w, original_h=original_h, padded_w=padded_w, padded_h=padded_h) - - return padded_image, dimensions - except Exception as e: - print(f"prepare_image error: {str(e)}") - # Create a minimal valid image and dimensions - h, w = image.height, image.width - dimensions = ImageDimensions(original_w=w, original_h=h, padded_w=w, padded_h=h) - # Return a black image of the same size - return np.zeros((h, w, 3), dtype=np.uint8), dimensions - - -def setup_output_dirs(save_dir): - """Create necessary output directories""" - os.makedirs(save_dir, exist_ok=True) - os.makedirs(os.path.join(save_dir, "markdown"), exist_ok=True) - os.makedirs(os.path.join(save_dir, "recognition_json"), exist_ok=True) - os.makedirs(os.path.join(save_dir, "markdown", "figures"), exist_ok=True) - - -def save_outputs(recognition_results, image_path, save_dir): - """Save JSON and markdown outputs""" - basename = os.path.splitext(os.path.basename(image_path))[0] - - # Save JSON file - json_path = os.path.join(save_dir, "recognition_json", f"{basename}.json") - with open(json_path, "w", encoding="utf-8") as f: - json.dump(recognition_results, f, ensure_ascii=False, indent=2) - - # Generate and save markdown file - markdown_converter = MarkdownConverter() - markdown_content = markdown_converter.convert(recognition_results) - markdown_path = os.path.join(save_dir, "markdown", f"{basename}.md") - with open(markdown_path, "w", encoding="utf-8") as f: - f.write(markdown_content) - - return json_path - - -def crop_margin(img: Image.Image) -> Image.Image: - """Crop margins from image""" - try: - width, height = img.size - if width == 0 or height == 0: - print("Warning: Image has zero width or height") - return img - - data = np.array(img.convert("L")) - data = data.astype(np.uint8) - max_val = data.max() - min_val = data.min() - if max_val == min_val: - return img - data = (data - min_val) / (max_val - min_val) * 255 - gray = 255 * (data < 200).astype(np.uint8) - - coords = cv2.findNonZero(gray) # Find all non-zero points (text) - if coords is None: - return img - a, b, w, h = cv2.boundingRect(coords) # Find minimum spanning bounding box - - # Ensure crop coordinates are within image bounds - a = max(0, a) - b = max(0, b) - w = min(w, width - a) - h = min(h, height - b) - - # Only crop if we have a valid region - if w > 0 and h > 0: - return img.crop((a, b, a + w, b + h)) - return img - except Exception as e: - print(f"crop_margin error: {str(e)}") - return img # Return original image on error diff --git a/voice_chat/README.md b/voice_chat/README.md deleted file mode 100644 index 26ee003da207ed47ea53d81ce5029d2030f97f0a..0000000000000000000000000000000000000000 --- a/voice_chat/README.md +++ /dev/null @@ -1,13 +0,0 @@ ---- -title: Omni Mini -emoji: 🌖 -colorFrom: gray -colorTo: green -sdk: gradio -sdk_version: 5.0.0b1 -app_file: app.py -pinned: false -license: mit ---- - -Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference diff --git a/voice_chat/app.py b/voice_chat/app.py deleted file mode 100644 index 897e3737dccda8eecbfdfc6d0748d88f842b8838..0000000000000000000000000000000000000000 --- a/voice_chat/app.py +++ /dev/null @@ -1,247 +0,0 @@ -import gradio as gr -from huggingface_hub import snapshot_download -from threading import Thread -import time -import base64 -import numpy as np -import requests -import traceback -from dataclasses import dataclass, field -import io -from pydub import AudioSegment -import librosa -from utils.vad import get_speech_timestamps, collect_chunks, VadOptions -import tempfile - - -from server import serve -import os - -# Check if we should use Gemma 3n (default for HF Spaces) -use_gemma3n = os.getenv('USE_GEMMA3N', 'true').lower() == 'true' - -# Always download original model as fallback -repo_id = "gpt-omni/mini-omni" -snapshot_download(repo_id, local_dir="./checkpoint", revision="main") - -IP = "0.0.0.0" -PORT = 60808 - -thread = Thread(target=serve, args=(IP, PORT, "cuda:0", use_gemma3n), daemon=True) -thread.start() - -API_URL = "http://0.0.0.0:60808/chat" - -# recording parameters -IN_CHANNELS = 1 -IN_RATE = 24000 -IN_CHUNK = 1024 -IN_SAMPLE_WIDTH = 2 -VAD_STRIDE = 0.5 - -# playing parameters -OUT_CHANNELS = 1 -OUT_RATE = 24000 -OUT_SAMPLE_WIDTH = 2 -OUT_CHUNK = 5760 - - -OUT_CHUNK = 20 * 4096 -OUT_RATE = 24000 -OUT_CHANNELS = 1 - - -def run_vad(ori_audio, sr): - _st = time.time() - try: - audio = ori_audio - # Handle bytes input from warm_up function - if isinstance(audio, bytes): - audio = np.frombuffer(audio, dtype=np.int16) - audio = audio.astype(np.float32) / 32768.0 - sampling_rate = 16000 - if sr != sampling_rate: - audio = librosa.resample(audio, orig_sr=sr, target_sr=sampling_rate) - - vad_parameters = {} - vad_parameters = VadOptions(**vad_parameters) - speech_chunks = get_speech_timestamps(audio, vad_parameters) - audio = collect_chunks(audio, speech_chunks) - duration_after_vad = audio.shape[0] / sampling_rate - - if sr != sampling_rate: - # resample to original sampling rate - vad_audio = librosa.resample(audio, orig_sr=sampling_rate, target_sr=sr) - else: - vad_audio = audio - vad_audio = np.round(vad_audio * 32768.0).astype(np.int16) - vad_audio_bytes = vad_audio.tobytes() - - return duration_after_vad, vad_audio_bytes, round(time.time() - _st, 4) - except Exception as e: - msg = f"[asr vad error] audio_len: {len(ori_audio)/(sr*2):.3f} s, trace: {traceback.format_exc()}" - print(msg) - return -1, ori_audio, round(time.time() - _st, 4) - - -def warm_up(): - frames = b"\x00\x00" * 1024 * 2 # 1024 frames of 2 bytes each - dur, frames, tcost = run_vad(frames, 16000) - print(f"warm up done, time_cost: {tcost:.3f} s") - - -warm_up() - - -@dataclass -class AppState: - stream: np.ndarray | None = None - sampling_rate: int = 0 - pause_detected: bool = False - started_talking: bool = False - stopped: bool = False - conversation: list = field(default_factory=list) - - -def determine_pause(audio: np.ndarray, sampling_rate: int, state: AppState) -> bool: - """Take in the stream, determine if a pause happened""" - - temp_audio = audio - - dur_vad, _, time_vad = run_vad(temp_audio, sampling_rate) - duration = len(audio) / sampling_rate - - if dur_vad > 0.5 and not state.started_talking: - print("started talking") - state.started_talking = True - return False - - print(f"duration_after_vad: {dur_vad:.3f} s, time_vad: {time_vad:.3f} s") - - return (duration - dur_vad) > 1 - - -def speaking(audio_bytes: str): - - base64_encoded = str(base64.b64encode(audio_bytes), encoding="utf-8") - files = {"audio": base64_encoded} - with requests.post(API_URL, json=files, stream=True) as response: - try: - for chunk in response.iter_content(chunk_size=OUT_CHUNK): - if chunk: - # Create an audio segment from the numpy array - audio_segment = AudioSegment( - chunk, - frame_rate=OUT_RATE, - sample_width=OUT_SAMPLE_WIDTH, - channels=OUT_CHANNELS, - ) - - # Export the audio segment to MP3 bytes - use a high bitrate to maximise quality - mp3_io = io.BytesIO() - audio_segment.export(mp3_io, format="mp3", bitrate="320k") - - # Get the MP3 bytes - mp3_bytes = mp3_io.getvalue() - mp3_io.close() - yield mp3_bytes - - except Exception as e: - raise gr.Error(f"Error during audio streaming: {e}") - - - - -def process_audio(audio: tuple, state: AppState): - if state.stream is None: - state.stream = audio[1] - state.sampling_rate = audio[0] - else: - state.stream = np.concatenate((state.stream, audio[1])) - - pause_detected = determine_pause(state.stream, state.sampling_rate, state) - state.pause_detected = pause_detected - - if state.pause_detected and state.started_talking: - return gr.Audio(recording=False), state - return None, state - - -def response(state: AppState): - if not state.pause_detected and not state.started_talking: - return None, AppState() - - audio_buffer = io.BytesIO() - - segment = AudioSegment( - state.stream.tobytes(), - frame_rate=state.sampling_rate, - sample_width=state.stream.dtype.itemsize, - channels=(1 if len(state.stream.shape) == 1 else state.stream.shape[1]), - ) - segment.export(audio_buffer, format="wav") - - with tempfile.NamedTemporaryFile(suffix=".wav", delete=False) as f: - f.write(audio_buffer.getvalue()) - - state.conversation.append({"role": "user", - "content": {"path": f.name, - "mime_type": "audio/wav"}}) - - output_buffer = b"" - - for mp3_bytes in speaking(audio_buffer.getvalue()): - output_buffer += mp3_bytes - yield mp3_bytes, state - - with tempfile.NamedTemporaryFile(suffix=".mp3", delete=False) as f: - f.write(output_buffer) - - state.conversation.append({"role": "assistant", - "content": {"path": f.name, - "mime_type": "audio/mp3"}}) - yield None, AppState(conversation=state.conversation) - - - - -def start_recording_user(state: AppState): - if not state.stopped: - return gr.Audio(recording=True) - -with gr.Blocks() as demo: - with gr.Row(): - with gr.Column(): - input_audio = gr.Audio( - label="Input Audio", sources="microphone", type="numpy" - ) - with gr.Column(): - chatbot = gr.Chatbot(label="Conversation", type="messages") - output_audio = gr.Audio(label="Output Audio", streaming=True, autoplay=True) - state = gr.State(value=AppState()) - - stream = input_audio.stream( - process_audio, - [input_audio, state], - [input_audio, state], - stream_every=0.50, - time_limit=30, - ) - respond = input_audio.stop_recording( - response, - [state], - [output_audio, state] - ) - respond.then(lambda s: s.conversation, [state], [chatbot]) - - restart = output_audio.stop( - start_recording_user, - [state], - [input_audio] - ) - cancel = gr.Button("Stop Conversation", variant="stop") - cancel.click(lambda: (AppState(stopped=True), gr.Audio(recording=False)), None, - [state, input_audio], cancels=[respond, restart]) - - -demo.launch() diff --git a/voice_chat/data/samples/output1.wav b/voice_chat/data/samples/output1.wav deleted file mode 100644 index 67642e55bbfda04ab23a6850f09cdd54429364f1..0000000000000000000000000000000000000000 --- a/voice_chat/data/samples/output1.wav +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:534f36e41170c0264972164a83770c421981e62feb3a4a3cae9118c58f13ad1a -size 62168 diff --git a/voice_chat/data/samples/output2.wav b/voice_chat/data/samples/output2.wav deleted file mode 100644 index 59e0f23045c36cdcbbf65511364f95d21343bc79..0000000000000000000000000000000000000000 --- a/voice_chat/data/samples/output2.wav +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:b50c4df6f508a4367e5a49e90f974f8786c6d9ffb2599a8abcd25e693399735a -size 105176 diff --git a/voice_chat/data/samples/output3.wav b/voice_chat/data/samples/output3.wav deleted file mode 100644 index ef0fbc335bf487565509e21c56a309772e16db91..0000000000000000000000000000000000000000 --- a/voice_chat/data/samples/output3.wav +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:a25ce163d418cce5d8360a92ee39d9c8cfd75e4425f6bc8c3f9406186c882693 -size 70360 diff --git a/voice_chat/data/samples/output4.wav b/voice_chat/data/samples/output4.wav deleted file mode 100644 index 8ebad35a6ec2f065ee698900957ea69f5dfe1d93..0000000000000000000000000000000000000000 --- a/voice_chat/data/samples/output4.wav +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:1a70d3d25137d5ae38e436effe9da895960750b6dacfde2345655ebd2c5a1b33 -size 67628 diff --git a/voice_chat/data/samples/output5.wav b/voice_chat/data/samples/output5.wav deleted file mode 100644 index 59d038a5e59bfa47e3fc89225b8d72a81c227a0d..0000000000000000000000000000000000000000 --- a/voice_chat/data/samples/output5.wav +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:33f58e7cc49a4e4fd4809d20cde2fb22855054cf61558be8ffef347fc35ce8f2 -size 114732 diff --git a/voice_chat/gemma3n_inference.py b/voice_chat/gemma3n_inference.py deleted file mode 100644 index ee3c7ddd325f95dd1457c39f562793564e81c9ae..0000000000000000000000000000000000000000 --- a/voice_chat/gemma3n_inference.py +++ /dev/null @@ -1,286 +0,0 @@ -import os -import tempfile -import torch -import librosa -import numpy as np -from transformers import AutoModelForImageTextToText, AutoProcessor -from huggingface_hub import login -import io -from pydub import AudioSegment -import base64 -import traceback - - -class Gemma3nInference: - def __init__(self, device='cuda:0'): - self.device = device - - # Login to Hugging Face using token from environment - hf_token = os.getenv('HF_TOKEN') - if hf_token: - login(token=hf_token) - else: - print("Warning: HF_TOKEN not found in environment variables") - - print("Loading Gemma 3n model...") - try: - # Try loading Gemma 3n E2B (2B effective params) using the correct class - model_name = "google/gemma-3n-E2B-it" - self.model = AutoModelForImageTextToText.from_pretrained( - model_name, - torch_dtype="auto", # Let it auto-detect the best dtype - device_map="auto", - trust_remote_code=True - ) - self.processor = AutoProcessor.from_pretrained(model_name) - print(f"Gemma 3n E2B model loaded successfully on device: {self.model.device}") - print(f"Model dtype: {self.model.dtype}") - except Exception as e: - print(f"Error loading Gemma 3n model: {e}") - print("Trying alternative loading method...") - try: - # Try loading without vision components initially - from transformers import AutoConfig - config = AutoConfig.from_pretrained( - model_name, - trust_remote_code=True - ) - # Disable vision tower if causing issues - if hasattr(config, 'vision_config'): - print("Attempting to load without problematic vision config...") - - self.model = AutoModelForImageTextToText.from_pretrained( - model_name, - torch_dtype="auto", - trust_remote_code=True, - ignore_mismatched_sizes=True - ).to(self.device) - self.processor = AutoProcessor.from_pretrained( - model_name, - trust_remote_code=True - ) - print("Gemma 3n E2B model loaded with alternative method") - except Exception as e2: - print(f"Alternative loading also failed: {e2}") - raise e2 - - def preprocess_audio(self, audio_path): - """Convert audio to Gemma 3n format: 16kHz mono float32 in range [-1, 1]""" - try: - # Load audio file - audio, sr = librosa.load(audio_path, sr=16000, mono=True) - - # Ensure audio is in range [-1, 1] - if audio.max() > 1.0 or audio.min() < -1.0: - audio = audio / max(abs(audio.max()), abs(audio.min())) - - # Limit to 30 seconds as recommended - max_samples = 30 * 16000 - if len(audio) > max_samples: - audio = audio[:max_samples] - - return audio.astype(np.float32) - except Exception as e: - print(f"Error preprocessing audio: {e}") - raise - - def create_multimodal_input(self, audio_path, text_prompt="Respond naturally to this audio input"): - """Create multimodal input for Gemma 3n using the same format as the notebook""" - try: - # Preprocess audio - audio_array = self.preprocess_audio(audio_path) - - # Create multimodal message format exactly like the notebook - message = { - "role": "user", - "content": [ - {"type": "audio", "audio": audio_path}, # Use path instead of array - {"type": "text", "text": text_prompt} - ] - } - - # Process with Gemma 3n processor using the notebook approach - inputs = self.processor.apply_chat_template( - [message], # History is a list - add_generation_prompt=True, - tokenize=True, - return_dict=True, - return_tensors="pt", - ) - - return inputs.to(self.device, dtype=self.model.dtype) - except Exception as e: - print(f"Error creating multimodal input: {e}") - traceback.print_exc() - raise - - def generate_response(self, audio_path, max_new_tokens=256): - """Generate text response from audio input using notebook approach""" - try: - # Create multimodal input - inputs = self.create_multimodal_input(audio_path) - input_len = inputs["input_ids"].shape[-1] - - # Generate response exactly like the notebook - with torch.no_grad(): - outputs = self.model.generate( - **inputs, - max_new_tokens=max_new_tokens, - disable_compile=True - ) - - # Decode response exactly like the notebook - text = self.processor.batch_decode( - outputs[:, input_len:], - skip_special_tokens=True, - clean_up_tokenization_spaces=True - ) - - return text[0].strip() if text else "No response generated" - except Exception as e: - print(f"Error generating response: {e}") - traceback.print_exc() - return f"Error: {str(e)}" - - def stream_response(self, audio_path, max_new_tokens=512, temperature=0.9): - """Generate streaming text response from audio input""" - try: - # Create multimodal input - inputs = self.create_multimodal_input(audio_path) - - # Generate streaming response - with torch.no_grad(): - # Use the model's generate method with streaming - streamer = self.processor.tokenizer - - outputs = self.model.generate( - **inputs, - max_new_tokens=max_new_tokens, - temperature=temperature, - do_sample=True, - pad_token_id=self.processor.tokenizer.eos_token_id, - eos_token_id=self.processor.tokenizer.eos_token_id, - return_dict_in_generate=True, - output_scores=True - ) - - # Decode the full response - response = self.processor.tokenizer.decode( - outputs.sequences[0][inputs['input_ids'].shape[1]:], - skip_special_tokens=True - ) - - return response.strip() - - except Exception as e: - print(f"Error in streaming response: {e}") - traceback.print_exc() - return f"Error: {str(e)}" - - def text_to_speech_simple(self, text): - """Convert text to speech using gTTS""" - try: - from gtts import gTTS - - # Create TTS object - tts = gTTS(text=text, lang='en', slow=False) - - # Save to temporary file - with tempfile.NamedTemporaryFile(suffix=".mp3", delete=False) as tmp_file: - tts.save(tmp_file.name) - - # Convert MP3 to WAV format that the system expects - audio_segment = AudioSegment.from_mp3(tmp_file.name) - - # Convert to expected format (24kHz, mono, 16-bit) - audio_segment = audio_segment.set_frame_rate(24000) - audio_segment = audio_segment.set_channels(1) - audio_segment = audio_segment.set_sample_width(2) - - # Export to WAV bytes - audio_buffer = io.BytesIO() - audio_segment.export(audio_buffer, format="wav") - - # Clean up temp file - os.unlink(tmp_file.name) - - return audio_buffer.getvalue() - - except ImportError: - print("gTTS not available, falling back to silence") - # Fallback to silence if gTTS not installed - duration_seconds = max(1, len(text) / 20) - sample_rate = 24000 - samples = int(duration_seconds * sample_rate) - audio_data = np.zeros(samples, dtype=np.int16) - audio_segment = AudioSegment( - audio_data.tobytes(), - frame_rate=sample_rate, - sample_width=2, - channels=1 - ) - audio_buffer = io.BytesIO() - audio_segment.export(audio_buffer, format="wav") - return audio_buffer.getvalue() - - except Exception as e: - print(f"Error in TTS: {e}") - # Return minimal audio data on error - return b'\x00' * 1024 - - def process_audio_stream(self, audio_bytes): - """Process audio stream and return response audio stream""" - try: - # Decode base64 audio - audio_data = base64.b64decode(audio_bytes) - - # Save to temporary file - with tempfile.NamedTemporaryFile(suffix=".wav", delete=False) as f: - f.write(audio_data) - temp_audio_path = f.name - - try: - # Generate text response - text_response = self.generate_response(temp_audio_path) - print(f"Generated response: {text_response}") - - # Convert to speech (placeholder) - audio_response = self.text_to_speech_simple(text_response) - - return audio_response - - finally: - # Clean up temp file - if os.path.exists(temp_audio_path): - os.unlink(temp_audio_path) - - except Exception as e: - print(f"Error processing audio stream: {e}") - traceback.print_exc() - # Return minimal audio data on error - return b'\x00' * 1024 - - def warm_up(self): - """Warm up the model""" - try: - print("Warming up Gemma 3n model...") - # Create a short dummy audio - dummy_audio = np.zeros(16000, dtype=np.float32) # 1 second of silence - - with tempfile.NamedTemporaryFile(suffix=".wav", delete=False) as f: - # Save dummy audio - import soundfile as sf - sf.write(f.name, dummy_audio, 16000) - - # Generate a quick response - response = self.generate_response(f.name, max_new_tokens=10) - print(f"Warm-up response: {response}") - - # Clean up - os.unlink(f.name) - - print("Gemma 3n warm-up complete") - except Exception as e: - print(f"Error during warm-up: {e}") - # Don't fail startup on warm-up errors - pass \ No newline at end of file diff --git a/voice_chat/inference.py b/voice_chat/inference.py deleted file mode 100644 index d184925f7672ef30ad323226c4c9cea9e366c114..0000000000000000000000000000000000000000 --- a/voice_chat/inference.py +++ /dev/null @@ -1,666 +0,0 @@ -import os -import lightning as L -import torch -import time -from snac import SNAC -from litgpt import Tokenizer -from litgpt.utils import ( - num_parameters, -) -from litgpt.generate.base import ( - generate_AA, - generate_ASR, - generate_TA, - generate_TT, - generate_AT, - generate_TA_BATCH, - next_token_batch -) -import soundfile as sf -from litgpt.model import GPT, Config -from lightning.fabric.utilities.load import _lazy_load as lazy_load -from utils.snac_utils import layershift, reconscruct_snac, reconstruct_tensors, get_time_str -from utils.snac_utils import get_snac, generate_audio_data -import whisper -from tqdm import tqdm -from huggingface_hub import snapshot_download - - -torch.set_printoptions(sci_mode=False) - - -# TODO -text_vocabsize = 151936 -text_specialtokens = 64 -audio_vocabsize = 4096 -audio_specialtokens = 64 - -padded_text_vocabsize = text_vocabsize + text_specialtokens -padded_audio_vocabsize = audio_vocabsize + audio_specialtokens - -_eot = text_vocabsize -_pad_t = text_vocabsize + 1 -_input_t = text_vocabsize + 2 -_answer_t = text_vocabsize + 3 -_asr = text_vocabsize + 4 - -_eoa = audio_vocabsize -_pad_a = audio_vocabsize + 1 -_input_a = audio_vocabsize + 2 -_answer_a = audio_vocabsize + 3 -_split = audio_vocabsize + 4 - - -def get_input_ids_TA(text, text_tokenizer): - input_ids_item = [[] for _ in range(8)] - text_tokens = text_tokenizer.encode(text) - for i in range(7): - input_ids_item[i] = [layershift(_pad_a, i)] * (len(text_tokens) + 2) + [ - layershift(_answer_a, i) - ] - input_ids_item[i] = torch.tensor(input_ids_item[i]).unsqueeze(0) - input_ids_item[-1] = [_input_t] + text_tokens.tolist() + [_eot] + [_answer_t] - input_ids_item[-1] = torch.tensor(input_ids_item[-1]).unsqueeze(0) - return input_ids_item - - -def get_input_ids_TT(text, text_tokenizer): - input_ids_item = [[] for i in range(8)] - text_tokens = text_tokenizer.encode(text).tolist() - - for i in range(7): - input_ids_item[i] = torch.tensor( - [layershift(_pad_a, i)] * (len(text_tokens) + 3) - ).unsqueeze(0) - input_ids_item[-1] = [_input_t] + text_tokens + [_eot] + [_answer_t] - input_ids_item[-1] = torch.tensor(input_ids_item[-1]).unsqueeze(0) - - return input_ids_item - - -def get_input_ids_whisper( - mel, leng, whispermodel, device, - special_token_a=_answer_a, special_token_t=_answer_t, -): - - with torch.no_grad(): - mel = mel.unsqueeze(0).to(device) - # audio_feature = whisper.decode(whispermodel,mel, options).audio_features - audio_feature = whispermodel.embed_audio(mel)[0][:leng] - - T = audio_feature.size(0) - input_ids = [] - for i in range(7): - input_ids_item = [] - input_ids_item.append(layershift(_input_a, i)) - input_ids_item += [layershift(_pad_a, i)] * T - input_ids_item += [(layershift(_eoa, i)), layershift(special_token_a, i)] - input_ids.append(torch.tensor(input_ids_item).unsqueeze(0)) - input_id_T = torch.tensor([_input_t] + [_pad_t] * T + [_eot, special_token_t]) - input_ids.append(input_id_T.unsqueeze(0)) - return audio_feature.unsqueeze(0), input_ids - - -def get_input_ids_whisper_ATBatch(mel, leng, whispermodel, device): - with torch.no_grad(): - mel = mel.unsqueeze(0).to(device) - # audio_feature = whisper.decode(whispermodel,mel, options).audio_features - audio_feature = whispermodel.embed_audio(mel)[0][:leng] - T = audio_feature.size(0) - input_ids_AA = [] - for i in range(7): - input_ids_item = [] - input_ids_item.append(layershift(_input_a, i)) - input_ids_item += [layershift(_pad_a, i)] * T - input_ids_item += [(layershift(_eoa, i)), layershift(_answer_a, i)] - input_ids_AA.append(torch.tensor(input_ids_item)) - input_id_T = torch.tensor([_input_t] + [_pad_t] * T + [_eot, _answer_t]) - input_ids_AA.append(input_id_T) - - input_ids_AT = [] - for i in range(7): - input_ids_item = [] - input_ids_item.append(layershift(_input_a, i)) - input_ids_item += [layershift(_pad_a, i)] * T - input_ids_item += [(layershift(_eoa, i)), layershift(_pad_a, i)] - input_ids_AT.append(torch.tensor(input_ids_item)) - input_id_T = torch.tensor([_input_t] + [_pad_t] * T + [_eot, _answer_t]) - input_ids_AT.append(input_id_T) - - input_ids = [input_ids_AA, input_ids_AT] - stacked_inputids = [[] for _ in range(8)] - for i in range(2): - for j in range(8): - stacked_inputids[j].append(input_ids[i][j]) - stacked_inputids = [torch.stack(tensors) for tensors in stacked_inputids] - return torch.stack([audio_feature, audio_feature]), stacked_inputids - - -def load_audio(path): - audio = whisper.load_audio(path) - duration_ms = (len(audio) / 16000) * 1000 - audio = whisper.pad_or_trim(audio) - mel = whisper.log_mel_spectrogram(audio) - return mel, int(duration_ms / 20) + 1 - - -def A1_A2_batch(fabric, audio_feature, input_ids, leng, model, text_tokenizer, step, - snacmodel, out_dir=None): - with fabric.init_tensor(): - model.set_kv_cache(batch_size=2) - tokenlist = generate_TA_BATCH( - model, - audio_feature, - input_ids, - [leng, leng], - ["A1A2", "A1T2"], - max_returned_tokens=2048, - temperature=0.9, - top_k=1, - eos_id_a=_eoa, - eos_id_t=_eot, - pad_id_t=_pad_t, - shift=padded_text_vocabsize, - include_prompt=True, - generate_text=True, - ) - text_tokenlist = tokenlist[-1] - if text_vocabsize in text_tokenlist: - text_tokenlist = text_tokenlist[: text_tokenlist.index(text_vocabsize)] - text = text_tokenizer.decode(torch.tensor(text_tokenlist)).strip() - - audio_tokenlist = tokenlist[:-1] - audiolist = reconscruct_snac(audio_tokenlist) - audio = reconstruct_tensors(audiolist) - if out_dir is None: - out_dir = "./output/default/A1-A2-batch" - else: - out_dir = out_dir + "/A1-A2-batch" - if not os.path.exists(out_dir): - os.makedirs(out_dir) - with torch.inference_mode(): - audio_hat = snacmodel.decode(audio) - sf.write( - f"{out_dir}/{step:02d}.wav", - audio_hat.squeeze().cpu().numpy(), - 24000, - ) - model.clear_kv_cache() - return text - - -def A1_T2(fabric, audio_feature, input_ids, leng, model, text_tokenizer, step): - with fabric.init_tensor(): - model.set_kv_cache(batch_size=1) - tokenlist = generate_AT( - model, - audio_feature, - input_ids, - [leng], - ["AT"], - max_returned_tokens=2048, - temperature=0.9, - top_k=1, - eos_id_a=_eoa, - eos_id_t=_eot, - pad_id_t=_pad_t, - shift=padded_text_vocabsize, - include_prompt=True, - generate_text=True, - ) - return text_tokenizer.decode(torch.tensor(tokenlist)).strip() - - -def A1_A2(fabric, audio_feature, input_ids, leng, model, text_tokenizer, step, - snacmodel, out_dir=None): - with fabric.init_tensor(): - model.set_kv_cache(batch_size=1) - tokenlist = generate_AA( - model, - audio_feature, - input_ids, - [leng], - ["A1T2"], - max_returned_tokens=2048, - temperature=0.9, - top_k=1, - eos_id_a=_eoa, - eos_id_t=_eot, - pad_id_t=_pad_t, - shift=padded_text_vocabsize, - include_prompt=True, - generate_text=True, - ) - audiolist = reconscruct_snac(tokenlist) - tokenlist = tokenlist[-1] - if text_vocabsize in tokenlist: - tokenlist = tokenlist[: tokenlist.index(text_vocabsize)] - if out_dir is None: - out_dir = "./output/default/A1-A2" - else: - out_dir = out_dir + "/A1-A2" - if not os.path.exists(out_dir): - os.makedirs(out_dir) - - audio = reconstruct_tensors(audiolist) - with torch.inference_mode(): - audio_hat = snacmodel.decode(audio) - sf.write( - f"{out_dir}/{step:02d}.wav", - audio_hat.squeeze().cpu().numpy(), - 24000, - ) - model.clear_kv_cache() - return text_tokenizer.decode(torch.tensor(tokenlist)).strip() - - -def A1_T1(fabric, audio_feature, input_ids, leng, model, text_tokenizer, step): - with fabric.init_tensor(): - model.set_kv_cache(batch_size=1) - tokenlist = generate_ASR( - model, - audio_feature, - input_ids, - [leng], - ["A1T1"], - max_returned_tokens=2048, - temperature=0.9, - top_k=1, - eos_id_a=_eoa, - eos_id_t=_eot, - pad_id_t=_pad_t, - shift=padded_text_vocabsize, - include_prompt=True, - generate_text=True, - ) - model.clear_kv_cache() - return text_tokenizer.decode(torch.tensor(tokenlist)).strip() - - -def T1_A2(fabric, input_ids, model, text_tokenizer, step, - snacmodel, out_dir=None): - with fabric.init_tensor(): - model.set_kv_cache(batch_size=1) - tokenlist = generate_TA( - model, - None, - input_ids, - None, - ["T1A2"], - max_returned_tokens=2048, - temperature=0.9, - top_k=1, - eos_id_a=_eoa, - eos_id_t=_eot, - pad_id_t=_pad_t, - shift=padded_text_vocabsize, - include_prompt=True, - generate_text=True, - ) - - audiolist = reconscruct_snac(tokenlist) - tokenlist = tokenlist[-1] - - if text_vocabsize in tokenlist: - tokenlist = tokenlist[: tokenlist.index(text_vocabsize)] - audio = reconstruct_tensors(audiolist) - if out_dir is None: - out_dir = "./output/default/T1-A2" - else: - out_dir = out_dir + "/T1-A2" - if not os.path.exists(out_dir): - os.makedirs(out_dir) - - with torch.inference_mode(): - audio_hat = snacmodel.decode(audio) - sf.write( - f"{out_dir}/{step:02d}.wav", - audio_hat.squeeze().cpu().numpy(), - 24000, - ) - model.clear_kv_cache() - return text_tokenizer.decode(torch.tensor(tokenlist)).strip() - - -def T1_T2(fabric, input_ids, model, text_tokenizer, step): - - with fabric.init_tensor(): - model.set_kv_cache(batch_size=1) - tokenlist = generate_TT( - model, - None, - input_ids, - None, - ["T1T2"], - max_returned_tokens=2048, - temperature=0.9, - top_k=1, - eos_id_a=_eoa, - eos_id_t=_eot, - pad_id_t=_pad_t, - shift=padded_text_vocabsize, - include_prompt=True, - generate_text=True, - ) - model.clear_kv_cache() - return text_tokenizer.decode(torch.tensor(tokenlist)).strip() - - -def load_model(ckpt_dir, device): - snacmodel = SNAC.from_pretrained("hubertsiuzdak/snac_24khz").eval().to(device) - whispermodel = whisper.load_model("small").to(device) - text_tokenizer = Tokenizer(ckpt_dir) - fabric = L.Fabric(devices=1, strategy="auto") - config = Config.from_file(ckpt_dir + "/model_config.yaml") - config.post_adapter = False - - with fabric.init_module(empty_init=False): - model = GPT(config) - - model = fabric.setup(model) - state_dict = lazy_load(ckpt_dir + "/lit_model.pth") - model.load_state_dict(state_dict, strict=True) - model.to(device).eval() - - return fabric, model, text_tokenizer, snacmodel, whispermodel - - -def download_model(ckpt_dir): - repo_id = "gpt-omni/mini-omni" - snapshot_download(repo_id, local_dir=ckpt_dir, revision="main") - - -class OmniInference: - - def __init__(self, ckpt_dir='./checkpoint', device='cuda:0'): - self.device = device - if not os.path.exists(ckpt_dir): - print(f"checkpoint directory {ckpt_dir} not found, downloading from huggingface") - download_model(ckpt_dir) - self.fabric, self.model, self.text_tokenizer, self.snacmodel, self.whispermodel = load_model(ckpt_dir, device) - - def warm_up(self, sample='./data/samples/output1.wav'): - for _ in self.run_AT_batch_stream(sample): - pass - - @torch.inference_mode() - def run_AT_batch_stream(self, - audio_path, - stream_stride=4, - max_returned_tokens=2048, - temperature=0.9, - top_k=1, - top_p=1.0, - eos_id_a=_eoa, - eos_id_t=_eot, - ): - - assert os.path.exists(audio_path), f"audio file {audio_path} not found" - model = self.model - - with self.fabric.init_tensor(): - model.set_kv_cache(batch_size=2,device=self.device) - - mel, leng = load_audio(audio_path) - audio_feature, input_ids = get_input_ids_whisper_ATBatch(mel, leng, self.whispermodel, self.device) - T = input_ids[0].size(1) - device = input_ids[0].device - - assert max_returned_tokens > T, f"max_returned_tokens {max_returned_tokens} should be greater than audio length {T}" - - if model.max_seq_length < max_returned_tokens - 1: - raise NotImplementedError( - f"max_seq_length {model.max_seq_length} needs to be >= {max_returned_tokens - 1}" - ) - - input_pos = torch.tensor([T], device=device) - list_output = [[] for i in range(8)] - tokens_A, token_T = next_token_batch( - model, - audio_feature.to(torch.float32).to(model.device), - input_ids, - [T - 3, T - 3], - ["A1T2", "A1T2"], - input_pos=torch.arange(0, T, device=device), - temperature=temperature, - top_k=top_k, - top_p=top_p, - ) - - for i in range(7): - list_output[i].append(tokens_A[i].tolist()[0]) - list_output[7].append(token_T.tolist()[0]) - - model_input_ids = [[] for i in range(8)] - for i in range(7): - tokens_A[i] = tokens_A[i].clone() + padded_text_vocabsize + i * padded_audio_vocabsize - model_input_ids[i].append(tokens_A[i].clone().to(device).to(torch.int32)) - model_input_ids[i].append(torch.tensor([layershift(4097, i)], device=device)) - model_input_ids[i] = torch.stack(model_input_ids[i]) - - model_input_ids[-1].append(token_T.clone().to(torch.int32)) - model_input_ids[-1].append(token_T.clone().to(torch.int32)) - model_input_ids[-1] = torch.stack(model_input_ids[-1]) - - text_end = False - index = 1 - nums_generate = stream_stride - begin_generate = False - current_index = 0 - for _ in tqdm(range(2, max_returned_tokens - T + 1)): - tokens_A, token_T = next_token_batch( - model, - None, - model_input_ids, - None, - None, - input_pos=input_pos, - temperature=temperature, - top_k=top_k, - top_p=top_p, - ) - - if text_end: - token_T = torch.tensor([_pad_t], device=device) - - if tokens_A[-1] == eos_id_a: - break - - if token_T == eos_id_t: - text_end = True - - for i in range(7): - list_output[i].append(tokens_A[i].tolist()[0]) - list_output[7].append(token_T.tolist()[0]) - - model_input_ids = [[] for i in range(8)] - for i in range(7): - tokens_A[i] = tokens_A[i].clone() +padded_text_vocabsize + i * padded_audio_vocabsize - model_input_ids[i].append(tokens_A[i].clone().to(device).to(torch.int32)) - model_input_ids[i].append( - torch.tensor([layershift(4097, i)], device=device) - ) - model_input_ids[i] = torch.stack(model_input_ids[i]) - - model_input_ids[-1].append(token_T.clone().to(torch.int32)) - model_input_ids[-1].append(token_T.clone().to(torch.int32)) - model_input_ids[-1] = torch.stack(model_input_ids[-1]) - - if index == 7: - begin_generate = True - - if begin_generate: - current_index += 1 - if current_index == nums_generate: - current_index = 0 - snac = get_snac(list_output, index, nums_generate) - audio_stream = generate_audio_data(snac, self.snacmodel, self.device) - yield audio_stream - - input_pos = input_pos.add_(1) - index += 1 - text = self.text_tokenizer.decode(torch.tensor(list_output[-1])) - print(f"text output: {text}") - model.clear_kv_cache() - return list_output - - -def test_infer(): - device = "cuda:0" - out_dir = f"./output/{get_time_str()}" - ckpt_dir = f"./checkpoint" - if not os.path.exists(ckpt_dir): - print(f"checkpoint directory {ckpt_dir} not found, downloading from huggingface") - download_model(ckpt_dir) - - fabric, model, text_tokenizer, snacmodel, whispermodel = load_model(ckpt_dir, device) - - task = ['A1A2', 'asr', "T1A2", "AA-BATCH", 'T1T2', 'AT'] - - # prepare test data - # TODO - test_audio_list = sorted(os.listdir('./data/samples')) - test_audio_list = [os.path.join('./data/samples', path) for path in test_audio_list] - test_audio_transcripts = [ - "What is your name?", - "what are your hobbies?", - "Do you like beijing", - "How are you feeling today?", - "what is the weather like today?", - ] - test_text_list = [ - "What is your name?", - "How are you feeling today?", - "Can you describe your surroundings?", - "What did you do yesterday?", - "What is your favorite book and why?", - "How do you make a cup of tea?", - "What is the weather like today?", - "Can you explain the concept of time?", - "Can you tell me a joke?", - ] - - # LOAD MODEL - with torch.no_grad(): - if "A1A2" in task: - print("===============================================================") - print(" testing A1A2") - print("===============================================================") - step = 0 - for path in test_audio_list: - try: - mel, leng = load_audio(path) - audio_feature, input_ids = get_input_ids_whisper(mel, leng, whispermodel, device) - text = A1_A2( - fabric, - audio_feature, - input_ids, - leng, - model, - text_tokenizer, - step, - snacmodel, - out_dir=out_dir, - ) - print(f"input: {test_audio_transcripts[step]}") - print(f"output: {text}") - step += 1 - print( - "+++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++" - ) - except: - print(f"[error] failed to process {path}") - print("===============================================================") - - if 'asr' in task: - print("===============================================================") - print(" testing asr") - print("===============================================================") - - index = 0 - step = 0 - for path in test_audio_list: - mel, leng = load_audio(path) - audio_feature, input_ids = get_input_ids_whisper(mel, leng, whispermodel, device, special_token_a=_pad_a, special_token_t=_asr) - output = A1_T1(fabric, audio_feature, input_ids ,leng, model, text_tokenizer, index).lower().replace(',','').replace('.','').replace('?','') - print(f"audio_path: {path}") - print(f"audio transcript: {test_audio_transcripts[index]}") - print(f"asr output: {output}") - print("+++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++") - index += 1 - - if "T1A2" in task: - step = 0 - print("\n") - print("===============================================================") - print(" testing T1A2") - print("===============================================================") - for text in test_text_list: - input_ids = get_input_ids_TA(text, text_tokenizer) - text_output = T1_A2(fabric, input_ids, model, text_tokenizer, step, - snacmodel, out_dir=out_dir) - print(f"input: {text}") - print(f"output: {text_output}") - print("+++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++") - step += 1 - print("===============================================================") - - if "T1T2" in task: - step = 0 - print("\n") - print("===============================================================") - print(" testing T1T2") - print("===============================================================") - - for text in test_text_list: - input_ids = get_input_ids_TT(text, text_tokenizer) - text_output = T1_T2(fabric, input_ids, model, text_tokenizer, step) - print(f" Input: {text}") - print(f"Output: {text_output}") - print("+++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++") - print("===============================================================") - - if "AT" in task: - print("===============================================================") - print(" testing A1T2") - print("===============================================================") - step = 0 - for path in test_audio_list: - mel, leng = load_audio(path) - audio_feature, input_ids = get_input_ids_whisper( - mel, leng, whispermodel, device, - special_token_a=_pad_a, special_token_t=_answer_t - ) - text = A1_T2( - fabric, audio_feature, input_ids, leng, model, text_tokenizer, step - ) - print(f"input: {test_audio_transcripts[step]}") - print(f"output: {text}") - step += 1 - print("+++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++") - print("===============================================================") - - if "AA-BATCH" in task: - print("===============================================================") - print(" testing A1A2-BATCH") - print("===============================================================") - step = 0 - for path in test_audio_list: - mel, leng = load_audio(path) - audio_feature, input_ids = get_input_ids_whisper_ATBatch(mel, leng, whispermodel, device) - text = A1_A2_batch( - fabric, audio_feature, input_ids, leng, model, text_tokenizer, step, - snacmodel, out_dir=out_dir - ) - print(f"input: {test_audio_transcripts[step]}") - print(f"output: {text}") - step += 1 - print("+++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++++") - print("===============================================================") - - print("*********************** test end *****************************") - - - -if __name__ == "__main__": - test_infer() diff --git a/voice_chat/litgpt/__init__.py b/voice_chat/litgpt/__init__.py deleted file mode 100644 index 16dd655b4c3ed423fa1a530bbb01bfd2afdbcb4a..0000000000000000000000000000000000000000 --- a/voice_chat/litgpt/__init__.py +++ /dev/null @@ -1,19 +0,0 @@ -# Copyright Lightning AI. Licensed under the Apache License 2.0, see LICENSE file. - -import logging -import re -from litgpt.model import GPT # needs to be imported before config -from litgpt.config import Config -from litgpt.tokenizer import Tokenizer - -# Suppress excessive warnings, see https://github.com/pytorch/pytorch/issues/111632 -pattern = re.compile(".*Profiler function .* will be ignored") -logging.getLogger("torch._dynamo.variables.torch").addFilter( - lambda record: not pattern.search(record.getMessage()) -) - -# Avoid printing state-dict profiling output at the WARNING level when saving a checkpoint -logging.getLogger("torch.distributed.fsdp._optim_utils").disabled = True -logging.getLogger("torch.distributed.fsdp._debug_utils").disabled = True - -__all__ = ["GPT", "Config", "Tokenizer"] diff --git a/voice_chat/litgpt/config.py b/voice_chat/litgpt/config.py deleted file mode 100644 index c733ed2fcfa9c9ba9785bf38c16322054a676ba2..0000000000000000000000000000000000000000 --- a/voice_chat/litgpt/config.py +++ /dev/null @@ -1,180 +0,0 @@ -# Copyright Lightning AI. Licensed under the Apache License 2.0, see LICENSE file. - -from copy import deepcopy -from dataclasses import dataclass, field -from pathlib import Path -from typing import Any, Literal, Optional, Type, Union - -import torch -import yaml -from typing_extensions import Self - -import litgpt.model -from litgpt.utils import find_multiple - - -@dataclass -class Config: - name: str = "" - hf_config: dict = field(default_factory=dict) - scale_embeddings: bool = False - block_size: int = 4096 - vocab_size: int = 50254 - padding_multiple: int = 512 - padded_vocab_size: Optional[int] = None - n_layer: int = 16 - n_head: int = 32 - head_size: Optional[int] = None - n_embd: int = 4096 - rotary_percentage: float = 0.25 - parallel_residual: bool = True - bias: bool = True - lm_head_bias: bool = False - # to use multi-head attention (MHA), set this to `n_head` (default) - # to use multi-query attention (MQA), set this to 1 - # to use grouped-query attention (GQA), set this to a value in between - # Example with `n_head=4` - # ┌───┐┌───┐┌───┐┌───┐ ┌───┐ ┌───┐ ┌───┐ - # │ v ││ v ││ v ││ v │ │ v │ │ v │ │ v │ - # └───┘└───┘└───┘└───┘ └───┘ └───┘ └───┘ - # │ │ │ │ │ │ │ - # ┌───┐┌───┐┌───┐┌───┐ ┌───┐ ┌───┐ ┌───┐ - # │ k ││ k ││ k ││ k │ │ k │ │ k │ │ k │ - # └───┘└───┘└───┘└───┘ └───┘ └───┘ └───┘ - # │ │ │ │ ┌──┴──┐ ┌──┴──┐ ┌────┬──┴─┬────┐ - # ┌───┐┌───┐┌───┐┌───┐ ┌───┐┌───┐┌───┐┌───┐ ┌───┐┌───┐┌───┐┌───┐ - # │ q ││ q ││ q ││ q │ │ q ││ q ││ q ││ q │ │ q ││ q ││ q ││ q │ - # └───┘└───┘└───┘└───┘ └───┘└───┘└───┘└───┘ └───┘└───┘└───┘└───┘ - # ◀──────────────────▶ ◀──────────────────▶ ◀──────────────────▶ - # MHA GQA MQA - # n_query_groups=4 n_query_groups=2 n_query_groups=1 - # - # credit https://arxiv.org/pdf/2305.13245.pdf - n_query_groups: Optional[int] = None - shared_attention_norm: bool = False - norm_class_name: Literal["LayerNorm", "RMSNorm"] = "LayerNorm" - norm_eps: float = 1e-5 - mlp_class_name: Literal["GptNeoxMLP", "LLaMAMLP", "GemmaMLP", "LLaMAMoE"] = ( - "GptNeoxMLP" - ) - gelu_approximate: str = "none" - intermediate_size: Optional[int] = None - rope_condense_ratio: int = 1 - rope_base: int = 10000 - n_expert: int = 0 - n_expert_per_token: int = 0 - - add_qkv_bias: Optional[bool] = None - prompt_vocab_size: Optional[int] = None - attn_dropout: float = 0.0 - pos_type: str = "rope" - force_align: bool = False - use_pretrain_phoneme_emb: bool = False - tie_word_embeddings: bool = False - - # setting for mini-omni - text_vocab_size:int = 152000 - cat_audio_vocab_size: int = 29120 - audio_vocab_size: int = 4160 - whisper_adapter_dim: int = 768 - - post_adapter: bool = False - post_adapter_layers: int = 6 - asr_adapter: str = "llamamlp" - - def __post_init__(self): - if not self.name: - self.name = self.hf_config.get("name", self.name) - - if self.head_size is None: - assert self.n_embd % self.n_head == 0 - self.head_size = self.n_embd // self.n_head - - # vocab size should be a power of 2 to be optimal on hardware. compute the closest value - if self.padded_vocab_size is None: - self.padded_vocab_size = find_multiple( - self.vocab_size, self.padding_multiple - ) - else: - # vocab size shouldn't be larger than padded vocab size - self.vocab_size = min(self.vocab_size, self.padded_vocab_size) - - # compute the number of query groups - if self.n_query_groups is not None: - assert self.n_head % self.n_query_groups == 0 - else: - self.n_query_groups = self.n_head - - # compute the intermediate size for MLP if not set - if self.intermediate_size is None: - if self.mlp_class_name == "LLaMAMLP": - raise ValueError( - f"The config {self.name!r}, needs to set the `intermediate_size`" - ) - self.intermediate_size = 4 * self.n_embd - - self.rope_n_elem = int(self.rotary_percentage * self.head_size) - - if self.add_qkv_bias is None: - self.add_qkv_bias = self.bias - - @classmethod - def from_name(cls, name: str, **kwargs: Any) -> Optional[Self]: - if name not in name_to_config: - # search through all `config['hf_config']['name']` - try: - conf_dict = next( - config - for config in configs - if name == config["hf_config"]["name"] - or config["hf_config"]["org"] + "/" + config["hf_config"]["name"] - == name - ) - except StopIteration: - raise ValueError(f"{name!r} is not a supported config name") - else: - conf_dict = name_to_config[name] - - conf_dict = conf_dict.copy() - conf_dict.update(kwargs) - return cls(**conf_dict) - - @classmethod - def from_file(cls, path: Union[str, Path], **kwargs: Any) -> Self: - with open(path, encoding="utf-8") as fp: - file_kwargs = yaml.safe_load(fp) - if file_kwargs is None: - raise ValueError(f"{path} is empty which is likely unexpected.") - file_kwargs.update(kwargs) - return cls(**file_kwargs) - - @classmethod - def from_checkpoint(cls, path: Path, **kwargs: Any) -> Self: - """Automatically load `model_config.yaml` and if it doesn't exist - a matching config from `litgpt/config.py`.""" - if (config_path := path / "model_config.yaml").is_file(): - return cls.from_file(config_path, **kwargs) - if (model_name := path.name) in name_to_config: - return cls.from_name(model_name, **kwargs) - raise FileNotFoundError( - f"For {str(path)!r} neither 'model_config.yaml' nor matching config exists." - ) - - @property - def mlp_class(self) -> Type: - # `self.mlp_class_name` cannot be the type to keep the config serializable - return getattr(litgpt.model, self.mlp_class_name) - - @property - def norm_class(self) -> Type: - # `self.norm_class_name` cannot be the type to keep the config serializable - if self.norm_class_name == "RMSNorm": - from functools import partial - - from litgpt.model import RMSNorm - - return partial(RMSNorm, add_unit_offset="Gemma" in self.name) - return getattr(torch.nn, self.norm_class_name) - - -configs = [] -name_to_config = {config["name"]: config for config in configs} diff --git a/voice_chat/litgpt/generate/__init__.py b/voice_chat/litgpt/generate/__init__.py deleted file mode 100644 index e69de29bb2d1d6434b8b29ae775ad8c2e48c5391..0000000000000000000000000000000000000000 diff --git a/voice_chat/litgpt/generate/base.py b/voice_chat/litgpt/generate/base.py deleted file mode 100644 index 2c5d23b0d1d0623253217d9c32fec5e73b1b8bc3..0000000000000000000000000000000000000000 --- a/voice_chat/litgpt/generate/base.py +++ /dev/null @@ -1,795 +0,0 @@ -# Copyright Lightning AI. Licensed under the Apache License 2.0, see LICENSE file. - -from typing import Any, Literal, Optional - -import torch -# import torch._dynamo.config -# import torch._inductor.config - -from litgpt.model import GPT -from utils.snac_utils import layershift, snac_config -from tqdm import tqdm - - -def multinomial_num_samples_1(probs: torch.Tensor) -> torch.Tensor: - if torch._dynamo.is_compiling(): - # Faster alternative to `torch.multinomial(probs, num_samples=1)` that is also CUDAGraph friendly - distribution = torch.empty_like(probs).exponential_(1) - return torch.argmax(probs / distribution, dim=-1, keepdim=True) - return torch.multinomial(probs, num_samples=1) - - -def sample_top_p(logits: torch.Tensor, top_p: float) -> torch.Tensor: - sorted_logits, sorted_indices = torch.sort(logits, descending=False) - cumulative_probs = sorted_logits.softmax(dim=-1).cumsum(dim=-1) - # Example: - # sorted_probs=[0.1, 0.15, 0.2, 0.25, 0.3] -> sorted_cumprobs=[0.1, 0.25, 0.45, 0.7, 1.0] - # sorted_indices_to_remove = [1, 1, 0, 0, 0] if top_p=0.7 - sorted_indices_to_remove = cumulative_probs <= (1 - top_p) - # Keep at least 1 token always to prevent the case where no token is selected - # In this case the most probable one is always kept - sorted_indices_to_remove[-1:] = 0 - indices_to_remove = sorted_indices_to_remove.scatter( - 0, sorted_indices, sorted_indices_to_remove - ) - logits = logits.masked_fill(indices_to_remove, float("-inf")) - return logits - - -def sample( - logits: torch.Tensor, - temperature: float = 1.0, - top_k: Optional[int] = None, - top_p: float = 1.0, -) -> torch.Tensor: - if top_p < 0.0 or top_p > 1.0: - raise ValueError(f"top_p must be in [0, 1], got {top_p}") - logits = logits[0, -1] - # optionally crop the logits to only the top k options - if top_k is not None: - v, i = torch.topk(logits, min(top_k, logits.size(-1))) - # do not use `torch.where` as in nanogpt because it will repeat top-k collisions - logits = torch.full_like(logits, float("-inf")).scatter_(-1, i, v) - # optionally scale the logits and sample from a probability distribution - if temperature > 0.0 or top_p > 0.0: - if temperature > 0.0: - logits = logits / temperature - # optionally crop the logits to smallest set of logits with a cumulative probability above top_p - if top_p < 1.0: - logits = sample_top_p(logits, top_p) - probs = torch.nn.functional.softmax(logits, dim=-1) - return multinomial_num_samples_1(probs) - return torch.argmax(logits, dim=-1, keepdim=True) - - -def next_token( - model: GPT, input_pos: torch.Tensor, x: list, **kwargs: Any -) -> torch.Tensor: - input_pos = input_pos.to(model.device) - logits_a, logit_t = model(x, input_pos) - - next_audio_tokens = [] - for logit_a in logits_a: - next_a = sample(logit_a, **kwargs).to(dtype=x[0].dtype) - next_audio_tokens.append(next_a) - next_t = sample(logit_t, **kwargs).to(dtype=x[0].dtype) - return next_audio_tokens, next_t - - -def next_token_asr( - model: GPT, - input_pos: torch.Tensor, - audio_features: torch.tensor, - lens: int, - input_ids: list, - **kwargs: Any, -) -> torch.Tensor: - input_pos = input_pos.to(model.device) - input_ids = [input_id.to(model.device) for input_id in input_ids] - logits_a, logit_t = model(audio_features, input_ids, input_pos, whisper_lens=lens) - - next_audio_tokens = [] - for logit_a in logits_a: - next_a = sample(logit_a, **kwargs).to(dtype=input_ids[0].dtype) - next_audio_tokens.append(next_a) - next_t = sample(logit_t, **kwargs).to(dtype=input_ids[0].dtype) - return next_audio_tokens, next_t - - -def next_token_A1T2( - model: GPT, - audio_features: torch.tensor, - input_ids: list, - whisper_lens: int, - task: list, - input_pos: torch.Tensor, - **kwargs: Any, -) -> torch.Tensor: - input_pos = input_pos.to(model.device) - input_ids = [input_id.to(model.device) for input_id in input_ids] - logits_a, logit_t = model( - audio_features, input_ids, input_pos, whisper_lens=whisper_lens, task=task - ) - - next_audio_tokens = [] - for logit_a in logits_a: - next_a = sample(logit_a, **kwargs).to(dtype=input_ids[0].dtype) - next_audio_tokens.append(next_a) - next_t = sample(logit_t, **kwargs).to(dtype=input_ids[0].dtype) - return next_audio_tokens, next_t - - -def next_token_A1T1( - model: GPT, - audio_features: torch.tensor, - input_ids: list, - whisper_lens: int, - task: list, - input_pos: torch.Tensor, - **kwargs: Any, -) -> torch.Tensor: - input_pos = input_pos.to(model.device) - input_ids = [input_id.to(model.device) for input_id in input_ids] - logits_a, logit_t = model( - audio_features, input_ids, input_pos, whisper_lens=whisper_lens, task=task - ) - next_t = sample(logit_t, **kwargs).to(dtype=input_ids[0].dtype) - return next_t - - -def next_token_batch( - model: GPT, - audio_features: torch.tensor, - input_ids: list, - whisper_lens: int, - task: list, - input_pos: torch.Tensor, - **kwargs: Any, -) -> torch.Tensor: - input_pos = input_pos.to(model.device) - input_ids = [input_id.to(model.device) for input_id in input_ids] - logits_a, logit_t = model( - audio_features, input_ids, input_pos, whisper_lens=whisper_lens, task=task - ) - - for i in range(7): - logits_a[i] = logits_a[i][0].unsqueeze(0) - logit_t = logit_t[1].unsqueeze(0) - - next_audio_tokens = [] - for logit_a in logits_a: - next_a = sample(logit_a, **kwargs).to(dtype=input_ids[0].dtype) - next_audio_tokens.append(next_a) - next_t = sample(logit_t, **kwargs).to(dtype=input_ids[0].dtype) - return next_audio_tokens, next_t - - -# torch._dynamo.config.automatic_dynamic_shapes = True -# torch._inductor.config.triton.unique_kernel_names = True -# torch._inductor.config.coordinate_descent_tuning = True -# next_token = torch.compile(next_token, mode="reduce-overhead") - - -@torch.inference_mode() -def generate( - model: GPT, - input_ids: list, - max_returned_tokens: int, - *, - temperature: float = 1.0, - top_k: Optional[int] = None, - top_p: float = 1.0, - eos_id_a: Optional[int] = None, - eos_id_t: Optional[int] = None, - pad_id: Optional[int] = None, - shift: Optional[int] = None, - include_prompt: bool = True, - generate_text=False, -) -> torch.Tensor: - # print("eos_id_a:", eos_id_a) - # print("eos_id_t:", eos_id_t) - # print("pad_id:", pad_id) - """ - Takes a conditioning sequence (prompt) as input and continues to generate as many tokens as requested. - The implementation of this function is modified from A. Karpathy's nanoGPT. - - Args: - model: The model to use. - prompt: Tensor of shape (T) with indices of the prompt sequence. - max_returned_tokens: The maximum number of tokens to return (given plus generated). - temperature: Scales the predicted logits by 1 / temperature. - top_k: If specified, only sample among the tokens with the k highest probabilities. - top_p: If specified, it represents the cumulative probability threshold to consider in the sampling process. - In top-p sampling, the next token is sampled from the highest probability tokens - whose cumulative probability exceeds the threshold `top_p`. When specified, - it must be `0 <= top_p <= 1`. Here, `top_p=0` is equivalent - to sampling the most probable token, while `top_p=1` samples from the whole distribution. - It can be used in conjunction with `top_k` and `temperature` with the following order - of application: - - 1. `top_k` sampling - 2. `temperature` scaling - 3. `top_p` sampling - - For more details, see https://arxiv.org/abs/1904.09751 - or https://huyenchip.com/2024/01/16/sampling.html#top_p - eos_id: If specified, stop generating any more token once the token is triggered. - include_prompt: If true (default) prepends the prompt (after applying the prompt style) to the output. - """ - T = input_ids[0].size(0) - device = input_ids[0].device - assert max_returned_tokens > T - if model.max_seq_length < max_returned_tokens - 1: - # rolling the kv cache based on the `input_pos` value would be necessary. However, doing so would introduce a - # data dependency on the `input_pos` tensor and impact model compilation. Since this setting is uncommon, we do - # not support it to avoid negatively impacting the overall speed - raise NotImplementedError( - f"max_seq_length {model.max_seq_length} needs to be >= {max_returned_tokens - 1}" - ) - - for input_id in input_ids: - input_id = [input_id] - ( - tokens_A1, - tokens_A2, - tokens_A3, - tokens_A4, - tokens_A5, - tokens_A6, - tokens_A7, - tokens_T, - ) = input_ids - - tokens_A1_output = [tokens_A1] - tokens_A2_output = [tokens_A2] - tokens_A3_output = [tokens_A3] - tokens_A4_output = [tokens_A4] - tokens_A5_output = [tokens_A5] - tokens_A6_output = [tokens_A6] - tokens_A7_output = [tokens_A7] - tokens_T_output = [tokens_T] - - list_output = [ - tokens_A1_output, - tokens_A2_output, - tokens_A3_output, - tokens_A4_output, - tokens_A5_output, - tokens_A6_output, - tokens_A7_output, - tokens_T_output, - ] - - input_pos = torch.tensor([T], device=device) - model_input_ids = [ - tokens_A1.view(1, -1), - tokens_A2.view(1, -1), - tokens_A3.view(1, -1), - tokens_A4.view(1, -1), - tokens_A5.view(1, -1), - tokens_A6.view(1, -1), - tokens_A7.view(1, -1), - tokens_T.view(1, -1), - ] - - tokens_A, token_T = next_token( - model, - torch.arange(0, T, device=device), - model_input_ids, - temperature=temperature, - top_k=top_k, - top_p=top_p, - ) - for i in range(7): - list_output[i].append(tokens_A[i].clone()) - list_output[7].append(token_T.clone()) - - # prepare the input for the next iteration - for i in range(7): - tokens_A[i] = tokens_A[i].clone() + shift + i * snac_config.padded_vocab_size - token_T = token_T.clone() - - text_end = False - max_returned_tokens = 1000 - for _ in tqdm(range(2, max_returned_tokens - T + 1)): - model_input_ids = [ - token_a.view(1, -1).to(torch.int32) for token_a in tokens_A - ] + [token_T.view(1, -1).to(torch.int32)] - tokens_A, token_T = next_token( - model, - input_pos, - model_input_ids, - temperature=temperature, - top_k=top_k, - top_p=top_p, - ) - if text_end: - token_T = torch.tensor([pad_id], device=device) - - for i in range(7): - list_output[i].append(tokens_A[i].clone()) - list_output[7].append(token_T.clone()) - - if tokens_A[-1] == eos_id_a: - break - if token_T == eos_id_t: - if generate_text: - break - text_end = True - - for i in range(7): - tokens_A[i] = tokens_A[i].clone() + shift + i * snac_config.padded_vocab_size - token_T = token_T.clone() - input_pos = input_pos.add_(1) - - for i in range(len(list_output)): - list_output[i] = torch.cat(list_output[i]) - return list_output - - -@torch.inference_mode() -def generate_TA_BATCH( - model: GPT, - audio_features: torch.Tensor, - input_ids: list, - leng, - task, - max_returned_tokens: int = 1000, - *, - temperature: float = 1.0, - top_k: Optional[int] = None, - top_p: float = 1.0, - eos_id_a: Optional[int] = None, - eos_id_t: Optional[int] = None, - pad_id_t: Optional[int] = None, - shift: Optional[int] = None, - include_prompt: bool = True, - generate_text=False, -) -> torch.Tensor: - - T = input_ids[0].size(1) - device = input_ids[0].device - assert max_returned_tokens > T - if model.max_seq_length < max_returned_tokens - 1: - raise NotImplementedError( - f"max_seq_length {model.max_seq_length} needs to be >= {max_returned_tokens - 1}" - ) - - input_pos = torch.tensor([T], device=device) - model_input_ids = input_ids - - list_output = [[] for i in range(8)] - - tokens_A, token_T = next_token_batch( - model, - audio_features.to(torch.float32).to(model.device), - input_ids, - [T - 3, T - 3], - ["A1T2", "A1T2"], - input_pos=torch.arange(0, T, device=device), - temperature=temperature, - top_k=top_k, - top_p=top_p, - ) - - for i in range(7): - list_output[i].append(tokens_A[i].tolist()[0]) - list_output[7].append(token_T.tolist()[0]) - - model_input_ids = [[] for i in range(8)] - for i in range(7): - tokens_A[i] = tokens_A[i].clone() + shift + i * snac_config.padded_vocab_size - model_input_ids[i].append(tokens_A[i].clone().to(device).to(torch.int32)) - model_input_ids[i].append(torch.tensor([layershift(snac_config.end_of_audio, i)], device=device)) - model_input_ids[i] = torch.stack(model_input_ids[i]) - - model_input_ids[-1].append(token_T.clone().to(torch.int32)) - model_input_ids[-1].append(token_T.clone().to(torch.int32)) - model_input_ids[-1] = torch.stack(model_input_ids[-1]) - - text_end = False - - for _ in range(2, max_returned_tokens - T + 1): - tokens_A, token_T = next_token_batch( - model, - None, - model_input_ids, - None, - None, - input_pos=input_pos, - temperature=temperature, - top_k=top_k, - top_p=top_p, - ) - - if text_end: - token_T = torch.tensor([pad_id_t], device=device) - - if tokens_A[-1] == eos_id_a: - break - if token_T == eos_id_t: - text_end = True - - for i in range(7): - list_output[i].append(tokens_A[i].tolist()[0]) - list_output[7].append(token_T.tolist()[0]) - - model_input_ids = [[] for i in range(8)] - for i in range(7): - tokens_A[i] = tokens_A[i].clone() + shift + i * snac_config.padded_vocab_size - model_input_ids[i].append(tokens_A[i].clone().to(device).to(torch.int32)) - model_input_ids[i].append( - torch.tensor([layershift(snac_config.end_of_audio, i)], device=device) - ) - model_input_ids[i] = torch.stack(model_input_ids[i]) - - model_input_ids[-1].append(token_T.clone().to(torch.int32)) - model_input_ids[-1].append(token_T.clone().to(torch.int32)) - model_input_ids[-1] = torch.stack(model_input_ids[-1]) - - input_pos = input_pos.add_(1) - - return list_output - - -@torch.inference_mode() -def generate_TT( - model: GPT, - audio_features: torch.Tensor, - input_ids: list, - leng, - task, - max_returned_tokens: int = 2048, - *, - temperature: float = 1.0, - top_k: Optional[int] = None, - top_p: float = 1.0, - eos_id_a: Optional[int] = None, - eos_id_t: Optional[int] = None, - pad_id_t: Optional[int] = None, - shift: Optional[int] = None, - include_prompt: bool = True, - generate_text=False, -) -> torch.Tensor: - - T = input_ids[0].size(1) - device = input_ids[0].device - - output = [] - token_T = next_token_A1T1( - model, - None, - input_ids, - None, - None, - input_pos=torch.arange(0, T, device=device), - temperature=temperature, - top_k=top_k, - top_p=top_p, - ) - - output.append(token_T.clone().tolist()[0]) - input_pos = torch.tensor([T], device=device) - - for _ in tqdm(range(2, max_returned_tokens - T + 1)): - model_input_ids = [] - for i in range(7): - model_input_ids.append( - torch.tensor([layershift(snac_config.end_of_audio, i)]) - .view(1, -1) - .to(torch.int32) - .to(device) - ) - model_input_ids.append(token_T.clone().view(1, -1).to(torch.int32).to(device)) - token_T = next_token_A1T1( - model, - None, - model_input_ids, - None, - None, - input_pos=input_pos, - temperature=temperature, - top_k=top_k, - top_p=top_p, - ) - if token_T == eos_id_t: - break - output.append(token_T.clone().tolist()[0]) - input_pos = input_pos.add_(1) - return output - - -@torch.inference_mode() -def generate_AT( - model: GPT, - audio_features: torch.Tensor, - input_ids: list, - leng, - task, - max_returned_tokens: int = 2048, - *, - temperature: float = 1.0, - top_k: Optional[int] = None, - top_p: float = 1.0, - eos_id_a: Optional[int] = None, - eos_id_t: Optional[int] = None, - pad_id_t: Optional[int] = None, - shift: Optional[int] = None, - include_prompt: bool = True, - generate_text=False, -) -> torch.Tensor: - - T = input_ids[0].size(1) - device = input_ids[0].device - - output = [] - token_T = next_token_A1T1( - model, - audio_features.to(torch.float32).to(model.device), - input_ids, - [T - 3], - ["AT"], - input_pos=torch.arange(0, T, device=device), - temperature=temperature, - top_k=top_k, - top_p=top_p, - ) - output.append(token_T.clone().tolist()[0]) - input_pos = torch.tensor([T], device=device) - text_end = False - for _ in tqdm(range(2, max_returned_tokens - T + 1)): - model_input_ids = [] - for i in range(7): - model_input_ids.append( - torch.tensor([layershift(snac_config.end_of_audio, i)]) - .view(1, -1) - .to(torch.int32) - .to(device) - ) - model_input_ids.append(token_T.clone().view(1, -1).to(torch.int32).to(device)) - token_T = next_token_A1T1( - model, - None, - model_input_ids, - None, - None, - input_pos=input_pos, - temperature=temperature, - top_k=top_k, - top_p=top_p, - ) - if token_T == eos_id_t: - break - output.append(token_T.clone().tolist()[0]) - input_pos = input_pos.add_(1) - return output - - -@torch.inference_mode() -def generate_TA( - model: GPT, - audio_features: torch.Tensor, - input_ids: list, - leng, - task, - max_returned_tokens: int = 2048, - *, - temperature: float = 1.0, - top_k: Optional[int] = None, - top_p: float = 1.0, - eos_id_a: Optional[int] = None, - eos_id_t: Optional[int] = None, - pad_id_t: Optional[int] = None, - shift: Optional[int] = None, - include_prompt: bool = True, - generate_text=False, -) -> torch.Tensor: - - T = input_ids[0].size(1) - device = input_ids[0].device - - output = [[] for _ in range(8)] - tokens_A, token_T = next_token_A1T2( - model, - None, - input_ids, - None, - None, - input_pos=torch.arange(0, T, device=device), - temperature=temperature, - top_k=top_k, - top_p=top_p, - ) - for i in range(7): - output[i].append(tokens_A[i].clone().tolist()[0]) - output[7].append(token_T.clone().tolist()[0]) - - input_pos = torch.tensor([T], device=device) - text_end = False - for _ in tqdm(range(2, max_returned_tokens - T + 1)): - - model_input_ids = [] - for i in range(7): - model_input_ids.append( - layershift(tokens_A[i].clone(), i) - .view(1, -1) - .to(torch.int32) - .to(device) - ) - model_input_ids.append(token_T.clone().view(1, -1).to(torch.int32).to(device)) - - tokens_A, token_T = next_token_A1T2( - model, - None, - model_input_ids, - None, - None, - input_pos=input_pos, - temperature=temperature, - top_k=top_k, - top_p=top_p, - ) - - if text_end: - token_T = torch.tensor([pad_id_t], device=device) - - if tokens_A[-1] == eos_id_a: - break - - if token_T == eos_id_t: - text_end = True - - for i in range(7): - output[i].append(tokens_A[i].clone().tolist()[0]) - output[7].append(token_T.clone().tolist()[0]) - input_pos = input_pos.add_(1) - - return output - - -@torch.inference_mode() -def generate_AA( - model: GPT, - audio_features: torch.Tensor, - input_ids: list, - leng, - task, - max_returned_tokens: int = 2048, - *, - temperature: float = 1.0, - top_k: Optional[int] = None, - top_p: float = 1.0, - eos_id_a: Optional[int] = None, - eos_id_t: Optional[int] = None, - pad_id_t: Optional[int] = None, - shift: Optional[int] = None, - include_prompt: bool = True, - generate_text=False, -) -> torch.Tensor: - - T = input_ids[0].size(1) - device = input_ids[0].device - - output = [[] for _ in range(8)] - tokens_A, token_T = next_token_A1T2( - model, - audio_features.to(torch.float32).to(model.device), - input_ids, - [T - 3], - ["A1T2"], - input_pos=torch.arange(0, T, device=device), - temperature=temperature, - top_k=top_k, - top_p=top_p, - ) - for i in range(7): - output[i].append(tokens_A[i].clone().tolist()[0]) - output[7].append(token_T.clone().tolist()[0]) - - input_pos = torch.tensor([T], device=device) - - text_end = False - for _ in tqdm(range(2, max_returned_tokens - T + 1)): - - model_input_ids = [] - for i in range(7): - model_input_ids.append( - layershift(tokens_A[i].clone(), i) - .view(1, -1) - .to(torch.int32) - .to(device) - ) - model_input_ids.append(token_T.clone().view(1, -1).to(torch.int32).to(device)) - - tokens_A, token_T = next_token_A1T2( - model, - None, - model_input_ids, - None, - None, - input_pos=input_pos, - temperature=temperature, - top_k=top_k, - top_p=top_p, - ) - - if text_end: - token_T = torch.tensor([pad_id_t], device=device) - - if tokens_A[-1] == eos_id_a: - break - if token_T == eos_id_t: - # print("text_end") - text_end = True - - for i in range(7): - output[i].append(tokens_A[i].clone().tolist()[0]) - output[7].append(token_T.clone().tolist()[0]) - input_pos = input_pos.add_(1) - - return output - - -@torch.inference_mode() -def generate_ASR( - model: GPT, - audio_features: torch.Tensor, - input_ids: list, - leng, - task, - max_returned_tokens: int = 1200, - *, - temperature: float = 1.0, - top_k: Optional[int] = None, - top_p: float = 1.0, - eos_id_a: Optional[int] = None, - eos_id_t: Optional[int] = None, - pad_id_t: Optional[int] = None, - shift: Optional[int] = None, - include_prompt: bool = True, - generate_text=False, -) -> torch.Tensor: - - T = input_ids[0].size(1) - device = input_ids[0].device - output = [] - token_T = next_token_A1T1( - model, - audio_features.to(torch.float32).to(model.device), - input_ids, - [T - 3], - ["asr"], - input_pos=torch.arange(0, T, device=device), - temperature=temperature, - top_k=top_k, - top_p=top_p, - ) - output.append(token_T.clone().tolist()[0]) - input_pos = torch.tensor([T], device=device) - text_end = False - for _ in tqdm(range(2, max_returned_tokens - T + 1)): - model_input_ids = [] - for i in range(7): - model_input_ids.append( - torch.tensor([layershift(snac_config.end_of_audio, i)]) - .view(1, -1) - .to(torch.int32) - .to(device) - ) - model_input_ids.append(token_T.clone().view(1, -1).to(torch.int32).to(device)) - token_T = next_token_A1T1( - model, - None, - model_input_ids, - None, - None, - input_pos=input_pos, - temperature=temperature, - top_k=top_k, - top_p=top_p, - ) - if token_T == eos_id_t: - break - output.append(token_T.clone().tolist()[0]) - input_pos = input_pos.add_(1) - return output diff --git a/voice_chat/litgpt/model.py b/voice_chat/litgpt/model.py deleted file mode 100644 index dc5cbd0a9ecf6df1ee1763720961dd13136d3091..0000000000000000000000000000000000000000 --- a/voice_chat/litgpt/model.py +++ /dev/null @@ -1,618 +0,0 @@ -# Copyright Lightning AI. Licensed under the Apache License 2.0, see LICENSE file. - -"""Full definition of a decoder-only transformer-based language model, all of it in this single file. - -Based on the nanoGPT implementation: https://github.com/karpathy/nanoGPT and -https://github.com/EleutherAI/gpt-neox/tree/main/megatron/model. -""" - -import math -from typing import Any, Optional, Tuple - -import torch -import torch.nn as nn -from typing_extensions import Self -from litgpt.config import Config - - -class GPT(nn.Module): - def __init__(self, config: Config) -> None: - super().__init__() - assert config.padded_vocab_size is not None - self.config = config - if self.config.asr_adapter == "mlp": - print("Using MLP adapter for ASR feature") - self.whisper_adapter = nn.Linear(config.whisper_adapter_dim, config.n_embd) - elif self.config.asr_adapter == "llamamlp": - print("using LLAMA MLP adapter for ASR feature") - self.whisper_adapter = whisperMLP(config=config) - else: - raise ValueError("asr_adapter should be mlp or llamamlp") - self.lm_head = nn.Linear( - config.n_embd, config.padded_vocab_size, bias=config.lm_head_bias - ) - if config.post_adapter: - self.transformer = nn.ModuleDict( - dict( - wte=nn.Embedding(config.padded_vocab_size, config.n_embd), - h=nn.ModuleList(Block(config) for _ in range(config.n_layer)), - post_adapter=nn.ModuleList( - Block(config) for _ in range(config.post_adapter_layers) - ), - ln_f=config.norm_class(config.n_embd, eps=config.norm_eps), - post_adapter_audio_ln=config.norm_class( - config.n_embd, eps=config.norm_eps - ), - post_adapter_audio_lm_head=nn.Linear( - config.n_embd, config.cat_audio_vocab_size, bias=config.lm_head_bias - ), - ) - ) - else: - self.transformer = nn.ModuleDict( - dict( - wte=nn.Embedding(config.padded_vocab_size, config.n_embd), - h=nn.ModuleList(Block(config) for _ in range(config.n_layer)), - ln_f=config.norm_class(config.n_embd, eps=config.norm_eps), - ) - ) - self.max_seq_length = self.config.block_size - self.mask_cache: Optional[torch.Tensor] = None - if config.tie_word_embeddings: - self.lm_head.weight = self.transformer.wte.weight - - @property - def max_seq_length(self) -> int: - return self._max_seq_length - - @max_seq_length.setter - def max_seq_length(self, value: int) -> None: - """ - When doing inference, the sequences used might be shorter than the model's context length. - This allows setting a smaller number to avoid allocating unused memory - """ - if value > self.config.block_size: - raise ValueError( - f"Cannot attend to {value}, block size is only {self.config.block_size}" - ) - self._max_seq_length = value - if not hasattr(self, "cos"): - # first call - cos, sin = self.rope_cache() - self.register_buffer("cos", cos, persistent=False) - self.register_buffer("sin", sin, persistent=False) - # override - elif value != self.cos.size(0): - self.cos, self.sin = self.rope_cache(device=self.cos.device) - # the mask and kv cache size will get updated on `set_kv_cache`. we cannot update it here because we don't know - # if the kv cache is expected - - def reset_parameters(self) -> None: - # Trigger resetting the rope-cache - self.cos, self.sin = self.rope_cache(device=self.cos.device) - - def _init_weights(self, module: nn.Module) -> None: - """Meant to be used with `gpt.apply(gpt._init_weights)`.""" - if isinstance(module, nn.Linear): - torch.nn.init.normal_(module.weight, mean=0.0, std=0.02) - if module.bias is not None: - torch.nn.init.zeros_(module.bias) - elif isinstance(module, nn.Embedding): - torch.nn.init.normal_(module.weight, mean=0.0, std=0.02) - - def concat_whisper_feat(self, audio_feature, input_ids, T, task): - for j in range(len(T)): - if task[j] != "T1T2" and task[j] != "T1A2": - for i in range(7): - input_ids[i][j, 1 : T[j] + 1, :] = audio_feature[j][: T[j]].clone() - else: - continue - return input_ids - - def forward( - self, - audio_features: torch.Tensor, - input_ids: torch.Tensor, - input_pos: Optional[torch.Tensor] = None, - whisper_lens: Optional[list] = None, - task: Optional[str] = None, - ) -> torch.Tensor: - - show = False - T = input_ids[0].size(1) - if self.max_seq_length < T: - raise ValueError( - f"Cannot forward sequence of length {T}, max seq length is only {self.max_seq_length}." - ) - - if input_pos is not None: # use the kv cache - cos = self.cos.index_select(0, input_pos) - sin = self.sin.index_select(0, input_pos) - if self.mask_cache is None: - raise TypeError("You need to call `gpt.set_kv_cache()`") - mask = self.mask_cache.index_select(2, input_pos) - else: - cos = self.cos[:T] - sin = self.sin[:T] - mask = None - - if audio_features is not None: - # get whisper feature - x_a = self.whisper_adapter(audio_features) - # get input_ids embedding - x0, x1, x2, x3, x4, x5, x6, x7 = input_ids - - x0 = self.transformer.wte(x0) - x1 = self.transformer.wte(x1) - x2 = self.transformer.wte(x2) - x3 = self.transformer.wte(x3) - x4 = self.transformer.wte(x4) - x5 = self.transformer.wte(x5) - x6 = self.transformer.wte(x6) - x7 = self.transformer.wte(x7) - - # concat whisper feature - input_emb = self.concat_whisper_feat( - x_a, [x0, x1, x2, x3, x4, x5, x6, x7], whisper_lens, task - ) - x0, x1, x2, x3, x4, x5, x6, x7 = input_emb - - else: - x0, x1, x2, x3, x4, x5, x6, x7 = input_ids - - x0 = self.transformer.wte(x0) - x1 = self.transformer.wte(x1) - x2 = self.transformer.wte(x2) - x3 = self.transformer.wte(x3) - x4 = self.transformer.wte(x4) - x5 = self.transformer.wte(x5) - x6 = self.transformer.wte(x6) - x7 = self.transformer.wte(x7) - - x = (x0 + x1 + x2 + x3 + x4 + x5 + x6 + x7) / 8 - - if self.config.scale_embeddings: - x = x * (self.config.n_embd**0.5) - - for block in self.transformer.h: - x = block(x, cos, sin, mask, input_pos) - - - text_vocab_size = self.config.text_vocab_size - audio_vocab_size = self.config.audio_vocab_size - - x_ori = x - x_ori = self.transformer.ln_f(x_ori) - x_ori = self.lm_head(x_ori) # (b, t, vocab_size) - xt = x_ori[..., :text_vocab_size] - - if self.config.post_adapter: - for block in self.transformer.post_adapter: - x = block(x, cos, sin, mask, input_pos) - x = self.transformer.post_adapter_audio_ln(x) - x = self.transformer.post_adapter_audio_lm_head(x) # (b, t, vocab_size) - xa = [] - for i in range(7): - xa.append(x[..., audio_vocab_size * i : audio_vocab_size * (i + 1)]) - else: - xa = [] - for i in range(7): - xa.append(x_ori[..., text_vocab_size + audio_vocab_size * i : text_vocab_size + audio_vocab_size * (i + 1)]) - - return xa, xt - - @classmethod - def from_name(cls, name: str, **kwargs: Any) -> Self: - return cls(Config.from_name(name, **kwargs)) - - def rope_cache( - self, device: Optional[torch.device] = None - ) -> Tuple[torch.Tensor, torch.Tensor]: - return build_rope_cache( - seq_len=self.max_seq_length, - n_elem=self.config.rope_n_elem, - device=device, - condense_ratio=self.config.rope_condense_ratio, - base=self.config.rope_base, - ) - - def set_kv_cache( - self, - batch_size: int, - rope_cache_length: Optional[int] = None, - device: Optional[torch.device] = None, - dtype: Optional[torch.dtype] = None, - ) -> None: - if rope_cache_length is None: - rope_cache_length = self.cos.size(-1) - max_seq_length = self.max_seq_length - - # initialize the kv cache for all blocks - for block in self.transformer.h: - block.attn.kv_cache = block.attn.build_kv_cache( - batch_size, max_seq_length, rope_cache_length, device, dtype - ) - if self.config.post_adapter: - for block in self.transformer.post_adapter: - block.attn.kv_cache = block.attn.build_kv_cache( - batch_size, max_seq_length, rope_cache_length, device, dtype - ) - - if self.mask_cache is None or self.mask_cache.size(3) != max_seq_length: - # passing `attn_mask` to SDPA disables the flash implementation. since we only need the mask - # for the kv-cache support (only during inference), we only create it in that situation - self.mask_cache = build_mask_cache(max_seq_length, device) - - def clear_kv_cache(self) -> None: - self.mask_cache = None - for block in self.transformer.h: - block.attn.kv_cache = None - - -class Block(nn.Module): - - def __init__(self, config: Config) -> None: - super().__init__() - if not config.parallel_residual and config.shared_attention_norm: - raise NotImplementedError( - "No checkpoint amongst the ones we support uses this configuration" - " (non-parallel residual and shared attention norm)." - ) - - self.norm_1 = config.norm_class(config.n_embd, eps=config.norm_eps) - self.attn = CausalSelfAttention(config) - self.norm_2 = ( - None - if config.shared_attention_norm - else config.norm_class(config.n_embd, eps=config.norm_eps) - ) - self.mlp = config.mlp_class(config) - - self.config = config - - def forward( - self, - x: torch.Tensor, - cos: torch.Tensor, - sin: torch.Tensor, - mask: Optional[torch.Tensor] = None, - input_pos: Optional[torch.Tensor] = None, - ) -> torch.Tensor: - """ - Non-parallel residual Parallel residual - ┌─ x ┌─ x ────────────┐ Note: if `shared_attention_norm` is True, - │ ↓ │ ↓ ↓ the output from `norm_1` is reused - │ norm_1 │ norm_1 ───► norm_2 - │ ↓ │ ↓ ↓ - │ attn │ attn mlp - │ ↓ │ ↓ │ - ┌─ └► + └► + ◄───────────┘ - │ norm_2 - │ ↓ - │ mlp - │ ↓ - └───► + - """ - - x_normed = self.norm_1(x) - attention_output = self.attn(x_normed, cos, sin, mask, input_pos) - - if self.config.parallel_residual: - x_normed = x_normed if self.config.shared_attention_norm else self.norm_2(x) - x = self.mlp(x_normed) + attention_output + x - else: - x = attention_output + x - x = self.mlp(self.norm_2(x)) + x - return x - - -class CausalSelfAttention(nn.Module): - def __init__(self, config: Config) -> None: - super().__init__() - shape = (config.n_head + 2 * config.n_query_groups) * config.head_size - # key, query, value projections for all heads, but in a batch - self.attn = nn.Linear(config.n_embd, shape, bias=config.add_qkv_bias) - # output projection - # if `head_size` is explicitly specified in the config, `n_emd` might not be equal to `head_size * n_head` - self.proj = nn.Linear( - config.head_size * config.n_head, config.n_embd, bias=config.bias - ) - # disabled by default - self.kv_cache: Optional[KVCache] = None - - self.config = config - - def forward( - self, - x: torch.Tensor, - cos: torch.Tensor, - sin: torch.Tensor, - mask: Optional[torch.Tensor] = None, - input_pos: Optional[torch.Tensor] = None, - ) -> torch.Tensor: - B, T, C = ( - x.size() - ) # batch size, sequence length, embedding dimensionality (n_embd) - - qkv = self.attn(x) - - # assemble into a number of query groups to support MHA, MQA and GQA together (see `config.n_query_groups`) - q_per_kv = self.config.n_head // self.config.n_query_groups - total_qkv = q_per_kv + 2 # each group has 1+ queries, 1 key, and 1 value - qkv = qkv.view( - B, T, self.config.n_query_groups, total_qkv, self.config.head_size - ) - qkv = qkv.permute(0, 2, 3, 1, 4) # (B, n_query_groups, total_qkv, T, hs) - - # split batched computation into three - q, k, v = qkv.split((q_per_kv, 1, 1), dim=2) - - # maybe repeat k and v if for the non multi-head attention cases - # training: flash attention requires it - # inference: multi-query would require a full kv cache so avoid it to limit its memory usage - if self.config.n_query_groups != self.config.n_head and ( - input_pos is None or self.config.n_query_groups != 1 - ): - k = k.expand( - B, self.config.n_query_groups, q_per_kv, T, self.config.head_size - ) - v = v.expand( - B, self.config.n_query_groups, q_per_kv, T, self.config.head_size - ) - - q = q.reshape(B, -1, T, self.config.head_size) # (B, nh_q, T, hs) - k = k.reshape(B, -1, T, self.config.head_size) # (B, nh_k, T, hs) - v = v.reshape(B, -1, T, self.config.head_size) # (B, nh_v, T, hs) - - q_roped = apply_rope(q[..., : self.config.rope_n_elem], cos, sin) - k_roped = apply_rope(k[..., : self.config.rope_n_elem], cos, sin) - q = torch.cat((q_roped, q[..., self.config.rope_n_elem :]), dim=-1) - k = torch.cat((k_roped, k[..., self.config.rope_n_elem :]), dim=-1) - - if input_pos is not None: - if not isinstance(self.kv_cache, KVCache): - raise TypeError("You need to call `gpt.set_kv_cache()`") - k, v = self.kv_cache(input_pos, k, v) - - y = self.scaled_dot_product_attention(q, k, v, mask) - - y = y.reshape( - B, T, self.config.head_size * self.config.n_head - ) # re-assemble all head outputs side by side - - # output projection - return self.proj(y) - - def scaled_dot_product_attention( - self, - q: torch.Tensor, - k: torch.Tensor, - v: torch.Tensor, - mask: Optional[torch.Tensor] = None, - ) -> torch.Tensor: - scale = 1.0 / math.sqrt(self.config.head_size) - y = torch.nn.functional.scaled_dot_product_attention( - q, k, v, attn_mask=mask, dropout_p=0.0, scale=scale, is_causal=mask is None - ) - return y.transpose(1, 2) - - def build_kv_cache( - self, - batch_size: int, - max_seq_length: int, - rope_cache_length: Optional[int] = None, - device: Optional[torch.device] = None, - dtype: Optional[torch.dtype] = None, - ) -> "KVCache": - heads = 1 if self.config.n_query_groups == 1 else self.config.n_head - v_shape = (batch_size, heads, max_seq_length, self.config.head_size) - if rope_cache_length is None: - if self.config.rotary_percentage != 1.0: - raise TypeError( - "Please pass the `rope_cache_length=gpt.cos.size(-1)` value" - ) - k_shape = v_shape - else: - k_shape = ( - batch_size, - heads, - max_seq_length, - rope_cache_length + self.config.head_size - self.config.rope_n_elem, - ) - return KVCache(k_shape, v_shape, device=device, dtype=dtype) - - -class GptNeoxMLP(nn.Module): - def __init__(self, config: Config) -> None: - super().__init__() - self.fc = nn.Linear(config.n_embd, config.intermediate_size, bias=config.bias) - self.proj = nn.Linear(config.intermediate_size, config.n_embd, bias=config.bias) - - self.config = config - - def forward(self, x: torch.Tensor) -> torch.Tensor: - x = self.fc(x) - x = torch.nn.functional.gelu(x, approximate=self.config.gelu_approximate) - return self.proj(x) - - -class LLaMAMLP(nn.Module): - def __init__(self, config: Config) -> None: - super().__init__() - self.fc_1 = nn.Linear(config.n_embd, config.intermediate_size, bias=config.bias) - self.fc_2 = nn.Linear(config.n_embd, config.intermediate_size, bias=config.bias) - self.proj = nn.Linear(config.intermediate_size, config.n_embd, bias=config.bias) - - self.config = config - - def forward(self, x: torch.Tensor) -> torch.Tensor: - x_fc_1 = self.fc_1(x) - x_fc_2 = self.fc_2(x) - x = torch.nn.functional.silu(x_fc_1) * x_fc_2 - return self.proj(x) - - -class whisperMLP(nn.Module): - def __init__(self, config: Config) -> None: - super().__init__() - self.fc_1 = nn.Linear(config.whisper_adapter_dim, config.intermediate_size, bias=config.bias) - self.fc_2 = nn.Linear(config.whisper_adapter_dim, config.intermediate_size, bias=config.bias) - self.proj = nn.Linear(config.intermediate_size, config.n_embd, bias=config.bias) - - self.config = config - - def forward(self, x: torch.Tensor) -> torch.Tensor: - x_fc_1 = self.fc_1(x) - x_fc_2 = self.fc_2(x) - x = torch.nn.functional.silu(x_fc_1) * x_fc_2 - return self.proj(x) - - -class GemmaMLP(LLaMAMLP): - def forward(self, x: torch.Tensor) -> torch.Tensor: - x_fc_1 = self.fc_1(x) - x_fc_2 = self.fc_2(x) - x = ( - torch.nn.functional.gelu(x_fc_1, approximate=self.config.gelu_approximate) - * x_fc_2 - ) - return self.proj(x) - - -class LLaMAMoE(nn.Module): - def __init__(self, config: Config) -> None: - super().__init__() - self.gate = nn.Linear(config.n_embd, config.n_expert, bias=False) - self.experts = nn.ModuleList(LLaMAMLP(config) for _ in range(config.n_expert)) - - self.config = config - - def forward(self, x: torch.Tensor) -> torch.Tensor: - """ - Derived from: https://github.com/mistralai/mistral-src/blob/b46d6/moe_one_file_ref.py#L203-L219 - See also figure 1 in https://arxiv.org/abs/2211.15841 - """ - B, T, C = ( - x.size() - ) # batch size, sequence length, embedding dimensionality (n_embd) - x = x.view(-1, C) # (B*T, C) - router = self.gate(x) # (B*T, n_expert) - probs, indices = torch.topk( - router, self.config.n_expert_per_token - ) # (B*T, n_expert_per_token) - probs = probs.softmax(dim=1, dtype=torch.float).to(dtype=x.dtype) - masks = indices.unsqueeze(-1) == torch.arange( - self.config.n_expert, device=x.device - ) - masks = masks.permute(2, 0, 1) # (n_expert, B*T, n_expert_per_token) - y = torch.zeros_like(x) # (B*T, C) - for mask, expert in zip(masks, self.experts): - token_idx, expert_idx = torch.where(mask) - y[token_idx] += probs[token_idx, expert_idx, None] * expert(x[token_idx]) - return y.view(B, T, C) - - -def build_rope_cache( - seq_len: int, - n_elem: int, - device: Optional[torch.device] = None, - base: int = 10000, - condense_ratio: int = 1, -) -> Tuple[torch.Tensor, torch.Tensor]: - """Enhanced Transformer with Rotary Position Embedding. - - Derived from: https://github.com/labmlai/annotated_deep_learning_paper_implementations/blob/master/labml_nn/ - transformers/rope/__init__.py. MIT License: - https://github.com/labmlai/annotated_deep_learning_paper_implementations/blob/master/license. - """ - # $\Theta = {\theta_i = 10000^{\frac{2(i-1)}{d}}, i \in [1, 2, ..., \frac{d}{2}]}$ - theta = 1.0 / (base ** (torch.arange(0, n_elem, 2, device=device).float() / n_elem)) - - # Create position indexes `[0, 1, ..., seq_len - 1]` - seq_idx = torch.arange(seq_len, device=device) / condense_ratio - - # Calculate the product of position index and $\theta_i$ - idx_theta = torch.outer(seq_idx, theta).repeat(1, 2) - - return torch.cos(idx_theta), torch.sin(idx_theta) - - -def apply_rope(x: torch.Tensor, cos: torch.Tensor, sin: torch.Tensor) -> torch.Tensor: - head_size = x.size(-1) - x1 = x[..., : head_size // 2] # (B, nh, T, hs/2) - x2 = x[..., head_size // 2 :] # (B, nh, T, hs/2) - rotated = torch.cat((-x2, x1), dim=-1) # (B, nh, T, hs) - roped = (x * cos) + (rotated * sin) - return roped.to(dtype=x.dtype) - - -class KVCache(nn.Module): - def __init__( - self, - k_shape: Tuple[int, int, int, int], - v_shape: Tuple[int, int, int, int], - device: Optional[torch.device] = None, - dtype: Optional[torch.dtype] = None, - ) -> None: - super().__init__() - self.register_buffer( - "k", torch.zeros(k_shape, device=device, dtype=dtype), persistent=False - ) - self.register_buffer( - "v", torch.zeros(v_shape, device=device, dtype=dtype), persistent=False - ) - - def forward( - self, input_pos: torch.Tensor, k: torch.Tensor, v: torch.Tensor - ) -> Tuple[torch.Tensor, torch.Tensor]: - # move the buffer to the activation dtype for when AMP is used - self.k = self.k.to(k.dtype) - self.v = self.v.to(v.dtype) - # update the cache - k = self.k.index_copy_(2, input_pos, k) - v = self.v.index_copy_(2, input_pos, v) - return k, v - - def reset_parameters(self) -> None: - torch.nn.init.zeros_(self.k) - torch.nn.init.zeros_(self.v) - - -def build_mask_cache( - max_seq_length: int, device: Optional[torch.device] = None -) -> torch.Tensor: - ones = torch.ones((max_seq_length, max_seq_length), device=device, dtype=torch.bool) - return torch.tril(ones).unsqueeze(0).unsqueeze(0) - - -class RMSNorm(torch.nn.Module): - """Root Mean Square Layer Normalization. - - Derived from https://github.com/bzhangGo/rmsnorm/blob/master/rmsnorm_torch.py. BSD 3-Clause License: - https://github.com/bzhangGo/rmsnorm/blob/master/LICENSE. - """ - - def __init__( - self, size: int, dim: int = -1, eps: float = 1e-6, add_unit_offset: bool = False - ) -> None: - super().__init__() - self.weight = torch.nn.Parameter(torch.ones(size)) - self.eps = eps - self.dim = dim - self.add_unit_offset = add_unit_offset - - def forward(self, x: torch.Tensor) -> torch.Tensor: - dtype = x.dtype - x = x.float() - # NOTE: the original RMSNorm paper implementation is not equivalent - norm_x = torch.mean(x * x, dim=self.dim, keepdim=True) - x_normed = x * torch.rsqrt(norm_x + self.eps) - x_normed = x_normed.to(dtype=dtype) - if self.add_unit_offset: - # Gemma model requires a unit offset - # https://github.com/google/gemma_pytorch/blob/main/gemma/model.py#L176 - return x_normed * (1 + self.weight) - return x_normed * self.weight - - def reset_parameters(self) -> None: - torch.nn.init.ones_(self.weight) diff --git a/voice_chat/litgpt/tokenizer.py b/voice_chat/litgpt/tokenizer.py deleted file mode 100644 index 3d45045b3c1cb54c0d772a7120a36a108f63de60..0000000000000000000000000000000000000000 --- a/voice_chat/litgpt/tokenizer.py +++ /dev/null @@ -1,131 +0,0 @@ -# Copyright Lightning AI. Licensed under the Apache License 2.0, see LICENSE file. - -import json -from pathlib import Path -from typing import Optional, Union - -import torch - - -class Tokenizer: - def __init__(self, checkpoint_dir: Union[Path, str]) -> None: - checkpoint_dir = Path(checkpoint_dir) - if not checkpoint_dir.exists(): - raise NotADirectoryError( - f"The checkpoint directory does not exist: {str(checkpoint_dir)}" - ) - - self.use_bos = self.check_if_bos_token_used(checkpoint_dir) - self.bos_id = None - self.eos_id = None - - # some checkpoints have both files, `.json` takes precedence - if (vocabulary_path := checkpoint_dir / "tokenizer.json").is_file(): - from tokenizers import Tokenizer as HFTokenizer - - self.processor = HFTokenizer.from_file(str(vocabulary_path)) - self.backend = "huggingface" - - if ( - special_tokens_path := checkpoint_dir / "tokenizer_config.json" - ).is_file(): - with open(special_tokens_path, encoding="utf-8") as fp: - config = json.load(fp) - bos_token = config.get("bos_token") - eos_token = config.get("eos_token") - if bos_token is not None and isinstance(bos_token, dict): - bos_token = bos_token.get("content") - if eos_token is not None and isinstance(eos_token, dict): - eos_token = eos_token.get("content") - self.bos_id = ( - self.token_to_id(bos_token) if bos_token is not None else None - ) - self.eos_id = ( - self.token_to_id(eos_token) if eos_token is not None else None - ) - if ( - special_tokens_path := checkpoint_dir / "generation_config.json" - ).is_file(): - with open(special_tokens_path, encoding="utf-8") as fp: - config = json.load(fp) - if self.bos_id is None: - self.bos_id = config.get("bos_token_id") - if self.eos_id is None: - self.eos_id = config.get("eos_token_id") - - elif (vocabulary_path := checkpoint_dir / "tokenizer.model").is_file(): - from sentencepiece import SentencePieceProcessor - - self.processor = SentencePieceProcessor(model_file=str(vocabulary_path)) - self.backend = "sentencepiece" - self.bos_id = self.processor.bos_id() - self.eos_id = self.processor.eos_id() - else: - raise NotImplementedError - - @property - def vocab_size(self) -> int: - if self.backend == "huggingface": - return self.processor.get_vocab_size(with_added_tokens=False) - if self.backend == "sentencepiece": - return self.processor.vocab_size() - raise RuntimeError - - def token_to_id(self, token: str) -> int: - if self.backend == "huggingface": - id_ = self.processor.token_to_id(token) - elif self.backend == "sentencepiece": - id_ = self.processor.piece_to_id(token) - else: - raise RuntimeError - if id_ is None: - raise ValueError(f"token {token!r} not found in the collection.") - return id_ - - def check_if_bos_token_used(self, checkpoint_dir: Path) -> bool: - if not ( - tokenizer_config_path := checkpoint_dir / "tokenizer_config.json" - ).is_file(): - return False - with open(tokenizer_config_path, encoding="utf-8") as fp: - config = json.load(fp) - if "add_bos_token" in config: - return config["add_bos_token"] - # if `add_bos_token` isn't in the config file, but LLaMA tokenizer is used - return True. - # ex: https://huggingface.co/stabilityai/StableBeluga2/blob/main/tokenizer_config.json#L2 - return config.get("tokenizer_class") == "LlamaTokenizer" - - def encode( - self, - string: str, - device: Optional[torch.device] = None, - bos: Optional[bool] = None, - eos: bool = False, - max_length: int = -1, - ) -> torch.Tensor: - if self.backend == "huggingface": - tokens = self.processor.encode(string).ids - elif self.backend == "sentencepiece": - tokens = self.processor.encode(string) - else: - raise RuntimeError - if bos or (bos is None and self.use_bos): - bos_id = self.bos_id - if bos_id is None: - raise NotImplementedError( - "This tokenizer does not have a defined a bos token" - ) - if tokens[0] != bos_id: - tokens = [bos_id] + tokens - if tokens is None: - raise ValueError("`tokens` is None") - - if eos and (not tokens or tokens[-1] != self.eos_id): - tokens = tokens + [self.eos_id] - if max_length > 0: - tokens = tokens[:max_length] - return torch.tensor(tokens, dtype=torch.int, device=device) - - def decode(self, tensor: torch.Tensor) -> str: - tokens = [tensor.item()] if tensor.ndim == 0 else tensor.tolist() - return self.processor.decode(tokens) diff --git a/voice_chat/litgpt/utils.py b/voice_chat/litgpt/utils.py deleted file mode 100644 index a163ab800e97927de1b21eda6409f0edf2342dc8..0000000000000000000000000000000000000000 --- a/voice_chat/litgpt/utils.py +++ /dev/null @@ -1,641 +0,0 @@ -# Copyright Lightning AI. Licensed under the Apache License 2.0, see LICENSE file. - -"""Utility functions for training and inference.""" -import inspect -import math -import os -import pickle -import shutil -import sys -from dataclasses import asdict, is_dataclass -from io import BytesIO -from pathlib import Path -from typing import ( - TYPE_CHECKING, - Any, - Dict, - Iterable, - List, - Literal, - Mapping, - Optional, - TypeVar, - Union, -) - -import lightning as L -import torch -import torch.nn as nn -import torch.utils._device -import yaml -from lightning.fabric.loggers import CSVLogger, TensorBoardLogger -from lightning.fabric.strategies import FSDPStrategy -from lightning.fabric.utilities.load import _lazy_load as lazy_load -from lightning.pytorch.loggers import WandbLogger -from lightning.pytorch.cli import instantiate_class -from torch.serialization import normalize_storage_type -from typing_extensions import Self - -if TYPE_CHECKING: - from litgpt import GPT, Config - - -def init_out_dir(out_dir: Path) -> Path: - if not out_dir.is_absolute() and "LIGHTNING_ARTIFACTS_DIR" in os.environ: - return Path(os.getenv("LIGHTNING_ARTIFACTS_DIR")) / out_dir - return out_dir - - -def find_resume_path( - resume: Union[bool, Literal["auto"], Path], out_dir: Path -) -> Optional[Path]: - if not resume or isinstance(resume, Path): - return resume - - resume_path = max( - out_dir.rglob("step-*/*.pth"), - key=(lambda p: int(p.parent.name.split("-")[1])), - default=None, - ) - if resume == "auto": - return resume_path - if resume is True and resume_path is None: - raise FileNotFoundError( - f"You passed `--resume=True`, but no checkpont file was found in `--out_dir={out_dir}`." - ) - return resume_path - - -def find_multiple(n: int, k: int) -> int: - assert k > 0 - if n % k == 0: - return n - return n + k - (n % k) - - -def num_parameters(module: nn.Module, requires_grad: Optional[bool] = None) -> int: - total = 0 - for p in module.parameters(): - if requires_grad is None or p.requires_grad == requires_grad: - if hasattr(p, "quant_state"): - # bitsandbytes 4bit layer support - total += math.prod(p.quant_state.shape) - else: - total += p.numel() - return total - - -def reset_parameters(module: nn.Module) -> None: - """Calls `reset_parameters` on the module and all its submodules.""" - for mod in module.modules(): - if callable(getattr(mod, "reset_parameters", None)): - mod.reset_parameters() - - -def check_valid_checkpoint_dir( - checkpoint_dir: Path, - model_filename: str = "lit_model.pth", - verbose: bool = True, - raise_error: bool = False, -) -> None: - files = { - model_filename: (checkpoint_dir / model_filename).is_file(), - "model_config.yaml": (checkpoint_dir / "model_config.yaml").is_file(), - "tokenizer.json OR tokenizer.model": ( - checkpoint_dir / "tokenizer.json" - ).is_file() - or (checkpoint_dir / "tokenizer.model").is_file(), - "tokenizer_config.json": (checkpoint_dir / "tokenizer_config.json").is_file(), - } - if checkpoint_dir.is_dir(): - if all(files.values()): - # we're good - return - problem = f" is missing the files: {[f for f, exists in files.items() if not exists]!r}" - else: - problem = " is not a checkpoint directory" - - # list locally available checkpoints - available = list(Path("checkpoints").glob("*/*")) - if available: - options = "\n".join([""] + [repr(str(p.resolve())) for p in available]) - extra = f"\nYou have downloaded locally:{options}\n" - else: - extra = "" - - if verbose: - error_message = ( - f"checkpoint_dir {str(checkpoint_dir.absolute())!r}{problem}." - "\nFind download instructions at https://github.com/Lightning-AI/litgpt/blob/main/tutorials\n" - f"{extra}\nSee all download options by running:\n litgpt download" - ) - print(error_message, file=sys.stderr) - - if raise_error: - raise FileNotFoundError( - f"checkpoint_dir {str(checkpoint_dir.absolute())!r}{problem}." - ) - else: - raise SystemExit(1) - - -class SavingProxyForStorage: - def __init__(self, obj, saver, protocol_version=5): - self.protocol_version = protocol_version - self.saver = saver - if not (isinstance(obj, torch.storage.TypedStorage) or torch.is_storage(obj)): - raise TypeError(f"expected storage, not {type(obj)}") - - # this logic is taken from PyTorch 2.0+ torch/serialization.py - if isinstance(obj, torch.storage.TypedStorage): - # PT upstream wants to deprecate this eventually... - storage = obj._untyped_storage - storage_type_str = obj._pickle_storage_type() - storage_type = getattr(torch, storage_type_str) - storage_numel = obj._size() - else: - storage = obj - storage_type = normalize_storage_type(type(obj)) - storage_numel = storage.nbytes() - - storage_key = saver._write_storage_and_return_key(storage) - location = torch.serialization.location_tag(storage) - - self.storage_info = ( - "storage", - storage_type, - storage_key, - location, - storage_numel, - ) - - def __reduce_ex__(self, protocol_version): - assert False, "this should be handled with out of band" - - -class SavingProxyForTensor: - def __init__(self, tensor, saver, protocol_version=5): - self.protocol_version = protocol_version - self.reduce_ret_fn, reduce_args = tensor.__reduce_ex__(protocol_version) - if reduce_args[0] == torch._utils._rebuild_tensor_v2: - # for Tensors with Python attributes - (a0, a1, (storage, *a2_other), *other_reduce_args) = reduce_args - assert isinstance( - storage, torch.storage.TypedStorage - ), "Please check for updates" - storage_proxy = SavingProxyForStorage( - storage, saver, protocol_version=protocol_version - ) - self.reduce_args = (a0, a1, (storage_proxy, *a2_other), *other_reduce_args) - else: - (storage, *other_reduce_args) = reduce_args - assert isinstance( - storage, torch.storage.TypedStorage - ), "Please check for updates" - storage_proxy = SavingProxyForStorage( - storage, saver, protocol_version=protocol_version - ) - self.reduce_args = (storage_proxy, *other_reduce_args) - - def __reduce_ex__(self, protocol_version): - if protocol_version != self.protocol_version: - raise RuntimeError( - f"Unexpected protocol version: expected {self.protocol_version}, got {protocol_version}" - ) - return self.reduce_ret_fn, self.reduce_args - - -class IncrementalPyTorchPickler(pickle.Pickler): - def __init__(self, saver, *args, **kwargs): - super().__init__(*args, **kwargs) - self.storage_dtypes = {} - self.saver = saver - self.id_map = {} - - # this logic is taken from PyTorch 2.0+ torch/serialization.py - def persistent_id(self, obj): - # FIXME: the docs say that persistent_id should only return a string - # but torch store returns tuples. This works only in the binary protocol - # see - # https://docs.python.org/2/library/pickle.html#pickling-and-unpickling-external-objects - # https://github.com/python/cpython/blob/master/Lib/pickle.py#L527-L537 - if isinstance(obj, SavingProxyForStorage): - return obj.storage_info - - if isinstance(obj, torch.storage.TypedStorage) or torch.is_storage(obj): - if isinstance(obj, torch.storage.TypedStorage): - # TODO: Once we decide to break serialization FC, this case - # can be deleted - storage = obj._untyped_storage - storage_dtype = obj.dtype - storage_type_str = obj._pickle_storage_type() - storage_type = getattr(torch, storage_type_str) - storage_numel = obj._size() - - else: - storage = obj - storage_dtype = torch.uint8 - storage_type = normalize_storage_type(type(obj)) - storage_numel = storage.nbytes() - - # If storage is allocated, ensure that any other saved storages - # pointing to the same data all have the same dtype. If storage is - # not allocated, don't perform this check - if storage.data_ptr() != 0: - if storage.data_ptr() in self.storage_dtypes: - if storage_dtype != self.storage_dtypes[storage.data_ptr()]: - raise RuntimeError( - "Cannot save multiple tensors or storages that view the same data as different types" - ) - else: - self.storage_dtypes[storage.data_ptr()] = storage_dtype - - storage_key = self.id_map.get(storage._cdata) - if storage_key is None: - storage_key = self.saver._write_storage_and_return_key(storage) - self.id_map[storage._cdata] = storage_key - location = torch.serialization.location_tag(storage) - - return ("storage", storage_type, storage_key, location, storage_numel) - - return None - - -class incremental_save: - def __init__(self, name): - self.name = name - self.zipfile = torch._C.PyTorchFileWriter(str(name)) - self.has_saved = False - self.next_key = 0 - - def __enter__(self): - return self - - def store_early(self, tensor): - if isinstance(tensor, torch.Tensor): - return SavingProxyForTensor(tensor, self) - raise TypeError(f"can only store tensors early, not {type(tensor)}") - - def save(self, obj): - if self.has_saved: - raise RuntimeError("have already saved") - # Write the pickle data for `obj` - data_buf = BytesIO() - pickler = IncrementalPyTorchPickler(self, data_buf, protocol=5) - pickler.dump(obj) - data_value = data_buf.getvalue() - self.zipfile.write_record("data.pkl", data_value, len(data_value)) - self.has_saved = True - - def _write_storage_and_return_key(self, storage): - if self.has_saved: - raise RuntimeError("have already saved") - key = self.next_key - self.next_key += 1 - name = f"data/{key}" - if storage.device.type != "cpu": - storage = storage.cpu() - num_bytes = storage.nbytes() - self.zipfile.write_record(name, storage.data_ptr(), num_bytes) - return key - - def __exit__(self, type, value, traceback): - self.zipfile.write_end_of_file() - - -T = TypeVar("T") - - -def chunked_cross_entropy( - logits: Union[torch.Tensor, List[torch.Tensor]], - targets: torch.Tensor, - chunk_size: int = 128, - ignore_index: int = -100, -) -> torch.Tensor: - # with large max_sequence_lengths, the beginning of `backward` allocates a large memory chunk which can dominate - # the memory usage in fine-tuning settings with low number of parameters. - # as a workaround hack, the cross entropy computation is chunked to force it to deallocate on the go, reducing - # the memory spike's magnitude - - # lm_head was chunked (we are fine-tuning) - if isinstance(logits, list): - # don't want to chunk cross entropy - if chunk_size == 0: - logits = torch.cat(logits, dim=1) - logits = logits.reshape(-1, logits.size(-1)) - targets = targets.reshape(-1) - return torch.nn.functional.cross_entropy( - logits, targets, ignore_index=ignore_index - ) - - # chunk cross entropy - logit_chunks = [ - logit_chunk.reshape(-1, logit_chunk.size(-1)) for logit_chunk in logits - ] - target_chunks = [ - target_chunk.reshape(-1) - for target_chunk in targets.split(logits[0].size(1), dim=1) - ] - loss_chunks = [ - torch.nn.functional.cross_entropy( - logit_chunk, target_chunk, ignore_index=ignore_index, reduction="none" - ) - for logit_chunk, target_chunk in zip(logit_chunks, target_chunks) - ] - non_masked_elems = (targets != ignore_index).sum() - # See [non_masked_elems div note] - return torch.cat(loss_chunks).sum() / non_masked_elems.maximum( - torch.ones_like(non_masked_elems) - ) - - # no chunking at all - logits = logits.reshape(-1, logits.size(-1)) - targets = targets.reshape(-1) - if chunk_size == 0: - return torch.nn.functional.cross_entropy( - logits, targets, ignore_index=ignore_index - ) - - # lm_head wasn't chunked, chunk cross entropy - logit_chunks = logits.split(chunk_size) - target_chunks = targets.split(chunk_size) - loss_chunks = [ - torch.nn.functional.cross_entropy( - logit_chunk, target_chunk, ignore_index=ignore_index, reduction="none" - ) - for logit_chunk, target_chunk in zip(logit_chunks, target_chunks) - ] - non_masked_elems = (targets != ignore_index).sum() - # [non_masked_elems div note]: - # max(1, non_masked_elems) would be more ergonomic to avoid a division by zero. However that - # results in a python int which is then passed back to torch division. By using the - # `x.maximum(torch.ones_like(x))` pattern we avoid a cudaStreamSynchronize. - return torch.cat(loss_chunks).sum() / non_masked_elems.maximum( - torch.ones_like(non_masked_elems) - ) - - -def map_old_state_dict_weights(state_dict: Dict, mapping: Mapping, prefix: str) -> Dict: - for checkpoint_name, attribute_name in mapping.items(): - full_checkpoint_name = prefix + checkpoint_name - if full_checkpoint_name in state_dict: - full_attribute_name = prefix + attribute_name - state_dict[full_attribute_name] = state_dict.pop(full_checkpoint_name) - return state_dict - - -def get_default_supported_precision(training: bool) -> str: - """Return default precision that is supported by the hardware: either `bf16` or `16`. - - Args: - training: `-mixed` or `-true` version of the precision to use - - Returns: - default precision that is suitable for the task and is supported by the hardware - """ - from lightning.fabric.accelerators import MPSAccelerator - - if MPSAccelerator.is_available() or ( - torch.cuda.is_available() and not torch.cuda.is_bf16_supported() - ): - return "16-mixed" if training else "16-true" - return "bf16-mixed" if training else "bf16-true" - - -def load_checkpoint( - fabric: L.Fabric, model: nn.Module, checkpoint_path: Path, strict: bool = True -) -> None: - if isinstance(fabric.strategy, FSDPStrategy): - fabric.load_raw(checkpoint_path, model, strict=strict) - else: - state_dict = lazy_load(checkpoint_path) - state_dict = state_dict.get("model", state_dict) - model.load_state_dict(state_dict, strict=strict) - - -def flops_per_param( - max_seq_length: int, n_layer: int, n_embd: int, n_params: int -) -> int: - flops_per_token = ( - 2 * n_params - ) # each parameter is used for a MAC (2 FLOPS) per network operation - # this assumes that all samples have a fixed length equal to the block size - # which is most likely false during finetuning - flops_per_seq = flops_per_token * max_seq_length - attn_flops_per_seq = n_layer * 2 * 2 * (n_embd * (max_seq_length**2)) - return flops_per_seq + attn_flops_per_seq - - -def estimate_flops(model: "GPT", training: bool) -> int: - """Measures estimated FLOPs for MFU. - - Refs: - * https://ar5iv.labs.arxiv.org/html/2205.05198#A1 - * https://ar5iv.labs.arxiv.org/html/2204.02311#A2 - """ - # using all parameters for this is a naive over estimation because not all model parameters actually contribute to - # this FLOP computation (e.g. embedding, norm). For this reason, the result will be higher by a fixed percentage - # (~10%) compared to the measured FLOPs, making those lower but more realistic. - # For a proper estimate, this needs a more fine-grained calculation as in Appendix A of the paper. - n_trainable_params = num_parameters(model, requires_grad=True) - trainable_flops = flops_per_param( - model.max_seq_length, - model.config.n_layer, - model.config.n_embd, - n_trainable_params, - ) - # forward + backward + gradients (assumes no gradient accumulation) - ops_per_step = 3 if training else 1 - n_frozen_params = num_parameters(model, requires_grad=False) - frozen_flops = flops_per_param( - model.max_seq_length, model.config.n_layer, model.config.n_embd, n_frozen_params - ) - # forward + backward - frozen_ops_per_step = 2 if training else 1 - return ops_per_step * trainable_flops + frozen_ops_per_step * frozen_flops - - -class CycleIterator: - """An iterator that cycles through an iterable indefinitely. - - Example: - >>> iterator = CycleIterator([1, 2, 3]) - >>> [next(iterator) for _ in range(5)] - [1, 2, 3, 1, 2] - - Note: - Unlike ``itertools.cycle``, this iterator does not cache the values of the iterable. - """ - - def __init__(self, iterable: Iterable) -> None: - self.iterable = iterable - self.epoch = 0 - self._iterator = None - - def __next__(self) -> Any: - if self._iterator is None: - self._iterator = iter(self.iterable) - try: - return next(self._iterator) - except StopIteration: - self._iterator = iter(self.iterable) - self.epoch += 1 - return next(self._iterator) - - def __iter__(self) -> Self: - return self - - -def copy_config_files(source_dir: Path, out_dir: Path) -> None: - """Copies the specified configuration and tokenizer files into the output directory.""" - - config_files = ["config.json", "generation_config.json", "model_config.yaml"] - tokenizer_files = ["tokenizer.json", "tokenizer.model", "tokenizer_config.json"] - - for file_name in config_files + tokenizer_files: - src_path = source_dir / file_name - if src_path.exists(): - shutil.copy(src_path, out_dir) - - -def CLI(*args: Any, **kwargs: Any) -> Any: - from jsonargparse import CLI, set_config_read_mode, set_docstring_parse_options - - set_docstring_parse_options(attribute_docstrings=True) - set_config_read_mode(urls_enabled=True) - - return CLI(*args, **kwargs) - - -def capture_hparams() -> Dict[str, Any]: - """Captures the local variables ('hyperparameters') from where this function gets called.""" - caller_frame = inspect.currentframe().f_back - locals_of_caller = caller_frame.f_locals - hparams = {} - for name, value in locals_of_caller.items(): - if value is None or isinstance(value, (int, float, str, bool, Path)): - hparams[name] = value - elif is_dataclass(value): - hparams[name] = asdict(value) - else: - hparams[name] = str(value) - return hparams - - -def save_hyperparameters(function: callable, checkpoint_dir: Path) -> None: - """Captures the CLI parameters passed to `function` without running `function` and saves them to the checkpoint.""" - from jsonargparse import capture_parser - - # TODO: Make this more robust - # This hack strips away the subcommands from the top-level CLI - # to parse the file as if it was called as a script - known_commands = [ - ("finetune_full",), # For subcommands, use `("finetune", "full")` etc - ("finetune_lora",), - ("finetune_adapter",), - ("finetune_adapter_v2",), - ("finetune",), - ("pretrain",), - ] - for known_command in known_commands: - unwanted = slice(1, 1 + len(known_command)) - if tuple(sys.argv[unwanted]) == known_command: - sys.argv[unwanted] = [] - - parser = capture_parser(lambda: CLI(function)) - config = parser.parse_args() - parser.save(config, checkpoint_dir / "hyperparameters.yaml", overwrite=True) - - -def save_config(config: "Config", checkpoint_dir: Path) -> None: - config_dict = asdict(config) - with open(checkpoint_dir / "model_config.yaml", "w", encoding="utf-8") as fp: - yaml.dump(config_dict, fp) - - -def parse_devices(devices: Union[str, int]) -> int: - if devices in (-1, "auto"): - return torch.cuda.device_count() or 1 - if isinstance(devices, int) and devices > 0: - return devices - raise ValueError(f"Devices must be 'auto' or a positive integer, got: {devices!r}") - - -def choose_logger( - logger_name: Literal["csv", "tensorboard", "wandb"], - out_dir: Path, - name: str, - log_interval: int = 1, - resume: Optional[bool] = None, - **kwargs: Any, -): - if logger_name == "csv": - return CSVLogger( - root_dir=(out_dir / "logs"), - name="csv", - flush_logs_every_n_steps=log_interval, - **kwargs, - ) - if logger_name == "tensorboard": - return TensorBoardLogger( - root_dir=(out_dir / "logs"), name="tensorboard", **kwargs - ) - if logger_name == "wandb": - return WandbLogger(project=name, resume=resume, **kwargs) - raise ValueError( - f"`--logger_name={logger_name}` is not a valid option. Choose from 'csv', 'tensorboard', 'wandb'." - ) - - -def get_argument_names(cls): - sig = inspect.signature(cls.__init__) - return { - name - for name, param in sig.parameters.items() - if param.kind - in [inspect.Parameter.POSITIONAL_OR_KEYWORD, inspect.Parameter.KEYWORD_ONLY] - } - - -def instantiate_bnb_optimizer(optimizer, model_parameters): - if (isinstance(optimizer, str) and "AdamW" not in optimizer) or ( - isinstance(optimizer, dict) and "AdamW" not in optimizer.get("class_path", "") - ): - raise ValueError( - "The chosen quantization format only supports the AdamW optimizer." - ) - - import bitsandbytes as bnb - - if isinstance(optimizer, str): - optimizer = bnb.optim.PagedAdamW(model_parameters) - else: - optim_args = get_argument_names(bnb.optim.PagedAdamW) - allowed_kwargs = { - key: optimizer["init_args"][key] - for key in optim_args & optimizer["init_args"].keys() - } - optimizer = bnb.optim.PagedAdamW(model_parameters, **allowed_kwargs) - return optimizer - - -def instantiate_torch_optimizer(optimizer, model_parameters, **kwargs): - if isinstance(optimizer, str): - optimizer_cls = getattr(torch.optim, optimizer) - optimizer = optimizer_cls(model_parameters, **kwargs) - else: - optimizer = dict(optimizer) # copy - optimizer["init_args"].update(kwargs) - optimizer = instantiate_class(model_parameters, optimizer) - return optimizer - - -def extend_checkpoint_dir(checkpoint_dir: Path) -> Path: - new_checkpoint_dir = "checkpoints" / checkpoint_dir - should_return_new_dir = ( - not checkpoint_dir.is_dir() - and checkpoint_dir.parts[0] != "checkpoints" - and not checkpoint_dir.is_absolute() - and new_checkpoint_dir.exists() - ) - return new_checkpoint_dir if should_return_new_dir else checkpoint_dir diff --git a/voice_chat/requirements.txt b/voice_chat/requirements.txt deleted file mode 100644 index 034f5999f69b5b05d183539a36ec9350c1a7b0b0..0000000000000000000000000000000000000000 --- a/voice_chat/requirements.txt +++ /dev/null @@ -1,23 +0,0 @@ -torch==2.3.1 -torchvision==0.18.1 -torchaudio==2.3.1 -transformers>=4.53.0 -huggingface_hub>=0.20.0 -tokenizers>=0.21.0 -accelerate>=0.20.0 -timm>=1.0.16 -gtts>=2.3.0 -litgpt==0.4.3 -snac==1.2.0 -soundfile==0.12.1 -openai-whisper -streamlit==1.37.1 -# PyAudio==0.2.14 -pydub==0.25.1 -onnxruntime==1.19.0 -# numpy==1.26.3 -https://gradio-builds.s3.amazonaws.com/cffe9a7ab7f71e76d7214dc57c6278ffaf5bcdf9/gradio-5.0.0b1-py3-none-any.whl -fastapi==0.112.4 -librosa==0.10.2.post1 -flask==3.0.3 -fire diff --git a/voice_chat/server.py b/voice_chat/server.py deleted file mode 100644 index 36a3bd05304dc70555ebc5ebb32636295a399d47..0000000000000000000000000000000000000000 --- a/voice_chat/server.py +++ /dev/null @@ -1,85 +0,0 @@ -import flask -import base64 -import tempfile -import traceback -import os -from flask import Flask, Response, stream_with_context -from inference import OmniInference -from gemma3n_inference import Gemma3nInference - - -class OmniChatServer(object): - def __init__(self, ip='0.0.0.0', port=60808, run_app=True, - ckpt_dir='./checkpoint', device='cuda:0', use_gemma3n=True) -> None: - server = Flask(__name__) - # CORS(server, resources=r"/*") - # server.config["JSON_AS_ASCII"] = False - - self.use_gemma3n = use_gemma3n - - if self.use_gemma3n: - print("Initializing Gemma 3n backend...") - try: - self.client = Gemma3nInference(device) - except Exception as e: - print(f"Failed to load Gemma 3n, falling back to original model: {e}") - self.use_gemma3n = False - self.client = OmniInference(ckpt_dir, device) - else: - print("Initializing original Omni backend...") - self.client = OmniInference(ckpt_dir, device) - - self.client.warm_up() - - server.route("/chat", methods=["POST"])(self.chat) - - if run_app: - server.run(host=ip, port=port, threaded=False) - else: - self.server = server - - def chat(self) -> Response: - - req_data = flask.request.get_json() - try: - data_buf = req_data["audio"].encode("utf-8") - stream_stride = req_data.get("stream_stride", 4) - max_tokens = req_data.get("max_tokens", 2048) - - if self.use_gemma3n: - # Use Gemma 3n inference - audio_response = self.client.process_audio_stream(data_buf) - - def generate_chunks(): - # Stream the audio response in chunks - chunk_size = 4096 - for i in range(0, len(audio_response), chunk_size): - yield audio_response[i:i + chunk_size] - - return Response(stream_with_context(generate_chunks()), mimetype="audio/wav") - else: - # Use original inference - data_buf = base64.b64decode(data_buf) - with tempfile.NamedTemporaryFile(suffix=".wav", delete=False) as f: - f.write(data_buf) - audio_generator = self.client.run_AT_batch_stream(f.name, stream_stride, max_tokens) - return Response(stream_with_context(audio_generator), mimetype="audio/wav") - except Exception as e: - print(traceback.format_exc()) - - -# CUDA_VISIBLE_DEVICES=1 gunicorn -w 2 -b 0.0.0.0:60808 'server:create_app()' -def create_app(): - server = OmniChatServer(run_app=False) - return server.server - - -def serve(ip='0.0.0.0', port=60808, device='cuda:0', use_gemma3n=True): - - OmniChatServer(ip, port=port, run_app=True, device=device, use_gemma3n=use_gemma3n) - - -if __name__ == "__main__": - import fire - fire.Fire(serve) - diff --git a/voice_chat/utils/assets/silero_vad.onnx b/voice_chat/utils/assets/silero_vad.onnx deleted file mode 100644 index 65cfdbf479782c0fdfccf53d55522920ef5b3784..0000000000000000000000000000000000000000 --- a/voice_chat/utils/assets/silero_vad.onnx +++ /dev/null @@ -1,3 +0,0 @@ -version https://git-lfs.github.com/spec/v1 -oid sha256:591f853590d11ddde2f2a54f9e7ccecb2533a8af7716330e8adfa6f3849787a9 -size 1807524 diff --git a/voice_chat/utils/snac_utils.py b/voice_chat/utils/snac_utils.py deleted file mode 100644 index e66ecccbc3f1910f5c1b174ac9b870fbe2017cd9..0000000000000000000000000000000000000000 --- a/voice_chat/utils/snac_utils.py +++ /dev/null @@ -1,146 +0,0 @@ -import torch -import time -import numpy as np - - -class SnacConfig: - audio_vocab_size = 4096 - padded_vocab_size = 4160 - end_of_audio = 4097 - - -snac_config = SnacConfig() - - -def get_time_str(): - time_str = time.strftime("%Y%m%d_%H%M%S", time.localtime()) - return time_str - - -def layershift(input_id, layer, stride=4160, shift=152000): - return input_id + shift + layer * stride - - -def generate_audio_data(snac_tokens, snacmodel, device=None): - audio = reconstruct_tensors(snac_tokens, device) - with torch.inference_mode(): - audio_hat = snacmodel.decode(audio) - audio_data = audio_hat.cpu().numpy().astype(np.float64) * 32768.0 - audio_data = audio_data.astype(np.int16) - audio_data = audio_data.tobytes() - return audio_data - - -def get_snac(list_output, index, nums_generate): - - snac = [] - start = index - for i in range(nums_generate): - snac.append("#") - for j in range(7): - snac.append(list_output[j][start - nums_generate - 5 + j + i]) - return snac - - -def reconscruct_snac(output_list): - if len(output_list) == 8: - output_list = output_list[:-1] - output = [] - for i in range(7): - output_list[i] = output_list[i][i + 1 :] - for i in range(len(output_list[-1])): - output.append("#") - for j in range(7): - output.append(output_list[j][i]) - return output - - -def reconstruct_tensors(flattened_output, device=None): - """Reconstructs the list of tensors from the flattened output.""" - - if device is None: - device = torch.device("cuda" if torch.cuda.is_available() else "cpu") - - def count_elements_between_hashes(lst): - try: - # Find the index of the first '#' - first_index = lst.index("#") - # Find the index of the second '#' after the first - second_index = lst.index("#", first_index + 1) - # Count the elements between the two indices - return second_index - first_index - 1 - except ValueError: - # Handle the case where there aren't enough '#' symbols - return "List does not contain two '#' symbols" - - def remove_elements_before_hash(flattened_list): - try: - # Find the index of the first '#' - first_hash_index = flattened_list.index("#") - # Return the list starting from the first '#' - return flattened_list[first_hash_index:] - except ValueError: - # Handle the case where there is no '#' - return "List does not contain the symbol '#'" - - def list_to_torch_tensor(tensor1): - # Convert the list to a torch tensor - tensor = torch.tensor(tensor1) - # Reshape the tensor to have size (1, n) - tensor = tensor.unsqueeze(0) - return tensor - - flattened_output = remove_elements_before_hash(flattened_output) - codes = [] - tensor1 = [] - tensor2 = [] - tensor3 = [] - tensor4 = [] - - n_tensors = count_elements_between_hashes(flattened_output) - if n_tensors == 7: - for i in range(0, len(flattened_output), 8): - - tensor1.append(flattened_output[i + 1]) - tensor2.append(flattened_output[i + 2]) - tensor3.append(flattened_output[i + 3]) - tensor3.append(flattened_output[i + 4]) - - tensor2.append(flattened_output[i + 5]) - tensor3.append(flattened_output[i + 6]) - tensor3.append(flattened_output[i + 7]) - codes = [ - list_to_torch_tensor(tensor1).to(device), - list_to_torch_tensor(tensor2).to(device), - list_to_torch_tensor(tensor3).to(device), - ] - - if n_tensors == 15: - for i in range(0, len(flattened_output), 16): - - tensor1.append(flattened_output[i + 1]) - tensor2.append(flattened_output[i + 2]) - tensor3.append(flattened_output[i + 3]) - tensor4.append(flattened_output[i + 4]) - tensor4.append(flattened_output[i + 5]) - tensor3.append(flattened_output[i + 6]) - tensor4.append(flattened_output[i + 7]) - tensor4.append(flattened_output[i + 8]) - - tensor2.append(flattened_output[i + 9]) - tensor3.append(flattened_output[i + 10]) - tensor4.append(flattened_output[i + 11]) - tensor4.append(flattened_output[i + 12]) - tensor3.append(flattened_output[i + 13]) - tensor4.append(flattened_output[i + 14]) - tensor4.append(flattened_output[i + 15]) - - codes = [ - list_to_torch_tensor(tensor1).to(device), - list_to_torch_tensor(tensor2).to(device), - list_to_torch_tensor(tensor3).to(device), - list_to_torch_tensor(tensor4).to(device), - ] - - return codes - diff --git a/voice_chat/utils/vad.py b/voice_chat/utils/vad.py deleted file mode 100644 index 234b8e2f02ed372466e50373f278130f8c74cd80..0000000000000000000000000000000000000000 --- a/voice_chat/utils/vad.py +++ /dev/null @@ -1,290 +0,0 @@ -import bisect -import functools -import os -import warnings - -from typing import List, NamedTuple, Optional - -import numpy as np - - -# The code below is adapted from https://github.com/snakers4/silero-vad. -class VadOptions(NamedTuple): - """VAD options. - - Attributes: - threshold: Speech threshold. Silero VAD outputs speech probabilities for each audio chunk, - probabilities ABOVE this value are considered as SPEECH. It is better to tune this - parameter for each dataset separately, but "lazy" 0.5 is pretty good for most datasets. - min_speech_duration_ms: Final speech chunks shorter min_speech_duration_ms are thrown out. - max_speech_duration_s: Maximum duration of speech chunks in seconds. Chunks longer - than max_speech_duration_s will be split at the timestamp of the last silence that - lasts more than 100ms (if any), to prevent aggressive cutting. Otherwise, they will be - split aggressively just before max_speech_duration_s. - min_silence_duration_ms: In the end of each speech chunk wait for min_silence_duration_ms - before separating it - window_size_samples: Audio chunks of window_size_samples size are fed to the silero VAD model. - WARNING! Silero VAD models were trained using 512, 1024, 1536 samples for 16000 sample rate. - Values other than these may affect model performance!! - speech_pad_ms: Final speech chunks are padded by speech_pad_ms each side - """ - - threshold: float = 0.5 - min_speech_duration_ms: int = 250 - max_speech_duration_s: float = float("inf") - min_silence_duration_ms: int = 2000 - window_size_samples: int = 1024 - speech_pad_ms: int = 400 - - -def get_speech_timestamps( - audio: np.ndarray, - vad_options: Optional[VadOptions] = None, - **kwargs, -) -> List[dict]: - """This method is used for splitting long audios into speech chunks using silero VAD. - - Args: - audio: One dimensional float array. - vad_options: Options for VAD processing. - kwargs: VAD options passed as keyword arguments for backward compatibility. - - Returns: - List of dicts containing begin and end samples of each speech chunk. - """ - if vad_options is None: - vad_options = VadOptions(**kwargs) - - threshold = vad_options.threshold - min_speech_duration_ms = vad_options.min_speech_duration_ms - max_speech_duration_s = vad_options.max_speech_duration_s - min_silence_duration_ms = vad_options.min_silence_duration_ms - window_size_samples = vad_options.window_size_samples - speech_pad_ms = vad_options.speech_pad_ms - - if window_size_samples not in [512, 1024, 1536]: - warnings.warn( - "Unusual window_size_samples! Supported window_size_samples:\n" - " - [512, 1024, 1536] for 16000 sampling_rate" - ) - - sampling_rate = 16000 - min_speech_samples = sampling_rate * min_speech_duration_ms / 1000 - speech_pad_samples = sampling_rate * speech_pad_ms / 1000 - max_speech_samples = ( - sampling_rate * max_speech_duration_s - - window_size_samples - - 2 * speech_pad_samples - ) - min_silence_samples = sampling_rate * min_silence_duration_ms / 1000 - min_silence_samples_at_max_speech = sampling_rate * 98 / 1000 - - audio_length_samples = len(audio) - - model = get_vad_model() - state = model.get_initial_state(batch_size=1) - - speech_probs = [] - for current_start_sample in range(0, audio_length_samples, window_size_samples): - chunk = audio[current_start_sample : current_start_sample + window_size_samples] - if len(chunk) < window_size_samples: - chunk = np.pad(chunk, (0, int(window_size_samples - len(chunk)))) - speech_prob, state = model(chunk, state, sampling_rate) - speech_probs.append(speech_prob) - - triggered = False - speeches = [] - current_speech = {} - neg_threshold = threshold - 0.15 - - # to save potential segment end (and tolerate some silence) - temp_end = 0 - # to save potential segment limits in case of maximum segment size reached - prev_end = next_start = 0 - - for i, speech_prob in enumerate(speech_probs): - if (speech_prob >= threshold) and temp_end: - temp_end = 0 - if next_start < prev_end: - next_start = window_size_samples * i - - if (speech_prob >= threshold) and not triggered: - triggered = True - current_speech["start"] = window_size_samples * i - continue - - if ( - triggered - and (window_size_samples * i) - current_speech["start"] > max_speech_samples - ): - if prev_end: - current_speech["end"] = prev_end - speeches.append(current_speech) - current_speech = {} - # previously reached silence (< neg_thres) and is still not speech (< thres) - if next_start < prev_end: - triggered = False - else: - current_speech["start"] = next_start - prev_end = next_start = temp_end = 0 - else: - current_speech["end"] = window_size_samples * i - speeches.append(current_speech) - current_speech = {} - prev_end = next_start = temp_end = 0 - triggered = False - continue - - if (speech_prob < neg_threshold) and triggered: - if not temp_end: - temp_end = window_size_samples * i - # condition to avoid cutting in very short silence - if (window_size_samples * i) - temp_end > min_silence_samples_at_max_speech: - prev_end = temp_end - if (window_size_samples * i) - temp_end < min_silence_samples: - continue - else: - current_speech["end"] = temp_end - if ( - current_speech["end"] - current_speech["start"] - ) > min_speech_samples: - speeches.append(current_speech) - current_speech = {} - prev_end = next_start = temp_end = 0 - triggered = False - continue - - if ( - current_speech - and (audio_length_samples - current_speech["start"]) > min_speech_samples - ): - current_speech["end"] = audio_length_samples - speeches.append(current_speech) - - for i, speech in enumerate(speeches): - if i == 0: - speech["start"] = int(max(0, speech["start"] - speech_pad_samples)) - if i != len(speeches) - 1: - silence_duration = speeches[i + 1]["start"] - speech["end"] - if silence_duration < 2 * speech_pad_samples: - speech["end"] += int(silence_duration // 2) - speeches[i + 1]["start"] = int( - max(0, speeches[i + 1]["start"] - silence_duration // 2) - ) - else: - speech["end"] = int( - min(audio_length_samples, speech["end"] + speech_pad_samples) - ) - speeches[i + 1]["start"] = int( - max(0, speeches[i + 1]["start"] - speech_pad_samples) - ) - else: - speech["end"] = int( - min(audio_length_samples, speech["end"] + speech_pad_samples) - ) - - return speeches - - -def collect_chunks(audio: np.ndarray, chunks: List[dict]) -> np.ndarray: - """Collects and concatenates audio chunks.""" - if not chunks: - return np.array([], dtype=np.float32) - - return np.concatenate([audio[chunk["start"] : chunk["end"]] for chunk in chunks]) - - -class SpeechTimestampsMap: - """Helper class to restore original speech timestamps.""" - - def __init__(self, chunks: List[dict], sampling_rate: int, time_precision: int = 2): - self.sampling_rate = sampling_rate - self.time_precision = time_precision - self.chunk_end_sample = [] - self.total_silence_before = [] - - previous_end = 0 - silent_samples = 0 - - for chunk in chunks: - silent_samples += chunk["start"] - previous_end - previous_end = chunk["end"] - - self.chunk_end_sample.append(chunk["end"] - silent_samples) - self.total_silence_before.append(silent_samples / sampling_rate) - - def get_original_time( - self, - time: float, - chunk_index: Optional[int] = None, - ) -> float: - if chunk_index is None: - chunk_index = self.get_chunk_index(time) - - total_silence_before = self.total_silence_before[chunk_index] - return round(total_silence_before + time, self.time_precision) - - def get_chunk_index(self, time: float) -> int: - sample = int(time * self.sampling_rate) - return min( - bisect.bisect(self.chunk_end_sample, sample), - len(self.chunk_end_sample) - 1, - ) - - -@functools.lru_cache -def get_vad_model(): - """Returns the VAD model instance.""" - asset_dir = os.path.join(os.path.dirname(__file__), "assets") - path = os.path.join(asset_dir, "silero_vad.onnx") - return SileroVADModel(path) - - -class SileroVADModel: - def __init__(self, path): - try: - import onnxruntime - except ImportError as e: - raise RuntimeError( - "Applying the VAD filter requires the onnxruntime package" - ) from e - - opts = onnxruntime.SessionOptions() - opts.inter_op_num_threads = 1 - opts.intra_op_num_threads = 1 - opts.log_severity_level = 4 - - self.session = onnxruntime.InferenceSession( - path, - providers=["CPUExecutionProvider"], - sess_options=opts, - ) - - def get_initial_state(self, batch_size: int): - h = np.zeros((2, batch_size, 64), dtype=np.float32) - c = np.zeros((2, batch_size, 64), dtype=np.float32) - return h, c - - def __call__(self, x, state, sr: int): - if len(x.shape) == 1: - x = np.expand_dims(x, 0) - if len(x.shape) > 2: - raise ValueError( - f"Too many dimensions for input audio chunk {len(x.shape)}" - ) - if sr / x.shape[1] > 31.25: - raise ValueError("Input audio chunk is too short") - - h, c = state - - ort_inputs = { - "input": x, - "h": h, - "c": c, - "sr": np.array(sr, dtype="int64"), - } - - out, h, c = self.session.run(None, ort_inputs) - state = (h, c) - - return out, state